From 025752b18dace656e3868781e6ae085c5412c122 Mon Sep 17 00:00:00 2001 From: Jinqi Huang Date: Mon, 29 Nov 2021 15:35:47 +0000 Subject: [PATCH] Add more neuron models (LIF with rate coding and temporal coding, Izhikevich), learning rules (back propagation, stdp for unsupervised learning, tempotron, and direct random target projection) in NeuroCores folder('core_LIF_supervisedlearning', 'core_LIF_supervisedlearning_wta', 'core_temporalcodingLIF_tempotron', 'core_wta_example', 'core_Izhikevich'). (File 'core_supevisedlearning_wat_debugger' is the core without memristor model to debug the core 'core_supervisedlearning_wta'.) Update GUI for analysis tool to display weight set for each layer at each epoch, and fire history and membrane voltage for each neuron through all epochs.( in 'NeuroPack.py', 'uis/nnanalysis.ui' and 'uis/nnvarsnaprow.ui') Split training phase and test phase and make memristor parameters customizable( in 'NeuroPack.py'). Change the virtual memristor array size. Initial values can also be parameterized with user-defined values (in 'NeuroPack.py'). --- NeuroCores/core_Izhikevich.py | 324 + NeuroCores/core_LIF_supervisedlearning.py | 301 + NeuroCores/core_LIF_supervisedlearning_wta.py | 403 + ...ore_LIF_supervisedlearning_wta_debugver.py | 338 + .../core_temporalcodingLIF_tempotron.py | 363 + NeuroCores/core_wta_example.py | 329 + NeuroCores/memristorPulses.py | 49 + NeuroData/MNIST_LIF.json | 29 + NeuroData/MNIST_LIF_connmat.txt | 4840 ++++++++ NeuroData/MNIST_LIF_stim.txt | 10000 ++++++++++++++++ NeuroData/MNIST_LIF_test_stim.txt | 10000 ++++++++++++++++ NeuroData/MNIST_stdp.json | 27 + NeuroData/MNIST_stdp_connmat.txt | 4840 ++++++++ NeuroData/MNIST_stdp_stim.txt | 200 + NeuroData/tempotron.json | 24 + NeuroData/tempotron_connmat.txt | 5 + NeuroData/tempotron_stim.txt | 125 + NeuroPack.py | 1234 +- uis/nnanalysis.ui | 261 +- uis/nnvarsnaprow.ui | 132 +- 20 files changed, 33065 insertions(+), 759 deletions(-) create mode 100644 NeuroCores/core_Izhikevich.py create mode 100644 NeuroCores/core_LIF_supervisedlearning.py create mode 100644 NeuroCores/core_LIF_supervisedlearning_wta.py create mode 100644 NeuroCores/core_LIF_supervisedlearning_wta_debugver.py create mode 100644 NeuroCores/core_temporalcodingLIF_tempotron.py create mode 100644 NeuroCores/core_wta_example.py create mode 100644 NeuroCores/memristorPulses.py create mode 100644 NeuroData/MNIST_LIF.json create mode 100644 NeuroData/MNIST_LIF_connmat.txt create mode 100644 NeuroData/MNIST_LIF_stim.txt create mode 100644 NeuroData/MNIST_LIF_test_stim.txt create mode 100644 NeuroData/MNIST_stdp.json create mode 100644 NeuroData/MNIST_stdp_connmat.txt create mode 100644 NeuroData/MNIST_stdp_stim.txt create mode 100644 NeuroData/tempotron.json create mode 100644 NeuroData/tempotron_connmat.txt create mode 100644 NeuroData/tempotron_stim.txt diff --git a/NeuroCores/core_Izhikevich.py b/NeuroCores/core_Izhikevich.py new file mode 100644 index 0000000..2f2fe0e --- /dev/null +++ b/NeuroCores/core_Izhikevich.py @@ -0,0 +1,324 @@ +import numpy as np +from .memristorPulses import memristorPulses as memristorPulses +# This core implements Izhikevich neuron model + +def normalise_weight(net, w): + PCEIL = 1.0/net.params['PFLOOR'] + PFLOOR = 1.0/net.params['PCEIL'] + + val = net.params['WEIGHTSCALE']*(float(w) - PFLOOR)/(PCEIL - PFLOOR) + + # Clamp weights in-between 0.0 and 1.0 + if val < 0.0: + return 0.0 + elif val > 1.0: + return 1.0 + else: + return val + + +def init(net): + # make sure all counters are reset + net.spikeTrain_cnt = 0 + net.errorSteps_cnt = 0 + net.errorStepsForTest_cnt = 0 + # Renormalise weights if needed + if not net.params.get('NORMALISE', False): + return + + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + old_weight = net.state.weights[preidx, postidx, 0] + new_weight = normalise_weight(net, old_weight) + net.state.weights[preidx, postidx, 0] = new_weight + + c = net.params.get('C', -0.065) # after-spike reset value of v + b = net.params.get('B', 0.2) # sensitivity of u to v + for postidx in range(len(net.ConnMat)): + net.state.NeurAccum[0][postidx] = c + net.state.NeurRecov[0][postidx] = b * net.state.NeurAccum[0][postidx] + +def neurons(net, time): + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + # Izhikevich neuron model: v' = 0.04v^2 + 5v + 140 - u + I + # u' = a(bv - u) + # if v > v_peak_boundary: v <- c, u <- u + d + # v: membrane voltage; u: recovery variable + a = net.params.get('A', 0.02) # time constant of u + b = net.params.get('B', 0.2) # sensitivity of u to v + c = net.params.get('C', -0.065) # after-spike reset value of v + d = net.params.get('D', 0.2) # increment of u after spike + dt = net.params.get('TIMESTEP', 1e-3) + v_peak_boundary = net.params.get('VPEAK', 0.03) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccum[time] = net.state.NeurAccum[time-1] + net.state.NeurRecov[time] = net.state.NeurRecov[time-1] + + for (idx, v) in enumerate(rawin): + if v != c: + net.state.NeurAccum[time][idx] = c + net.state.NeurRecov[time][idx] += d + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccum[time])): + + v = net.state.NeurAccum[time][postidx] + u = net.state.NeurRecov[time][postidx]#!!!!! + dv = v * v * 0.04 + v * 5 + 140 - u + du = a * (b * v - u) + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + dv += full_stim[preidx] * net.state.weights[preidx, postidx, time] + + net.log("POST=%d PRE=%d NeurAccum=%g full_stim=%g weight=%g" % \ + (postidx, preidx, net.state.NeurAccum[time][postidx], \ + full_stim[preidx], net.state.weights[preidx, postidx, time])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + dv -= full_stim[preidx]*net.state.weights[preidx, postidx, time] + + net.state.NeurAccum[time][postidx] += dv * dt + net.state.NeurRecov[time][postidx] += du * dt #!!!!!!!! + + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccum[time][neuron] > v_peak_boundary: + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCells = wantToFire + + # Barrel shift history + net.state.fireHist[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHist[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHist[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCells[time] = full_stim + net.state.errorList = wantToFire - outputLabel + +#############!!!!!!!!!!No valid learning rule yet!!!!!!!!!!!!!!####################### + +def plast(net, time): + + if time+2 > net.epochs: + return + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in stimin]) + + net.state.weights[:, :, time+1] = net.state.weights[:, :, time] + + noiseScale = net.params.get('NOISESCALE', 0.01) + learningRate = net.params.get('LEARNINGRATE', 0.001) + + directRandomTargetProj = np.matmul(net.state.fixedRandomWeights[:, net.outputNum:].T, outputLabel[net.outputNum:]) + + for neuron in range(len(rawin)-1, -1, -1): # update from the reversed order, in case the error hasn't been updated + if neuron >= fullNum - net.outputNum: # output neurons + # delta = (y - y_hat)*noise + # gradient = delta * input + delta = (rawin[neuron] - outputLabel[neuron]) + error[neuron] = delta * np.random.rand() * noiseScale + print("neuron %d has delta %f and error %f" % (neuron, delta, error[neuron])) + elif neuron < fullNum - net.outputNum and neuron >= net.inputNum: # hidden neurons + error[neuron] = directRandomTargetProj[neuron] * np.random.rand() * noiseScale + else: # input neuron + continue + + if error[neuron] == 0.0: + continue + + # For every presynaptic input the neuron receives, back propogate the error + for preidx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: + w,b = net.ConnMat[preidx, neuron, 0:2] + if allNeuronsThatFire[preidx] == 0: + continue + grad = error[neuron] * allNeuronsThatFire[preidx] + print(" gradient: %f" % grad) + dW = (-1) * learningRate * grad + if dW > 0: # conductance needs to be larger, so a negative pulse is suplied + pulseList = net.neg_pulseList + else: + pulseList = net.pos_pulseList + print(" weight change: %f" % dW) + p = dW + net.state.weights[preidx, neuron, time+1] # new weights + #print(" final weight should be: %f" % p) + # look up table mapping + R_expect = 1 / p #expected R + #print('expected R:', R_expect) + R = net.read(w, b) # current R + #print('current R:', R) + virtualMemristor = memristorPulses(net.dt, net.Ap, net.An, net.a0p, net.a1p, net.a0n, net.a1n, net.tp, net.tn, R) + pulseParams = virtualMemristor.BestPulseChoice(R_expect, pulseList) # takes the best pulse choice + #print('pulse selected:', pulseParams) + net.pulse(w, b, pulseParams[0], pulseParams[1]) + R_real = net.read(w, b) + #print('new R:', R_real) + p_real = 1 / R_real + #print('new weight:', p_real) + p_error = p_real - p + #print('weight error:', p_error) + if net.params.get('NORMALISE', False): + net.state.weights[preidx, neuron, time+1] = normalise_weight(net, p_real) + net.state.weightsExpected[preidx, neuron, time+1] = normalise_weight(net, p) + net.state.weightsError[preidx, neuron, time+1] = normalise_weight(net, p_error) + else: + net.state.weights[preidx, neuron, time+1] = p_real + net.state.weightsExpected[preidx, neuron, time+1] = p + net.state.weightsError[preidx, neuron, time+1] = p_error + net.log(" weight change for synapse %d -- %d from %f to %f" % (preidx, neuron, net.state.weights[preidx, neuron, time], net.state.weights[preidx, neuron, time+1])) + + # For every valid connection between neurons, find out which the + # corresponding memristor is. Then, if the weight is still uninitialised + # take a reading and ensure that the weight has a proper value. + for preidx in range(len(rawin)): + for postidx in range(len(rawin)): + if net.ConnMat[preidx, postidx, 0] != 0: + w, b = net.ConnMat[preidx, postidx, 0:2] + if net.state.weights[preidx, postidx, time] == 0.0: + net.state.weights[preidx, postidx, time] = \ + 1.0/net.read(w, b, "NN") + + net.state.errorSteps_cnt = time + +def neuronsForTest(net, time): + + rawin = net.rawin # Raw input + stimin = net.stiminForTesting[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + # Izhikevich neuron model: v' = 0.04v^2 + 5v + 140 - u + I + # u' = a(bv - u) + # if v > v_peak_boundary: v <- c, u <- u + d + # v: membrane voltage; u: recovery variable + a = net.params.get('A', 0.02) # time constant of u + b = net.params.get('B', 0.2) # sensitivity of u to v + c = net.params.get('C', -0.065) # after-spike reset value of v + d = net.params.get('D', 0.2) # increment of u after spike + dt = net.params.get('TIMESTEP', 1e-3) + v_peak_boundary = net.params.get('VPEAK', 0.03) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccumForTest[time] = net.state.NeurAccumForTest[time-1] + net.state.NeurRecovForTest[time] = net.state.NeurRecovForTest[time-1] + + for (idx, v) in enumerate(rawin): + if v != c: + net.state.NeurAccumForTest[time][idx] = c + net.state.NeurRecovForTest[time][idx] += d + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccumForTest[time])): + + v = net.state.NeurAccumForTest[time][postidx] + u = net.state.NeurRecovForTest[time][postidx]#!!!!! + dv = v * v * 0.04 + v * 5 + 140 - u + du = a * (b * v - u) + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + dv += full_stim[preidx] * net.weightsForTest[preidx, postidx, time] + + net.log("POST=%d PRE=%d NeurAccum=%g full_stim=%g weight=%g" % \ + (postidx, preidx, net.state.NeurAccumForTest[time][postidx], \ + full_stim[preidx], net.weightsForTest[preidx, postidx, time])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + dv -= full_stim[preidx]*net.weightsForTest[preidx, postidx, time] + + net.state.NeurAccumForTest[time][postidx] += dv * dt + net.state.NeurRecovForTest[time][postidx] += du * dt #!!!!!!!! + + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccumForTest[time][neuron] > v_peak_boundary: + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCellsForTest = wantToFire + + # Barrel shift history + net.state.fireHistForTest[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHistForTest[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHistForTest[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCellsForTest[time] = full_stim + net.state.errorListForTest = wantToFire - outputLabel + +def additional_data(net): + # This function should return any additional data that might be produced + # by this core. In this particular case there are None. + return None diff --git a/NeuroCores/core_LIF_supervisedlearning.py b/NeuroCores/core_LIF_supervisedlearning.py new file mode 100644 index 0000000..6efbbe7 --- /dev/null +++ b/NeuroCores/core_LIF_supervisedlearning.py @@ -0,0 +1,301 @@ +import numpy as np +from .memristorPulses import memristorPulses as memristorPulses +# This core implements feed forward NNs with LIF neurons. The output neurons of the NN can fire without restriction. +# Synapses are updated according to back propagation SGD, with the derivative of the step function replaced by noise. +# This core can be used for multi-layer cases. + +def normalise_weight(net, w): + PCEIL = 1.0/net.params['PFLOOR'] + PFLOOR = 1.0/net.params['PCEIL'] + + val = net.params['WEIGHTSCALE']*(float(w) - PFLOOR)/(PCEIL - PFLOOR) + + # Clamp weights in-between 0.0 and 1.0 + if val < 0.0: + return 0.0 + elif val > 1.0: + return 1.0 + else: + return val + +def init(net): + # make sure all counters are reset + net.spikeTrain_cnt = 0 + net.errorSteps_cnt = 0 + net.errorStepsForTest_cnt = 0 + # Renormalise weights if needed + if not net.params.get('NORMALISE', False): + return + + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + old_weight = net.state.weights[preidx, postidx - net.inputNum, 0] + new_weight = normalise_weight(net, old_weight) + net.state.weights[preidx, postidx - net.inputNum, 0] = new_weight + +def neurons(net, time): + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input for current timestep + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccum[time] = net.state.NeurAccum[time-1] + + # reset the accumulators of neurons that have already fired + for (idx, v) in enumerate(full_stim): + if v != 0: + net.state.NeurAccum[time][idx] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccum[time])): + # Unconditionally add bias term + net.state.NeurAccum[time][postidx] += bias[postidx] + if net.state.NeurAccum[time][postidx] < 0.0: + net.state.NeurAccum[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccum[time][postidx] += \ + full_stim[preidx] * net.state.weights[preidx, postidx - net.inputNum, time] + + net.log("POST=%d PRE=%d NeurAccum=%g full_stim=%g weight=%g" % \ + (postidx, preidx, net.state.NeurAccum[time][postidx], \ + full_stim[preidx], net.state.weights[preidx, postidx - net.inputNum, time])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccum[time][postidx] -= \ + full_stim[preidx]*net.state.weights[preidx, postidx - net.inputNum, time] + + print('neuron %d membrane voltage %g at time step %d' % (postidx, net.state.NeurAccum[time][postidx] ,time)) + + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccum[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCells = wantToFire + + # Barrel shift history + net.state.fireHist[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHist[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHist[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCells[time] = full_stim + net.state.errorList = wantToFire - outputLabel + + +def plast(net, time): + + if time+2 > net.epochs: + return + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + allNeuronsThatFire = np.bitwise_or([int(x) for x in inputStim], [int(x) for x in rawin]) + + net.state.weights[:, :, time+1] = net.state.weights[:, :, time] + + fullNum = len(rawin) + error = len(net.ConnMat)*[0] + noiseScale = net.params.get('NOISESCALE', 0.01) + learningRate = net.params.get('LEARNINGRATE', 0.001) + # For every neuron in the raw input + for neuron in range(len(rawin)-1, -1, -1): # update from the reversed order, in case the error hasn't been updated + if neuron >= fullNum - net.outputNum: # output neurons + # delta = (y - y_hat)*noise + # gradient = delta * input + delta = (rawin[neuron] - outputLabel[neuron]) + error[neuron] = delta * np.random.rand() * noiseScale + print("neuron %d has expected output %d and real output %d, delta %f and error %f" % (neuron, outputLabel[neuron], rawin[neuron], delta, error[neuron])) + elif neuron < fullNum - net.outputNum and neuron >= net.inputNum: # hidden neurons + for postidx in np.where(net.ConnMat[neuron, :, 0] != 0)[0]: # add up all error back propagated from the next layer + error[neuron] += error[postidx] * net.state.weights[neuron, postidx - net.inputNum, time] * np.random.rand() * noiseScale + else: # input neuron + continue + + if error[neuron] == 0.0: + continue + + # For every presynaptic input the neuron receives, back propogate the error + for preidx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: + w,b = net.ConnMat[preidx, neuron, 0:2] + if allNeuronsThatFire[preidx] == 0: + continue + grad = error[neuron] * allNeuronsThatFire[preidx] + #print(" gradient: %f" % grad) + dW = (-1) * learningRate * grad + #print(" weight change: %f" % dW) + if dW > 0: # conductance needs to be larger, so a negative pulse is suplied + pulseList = net.neg_pulseList + else: + pulseList = net.pos_pulseList + p = dW + net.state.weights[preidx, neuron - net.inputNum, time+1] # new weights + #print(" final weight should be: %f" % p) + # look up table mapping + R_expect = 1 / p #expected R + #print('expected R:', R_expect) + R = net.read(w, b) # current R + #print('current R:', R) + virtualMemristor = memristorPulses(net.dt, net.Ap, net.An, net.a0p, net.a1p, net.a0n, net.a1n, net.tp, net.tn, R) + pulseParams = virtualMemristor.BestPulseChoice(R_expect, pulseList) # takes the best pulse choice + #print('pulse selected:', pulseParams) + net.pulse(w, b, pulseParams[0], pulseParams[1]) + R_real = net.read(w, b) + #print('new R:', R_real) + p_real = 1 / R_real + #print('new weight:', p_real) + p_error = p_real - p + #print('weight error:', p_error) + if net.params.get('NORMALISE', False): + net.state.weights[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p_real) + net.state.weightsExpected[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsError[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p_error) + else: + net.state.weights[preidx, neuron - net.inputNum, time+1] = p_real + net.state.weightsExpected[preidx, neuron - net.inputNum, time+1] = p + net.state.weightsError[preidx, neuron - net.inputNum, time+1] = p_error + net.log(" weight change for synapse %d -- %d from %f to %f" % (preidx, neuron, net.state.weights[preidx, neuron - net.inputNum, time], net.state.weights[preidx, neuron - net.inputNum, time+1])) + + # For every valid connection between neurons, find out which the + # corresponding memristor is. Then, if the weight is still uninitialised + # take a reading and ensure that the weight has a proper value. + for preidx in range(len(rawin)): + for postidx in range(len(rawin)): + if net.ConnMat[preidx, postidx, 0] != 0: + w, b = net.ConnMat[preidx, postidx, 0:2] + if net.state.weights[preidx, postidx - net.inputNum, time] == 0.0: + net.state.weights[preidx, postidx - net.inputNum, time] = \ + 1.0/net.read(w, b, "NN") + + net.state.errorSteps_cnt = time + +def neuronsForTest(net, time): + rawin = net.rawin # Raw input + stimin = net.stiminForTesting[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccumForTest[time] = net.state.NeurAccumForTest[time-1] + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # reset the accumulators of neurons that have already fired + for (idx, v) in enumerate(full_stim): + if v != 0: + net.state.NeurAccumForTest[time][idx] = 0.0 + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccumForTest[time])): + # Unconditionally add bias term + net.state.NeurAccumForTest[time][postidx] += bias[postidx] + if net.state.NeurAccumForTest[time][postidx] < 0.0: + net.state.NeurAccumForTest[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccumForTest[time][postidx] += \ + full_stim[preidx] * net.weightsForTest[preidx, postidx - net.inputNum] + + net.log("POST=%d PRE=%d NeurAccum=%g full_stim=%g weight=%g" % \ + (postidx, preidx, net.state.NeurAccumForTest[time][postidx], \ + full_stim[preidx], net.weightsForTest[preidx, postidx - net.inputNum])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccumForTest[time][postidx] -= \ + full_stim[preidx]*net.weightsForTest[preidx, postidx - net.inputNum] + + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccumForTest[time])): + if net.state.NeurAccumForTest[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCellsForTest = wantToFire + + # Barrel shift history + net.state.fireHistForTest[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHistForTest[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHistForTest[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCellsForTest[time] = wantToFire + net.state.errorListForTest = wantToFire - outputLabel + +def additional_data(net): + # This function should return any additional data that might be produced + # by this core. In this particular case there are None. + return None diff --git a/NeuroCores/core_LIF_supervisedlearning_wta.py b/NeuroCores/core_LIF_supervisedlearning_wta.py new file mode 100644 index 0000000..83b644b --- /dev/null +++ b/NeuroCores/core_LIF_supervisedlearning_wta.py @@ -0,0 +1,403 @@ +import numpy as np +from .memristorPulses import memristorPulses as memristorPulses +# This core implements feed forward NNs with LIF neurons. The output neurons of the NN can fire without restriction. +# Synapses are updated according to back propagation SGD, with the derivative of the step function replaced by noise. +# This core can be used for multi-layer cases. + +def normalise_weight(net, w): + PCEIL = 1.0/net.params['PFLOOR'] # conductance ceil + PFLOOR = 1.0/net.params['PCEIL'] # conductance floor + + val = net.params['WEIGHTSCALE']*(float(w) - PFLOOR)/(PCEIL - PFLOOR) + + # Clamp weights in-between 0.0 and 1.0 + if val < 0.0: + return 0.0 + elif val > 1.0: + return 1.0 + else: + return val + +def de_normalise_resistance(net, w): + PCEIL = 1.0/net.params['PFLOOR'] # conductance ceil + PFLOOR = 1.0/net.params['PCEIL'] # conductance floor + + C = w * (PCEIL - PFLOOR) / net.params['WEIGHTSCALE'] + PFLOOR + R = 1 / C + return R + +def init(net): + # make sure all counters are reset + net.spikeTrain_cnt = 0 + net.errorSteps_cnt = 0 + net.errorStepsForTest_cnt = 0 + + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + w, b=net.ConnMat[preidx, postidx, 0:2] + net.state.weights[preidx, postidx - net.inputNum, 0] = 1.0/net.read(w, b) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('device intial state: %f, w: %d, b: %d\n' % (net.read(w, b), w, b)) + f.close() + if net.params.get('NORMALISE', False): + old_weight = net.state.weights[preidx, postidx - net.inputNum, 0] + new_weight = normalise_weight(net, old_weight) + net.state.weights[preidx, postidx - net.inputNum, 0] = new_weight + +def softmax(x): + # Compute softmax values for each sets of scores in x + return np.exp(x) / np.sum(np.exp(x), axis=0) + +def neurons(net, time): + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccum[time] = net.state.NeurAccum[time-1] + + # reset the accumulators of neurons that have already fired + for (idx, v) in enumerate(full_stim): + if v != 0: + net.state.NeurAccum[time][idx] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccum[time])): + # Unconditionally add bias term + net.state.NeurAccum[time][postidx] += bias[postidx] + if net.state.NeurAccum[time][postidx] < 0.0: + net.state.NeurAccum[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccum[time][postidx] += \ + full_stim[preidx] * net.state.weights[preidx, postidx - net.inputNum, time] + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccum[time][postidx] -= \ + full_stim[preidx]*net.state.weights[preidx, postidx - net.inputNum, time] + + net.log("POST=%d NeurAccum=%g in step %d" % (postidx, net.state.NeurAccum[time][postidx], time)) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('--------------\n') + f.write("POST=%d NeurAccum=%g in step %d\n" % (postidx, net.state.NeurAccum[time][postidx], time)) + f.close() + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccum[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + neuronID = -1 + if sum(wantToFire[-net.outputNum:]) > 1: + neuronID = np.argmax(net.state.NeurAccum[time]) + wantToFire = len(net.ConnMat)*[0] + wantToFire[neuronID] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCells = wantToFire + + # Barrel shift history + net.state.fireHist[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHist[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHist[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCells[time] = wantToFire + net.state.errorList[time] = wantToFire - outputLabel + print('winnner takes all results:', wantToFire) + + +def plast(net, time): + + if time+2 > net.epochs: + return + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + allNeuronsThatFire = np.bitwise_or([int(x) for x in inputStim], [int(x) for x in rawin]) + + net.state.weights[:, :, time+1] = net.state.weights[:, :, time] + fullNum = len(rawin) + softmaxRes = softmax(np.multiply(net.state.NeurAccum[time], rawin)[-net.outputNum:]) # softmax result + #softmaxRes = softmax(net.state.NeurAccum[time]) # softmax result + net.log('softmaxRes:', softmaxRes) + error = len(net.ConnMat)*[0] + noiseScale = net.params.get('NOISESCALE', 1e-6) + learningRate = net.params.get('LEARNINGRATE', 1e-6) + # For every neuron in the raw input + # store R values before updating weights + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + w, b=net.ConnMat[preidx, postidx, 0:2] + r_pre = net.read(w, b) + net.state.R[preidx, postidx - net.inputNum, time*4] = r_pre + net.state.R[preidx, postidx - net.inputNum, time*4+1] = r_pre + net.state.R[preidx, postidx - net.inputNum, time*4+2] = r_pre + + for neuron in range(fullNum-1, -1, -1): # update from the reversed order, in case the error hasn't been updated + if neuron >= fullNum - net.outputNum: # output neurons + # delta = (S - y^hat)*(y + noise) + # gradient = delta * weight + net.log('neuron: %d, softmaxRes: %f, outputLabel: %d, fire hist: %d' %(neuron, softmaxRes[neuron-(fullNum - net.outputNum)], outputLabel[neuron], rawin[neuron])) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('neuron: %d, softmaxRes: %f, outputLabel: %d, fire hist: %d\n' %(neuron, softmaxRes[neuron-(fullNum - net.outputNum)], outputLabel[neuron], rawin[neuron])) + if rawin[neuron] == outputLabel[neuron]: + continue + delta = (softmaxRes[neuron-(fullNum - net.outputNum)] - outputLabel[neuron]) + net.log('delta:', delta) + f.write('delta:%f\n' % delta) + error[neuron] = delta * (outputLabel[neuron] + np.random.rand() * noiseScale) + net.log('error:', error[neuron]) + f.write('error:%f\n'% error[neuron]) + f.close() + elif neuron < fullNum - net.outputNum and neuron >= net.inputNum: # hidden neurons + for postidx in np.where(net.ConnMat[neuron,:, 0] != 0)[0]: # add up all error back propagated from the next layer + error[neuron] += error[postidx] * net.state.weights[neuron, postidx - net.inputNum, time+1] * np.random.rand() * noiseScale + else: # input neuron + continue + + if error[neuron] == 0.0: + continue + + # For every presynaptic input the neuron receives, back propogate the error + for preidx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: + w,b = net.ConnMat[preidx, neuron, 0:2] + R = net.read(w, b) # current R + net.log('current R:', R) + net.state.R[preidx, neuron - net.inputNum, time*4+1] = R + if allNeuronsThatFire[preidx] == 0: + continue + grad = error[neuron] * allNeuronsThatFire[preidx] + dW = (-1) * learningRate * grad + net.log('dW:', dW) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('dW:%f\n' % dW) +# if dW > 0: # conductance needs to be larger, so a negative pulse is suplied +# pulseList = net.neg_pulseList +# else: +# pulseList = net.pos_pulseList + f.write('current R :%f\n' % R) + p = 1 / R + f.write('current weight stored:%f, %f\n'% (net.state.weights[preidx, neuron - net.inputNum, time], net.state.weights[preidx, neuron - net.inputNum, time+1])) + if net.params.get('NORMALISE', False): + p_norm = normalise_weight(net, p) + net.log('current weight:', p_norm) + f.write('current weight:%f\n'% p_norm) + p_expect = dW + p_norm + net.log("final weight after normalised should be: %f" % p_expect) + f.write("final weight after normalised should be: %f\n" % p_expect) + R_expect = de_normalise_resistance(net, p_expect) + else: + net.log('current weight:', p) + f.write('current weight:%f\n'% p) + p_expect = dW + p # new weights + net.log("final weight should be: %f" % p_expect) + f.write("final weight should be: %f\n" % p_expect) + R_expect = 1 / p_expect #expected R + # look up table mapping + net.log('expected R:', R_expect) + f.write('expected R:%f\n'% R_expect) + f.close() +# while abs(R - R_expect)/R_expect > 0.0035 and step <= 10: + for step in range(net.maxSteps): + if abs(R - R_expect)/R_expect < net.RTolerance: + break + if R - R_expect > 0: # resistance needs to be decreased + pulseList = net.neg_pulseList + else: # resistance needs to be increased + pulseList = net.pos_pulseList + virtualMemristor = memristorPulses(net.dt, net.Ap, net.An, net.a0p, net.a1p, net.a0n, net.a1n, net.tp, net.tn, R) + pulseParams = virtualMemristor.BestPulseChoice(R_expect, pulseList) # takes the best pulse choice + del virtualMemristor + net.log('pulse selected:', pulseParams) + net.pulse(w, b, pulseParams[0], pulseParams[1]) + R = net.read(w, b) + net.log('R:', R) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('R:%f\n'% R) + f.close() + R_real = net.read(w, b) + net.state.R[preidx, neuron - net.inputNum, time*4+2] = R_real + net.log('new R:', R_real) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('new R:%f\n'% R_real) + p_real = 1 / R_real + net.log('new weight:', p_real) + f.write('new weight:%f\n'% p_real) + p_error = p_real - p_expect + net.log('weight error:', p_error) + f.write('weight error:%f\n'% p_error) + if net.params.get('NORMALISE', False): + net.state.weights[preidx, neuron - net.inputNum - net.inputNum, time+1] = normalise_weight(net, p_real) + net.state.weightsExpected[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsError[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p_error) + else: + net.state.weights[preidx, neuron - net.inputNum, time+1] = p_real + net.state.weightsExpected[preidx, neuron - net.inputNum, time+1] = p + net.state.weightsError[preidx, neuron - net.inputNum, time+1] = p_error + net.log(" weight change for synapse %d -- %d from %f to %f in step %d" % (preidx, neuron, net.state.weights[preidx, neuron - net.inputNum, time], net.state.weights[preidx, neuron - net.inputNum, time+1], time)) + net.log('---------------') + f.write(" weight change for synapse %d -- %d from %f to %f in step %d\n" % (preidx, neuron, net.state.weights[preidx, neuron - net.inputNum, time], net.state.weights[preidx, neuron - net.inputNum, time+1], time)) + f.write('---------------\n') + f.close() + + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + w, b=net.ConnMat[preidx, postidx, 0:2] + r_post = net.read(w, b) + net.state.R[preidx, postidx - net.inputNum, time*4+3] = r_post + # For every valid connection between neurons, find out which the + # corresponding memristor is. Then, if the weight is still uninitialised + # take a reading and ensure that the weight has a proper value. +# for preidx in range(len(rawin)): +# for postidx in range(len(rawin)): +# if net.ConnMat[preidx, postidx, 0] != 0: +# w, b = net.ConnMat[preidx, postidx, 0:2] +# if net.state.weights[preidx, postidx - net.inputNum, time] == 0.0: +# net.state.weights[preidx, postidx - net.inputNum, time] = \ +# 1.0/net.read(w, b) + + net.state.errorSteps_cnt = time + +def neuronsForTest(net, time): + + rawin = net.rawin # Raw input + stimin = net.stiminForTesting[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccumForTest[time] = net.state.NeurAccumForTest[time-1] + + # reset the accumulators of neurons that have already fired + for (idx, v) in enumerate(full_stim): + if v != 0: + net.state.NeurAccumForTest[time][idx] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccumForTest[time])): + # Unconditionally add bias term + net.state.NeurAccumForTest[time][postidx] += bias[postidx] + if net.state.NeurAccumForTest[time][postidx] < 0.0: + net.state.NeurAccumForTest[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccumForTest[time][postidx] += \ + full_stim[preidx] * net.weightsForTest[preidx, postidx - net.inputNum] + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccumForTest[time][postidx] -= \ + full_stim[preidx]*net.weightsForTest[preidx, postidx - net.inputNum] + + net.log("POST=%d NeurAccum=%g" % (postidx, net.state.NeurAccumForTest[time][postidx])) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write("POST=%d NeurAccum=%g\n" % (postidx, net.state.NeurAccumForTest[time][postidx])) + f.close() + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccumForTest[time])): + if net.state.NeurAccumForTest[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + neuronID = -1 + if sum(wantToFire[-net.outputNum:]) > 1: + neuronID = np.argmax(net.state.NeurAccumForTest[time]) + wantToFire = len(net.ConnMat)*[0] + wantToFire[neuronID] = 1 + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCellsForTest = wantToFire + + # Barrel shift history + net.state.fireHistForTest[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHistForTest[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHistForTest[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCellsForTest[time] = wantToFire + net.state.errorListForTest[time] = wantToFire - outputLabel + print('winnner takes all results:', wantToFire) + +def additional_data(net): + # This function should return any additional data that might be produced + # by this core. In this particular case there are None. + return None diff --git a/NeuroCores/core_LIF_supervisedlearning_wta_debugver.py b/NeuroCores/core_LIF_supervisedlearning_wta_debugver.py new file mode 100644 index 0000000..4614712 --- /dev/null +++ b/NeuroCores/core_LIF_supervisedlearning_wta_debugver.py @@ -0,0 +1,338 @@ +import numpy as np +from .memristorPulses import memristorPulses as memristorPulses +# This core implements feed forward NNs with LIF neurons. The output neurons of the NN can fire without restriction. +# Synapses are updated according to back propagation SGD, with the derivative of the step function replaced by noise. +# This core can be used for multi-layer cases. + +def normalise_weight(net, w): + PCEIL = 1.0/net.params['PFLOOR'] + PFLOOR = 1.0/net.params['PCEIL'] + + val = net.params['WEIGHTSCALE']*(float(w) - PFLOOR)/(PCEIL - PFLOOR) + + # Clamp weights in-between 0.0 and 1.0 + if val < 0.0: + return 0.0 + elif val > 1.0: + return 1.0 + else: + return val + +def init(net): + # make sure all counters are reset + net.spikeTrain_cnt = 0 + net.errorSteps_cnt = 0 + net.errorStepsForTest_cnt = 0 + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + w, b=net.ConnMat[preidx, postidx, 0:2] + net.state.weights[preidx, postidx - net.inputNum, 0] = 1.0/net.read(w, b) + if net.params.get('NORMALISE', False): + old_weight = net.state.weights[preidx, postidx - net.inputNum, 0] + new_weight = normalise_weight(net, old_weight) + net.state.weights[preidx, postidx - net.inputNum, 0] = new_weight + +def softmax(x): + # Compute softmax values for each sets of scores in x + return np.exp(x) / np.sum(np.exp(x), axis=0) + +def neurons(net, time): + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccum[time] = net.state.NeurAccum[time-1] + + # reset the accumulators of neurons that have already fired + for (idx, v) in enumerate(full_stim): + if v != 0: + net.state.NeurAccum[time][idx] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccum[time])): + # Unconditionally add bias term + net.state.NeurAccum[time][postidx] += bias[postidx] + if net.state.NeurAccum[time][postidx] < 0.0: + net.state.NeurAccum[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccum[time][postidx] += \ + full_stim[preidx] * net.state.weights[preidx, postidx - net.inputNum, time] + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccum[time][postidx] -= \ + full_stim[preidx]*net.state.weights[preidx, postidx - net.inputNum, time] + + net.log("POST=%d NeurAccum=%g in step %d" % (postidx, net.state.NeurAccum[time][postidx], time)) + f = open("C:/Users/jh1d18/debug_log_withoutMems.txt", "a") + f.write("POST=%d NeurAccum=%g in step %d\n" % (postidx, net.state.NeurAccum[time][postidx], time)) + f.close() + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccum[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + neuronID = -1 + if sum(wantToFire[-net.outputNum:]) > 1: + neuronID = np.argmax(net.state.NeurAccum[time]) + wantToFire = len(net.ConnMat)*[0] + wantToFire[neuronID] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCells = wantToFire + + # Barrel shift history + net.state.fireHist[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHist[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHist[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCells[time] = wantToFire + net.state.errorList[time] = wantToFire - outputLabel + print('winnner takes all results:', wantToFire) + + +def plast(net, time): + + if time+2 > net.epochs: + return + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + allNeuronsThatFire = np.bitwise_or([int(x) for x in inputStim], [int(x) for x in rawin]) + + net.state.weights[:, :, time+1] = net.state.weights[:, :, time] + fullNum = len(rawin) + softmaxRes = softmax(np.multiply(net.state.NeurAccum[time] , rawin)) # softmax result + error = len(net.ConnMat)*[0] + noiseScale = net.params.get('NOISESCALE', 1e-6) + learningRate = net.params.get('LEARNINGRATE', 1e-6) + # For every neuron in the raw input + for neuron in range(fullNum-1, -1, -1): # update from the reversed order, in case the error hasn't been updated + if neuron >= fullNum - net.outputNum: # output neurons + # delta = (S - y^hat)*(y + noise) + # gradient = delta * weight + print('neuron: %d, softmaxRes: %f, outputLabel: %d, fire hist: %d' %(neuron, softmaxRes[neuron], outputLabel[neuron], rawin[neuron])) + f = open("C:/Users/jh1d18/debug_log_withoutMems.txt", "a") + f.write('neuron: %d, softmaxRes: %f, outputLabel: %d, fire hist: %d\n' %(neuron, softmaxRes[neuron-(fullNum - net.outputNum)], outputLabel[neuron], rawin[neuron])) + if rawin[neuron] == outputLabel[neuron]: + continue + delta = (softmaxRes[neuron] - outputLabel[neuron]) + print('delta:', delta) + f.write('delta:%f\n' % delta) + error[neuron] = delta * (outputLabel[neuron] + np.random.rand() * noiseScale) + print('error:', error[neuron]) + f.write('error:%f\n'% error[neuron]) + f.close() + elif neuron < fullNum - net.outputNum and neuron >= net.inputNum: # hidden neurons + for postidx in np.where(net.ConnMat[neuron,:, 0] != 0)[0]: # add up all error back propagated from the next layer + error[neuron] += error[postidx] * net.state.weights[neuron, postidx - net.inputNum, time+1] * np.random.rand() * noiseScale + else: # input neuron + continue + + if error[neuron] == 0.0: + continue + + # For every presynaptic input the neuron receives, back propogate the error + for preidx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: + w,b = net.ConnMat[preidx, neuron, 0:2] + if allNeuronsThatFire[preidx] == 0: + continue + grad = error[neuron] * allNeuronsThatFire[preidx] + dW = (-1) * learningRate * grad + print('dW:', dW) + f = open("C:/Users/jh1d18/debug_log_withoutMems.txt.txt", "a") + f.write('dW:%f\n:' % dW) + f.close() +# new line for debuging + p = dW + net.state.weights[preidx, neuron - net.inputNum, time+1] +# if dW > 0: # conductance needs to be larger, so a negative pulse is suplied +# pulseList = net.neg_pulseList +# else: +# pulseList = net.pos_pulseList +# R = net.read(w, b) # current R +# print('current R:', R) +# p = dW + 1 / R # new weights +# print(" final weight should be: %f" % p) +# # look up table mapping +# R_expect = 1 / p #expected R +# print('expected R:', R_expect) +# virtualMemristor = memristorPulses(net.dt, net.Ap, net.An, net.a0p, net.a1p, net.a0n, net.a1n, net.tp, net.tn, R) +# pulseParams = virtualMemristor.BestPulseChoice(R_expect, pulseList) # takes the best pulse choice +# print('pulse selected:', pulseParams) +# net.pulse(w, b, pulseParams[0], pulseParams[1]) +# R_real = net.read(w, b) +# print('new R:', R_real) +# p_real = 1 / R_real +# print('new weight:', p_real) +# p_error = p_real - p +# print('weight error:', p_error) + if net.params.get('NORMALISE', False): + net.state.weights[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + #net.state.weightsExpected[preidx, neuron, time+1] = normalise_weight(net, p) + #net.state.weightsError[preidx, neuron, time+1] = normalise_weight(net, p_error) + else: + net.state.weights[preidx, neuron - net.inputNum, time+1] = p + #net.state.weightsExpected[preidx, neuron, time+1] = p + #net.state.weightsError[preidx, neuron, time+1] = p_error + net.log(" weight change for synapse %d -- %d from %f to %f in step %d" % (preidx, neuron, net.state.weights[preidx, neuron - net.inputNum, time], net.state.weights[preidx, neuron - net.inputNum, time+1], time)) + print('---------------') + f = open("C:/Users/jh1d18/debug_log_withoutMems.txt", "a") + f.write(" weight change for synapse %d -- %d from %f to %f in step %d\n" % (preidx, neuron, net.state.weights[preidx, neuron - net.inputNum, time], net.state.weights[preidx, neuron - net.inputNum, time+1], time)) + f.write('---------------\n') + f.close() + # For every valid connection between neurons, find out which the + # corresponding memristor is. Then, if the weight is still uninitialised + # take a reading and ensure that the weight has a proper value. +# for preidx in range(len(rawin)): +# for postidx in range(len(rawin)): +# if net.ConnMat[preidx, postidx, 0] != 0: +# w, b = net.ConnMat[preidx, postidx, 0:2] +# if net.state.weights[preidx, postidx, time] == 0.0: +# net.state.weights[preidx, postidx, time] = \ +# 1.0/net.read(w, b, "NN") + + net.state.errorSteps_cnt = time + +def neuronsForTest(net, time): + + rawin = net.rawin # Raw input + stimin = net.stiminForTesting[:, time] # Stimulus input for current timestep + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccumForTest[time] = net.state.NeurAccumForTest[time-1] + + # reset the accumulators of neurons that have already fired + for (idx, v) in enumerate(full_stim): + if v != 0: + net.state.NeurAccumForTest[time][idx] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccumForTest[time])): + # Unconditionally add bias term + net.state.NeurAccumForTest[time][postidx] += bias[postidx] + if net.state.NeurAccumForTest[time][postidx] < 0.0: + net.state.NeurAccumForTest[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccumForTest[time][postidx] += \ + full_stim[preidx] * net.weightsForTest[preidx, postidx - net.inputNum] + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccumForTest[time][postidx] -= \ + full_stim[preidx]*net.weightsForTest[preidx, postidx - net.inputNum] + + net.log("POST=%d NeurAccum=%g" % (postidx, net.state.NeurAccumForTest[time][postidx])) + f = open("C:/Users/jh1d18/debug_log_withoutMems.txt", "a") + f.write("POST=%d NeurAccum=%g\n" % (postidx, net.state.NeurAccumForTest[time][postidx])) + f.close() + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccumForTest[time])): + if net.state.NeurAccumForTest[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + neuronID = -1 + if sum(wantToFire[-net.outputNum:]) > 1: + neuronID = np.argmax(net.state.NeurAccumForTest[time]) + wantToFire = len(net.ConnMat)*[0] + wantToFire[neuronID] = 1 + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCellsForTest = wantToFire + + # Barrel shift history + net.state.fireHistForTest[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHistForTest[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHistForTest[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCellsForTest[time] = wantToFire + net.state.errorListForTest[time] = wantToFire - outputLabel + print('winnner takes all results:', wantToFire) + +def additional_data(net): + # This function should return any additional data that might be produced + # by this core. In this particular case there are None. + return None diff --git a/NeuroCores/core_temporalcodingLIF_tempotron.py b/NeuroCores/core_temporalcodingLIF_tempotron.py new file mode 100644 index 0000000..3a8d23c --- /dev/null +++ b/NeuroCores/core_temporalcodingLIF_tempotron.py @@ -0,0 +1,363 @@ +import numpy as np +from .memristorPulses import memristorPulses as memristorPulses +# This core implements tempotron learning rule with temporal coding version LIF. +# This core can be only applied to two-layer NN (one input layer and one output layer) + + +def normalise_weight(net, w): + PCEIL = 1.0/net.params['PFLOOR'] + PFLOOR = 1.0/net.params['PCEIL'] + + val = net.params['WEIGHTSCALE']*(float(w) - PFLOOR)/(PCEIL - PFLOOR) + + # Clamp weights in-between 0.0 and 1.0 + if val < 0.0: + return 0.0 + elif val > 1.0: + return 1.0 + else: + return val + + +def init(net): + # make sure all counters are reset + net.spikeTrain_cnt = 0 + net.errorSteps_cnt = 0 + net.errorStepsForTest_cnt = 0 + # Renormalise weights if needed + tau = net.params.get('TAU', 20e-3) + tau_s = net.params.get('TAUS', 5e-3) + if not net.params.get('NORMALISE', False): + return + + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + old_weight = net.state.weights[preidx, postidx - net.inputNum, 0] + new_weight = normalise_weight(net, old_weight) + net.state.weights[preidx, postidx - net.inputNum, 0] = new_weight + +def k(net, v0, t_diff): + tau = net.params.get('TAU', 20e-3) + tau_s = net.params.get('TAUS', 5e-3) + k = v0 * (np.exp((-1) * t_diff / tau) - np.exp((-1) * t_diff / tau_s)) + return k + +def t_i_hist(net, preidx, time_start, time): # return all firing time before current timestep + stimulus = net.stimin[:, :].T # Stimulus input for all timestep + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + inputStimulus = stimulus * inputStimMask + + t_i = [] + for t in range(time_start, time+1): + if inputStimulus[t, preidx]: + t_i.append(t) + + return np.array(t_i) + +def neurons(net, time): + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input for current timestep + outputSpike = net.outputSpike # signal to indicate if the output spike is generated + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + tau = net.params.get('TAU', 20e-3) + tau_s = net.params.get('TAUS', 5e-3) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccum[time] = net.state.NeurAccum[time-1] + + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + dt = net.params.get('TIMESTEP', 1e-3) + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + t_max = tau * tau_s * np.log(tau / tau_s) / (tau - tau_s) + v_max = k(net, 1, t_max) + v_0 = 1 / v_max + v_rest = net.params.get('VREST', 0) + for postidx in range(len(net.state.NeurAccum[time])): + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + t_i = t_i_hist(net, preidx, net.state.lastSpikeTrain + 1, time) + + if t_i.size != 0: + t_diff = (time - t_i) * dt + K = k(net, v_0, t_diff) + input_contrib = sum(K) + else: + input_contrib = 0 + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccum[time][postidx] += \ + input_contrib * net.state.weights[preidx, postidx - net.inputNum, time] + + net.log("POST=%d PRE=%d NeurAccum=%g input contribution=%g weight=%g" % \ + (postidx, preidx, net.state.NeurAccum[time][postidx], \ + input_contrib, net.state.weights[preidx, postidx - net.inputNum, time])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccum[time][postidx] -= \ + input_contrib*net.state.weights[preidx, postidx - net.inputNum, time] + + net.state.NeurAccum[time][postidx] += v_rest + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccum[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + if net.state.NeurAccum[time][neuron] > net.state.voltMax[neuron]: + net.state.voltMax[neuron] = net.state.NeurAccum[time][neuron] + net.state.tMax = time + + if sum(wantToFire) > 0: + outputSpike = 1 + else: + outputSpike = 0 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCells = wantToFire + # Barrel shift history + net.state.fireHist[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHist[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHist[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + net.state.outputFlag = outputSpike + # Load 'NN'. + net.state.fireCells[time] = full_stim + net.state.spikeTrain_cnt += 1 + net.spikeTrainStep = net.state.spikeTrain_cnt + + if net.state.spikeTrain_cnt == net.state.spikeTrain: + SumOfFireHistInOneTrain = np.sum(net.state.fireCells[time+1-net.state.spikeTrain : time+2], axis = 1) + FireHistInOneTrain = np.where(SumFireHistInOneTrain > 0, 1, 0) + net.state.errorList[(time+1) // net.state.spikeTrain] = FireHistInOneTrain - outputLable + +def plast(net, time): + + if time + 1 != net.epochs: + net.state.weights[:, :, time+1] = net.state.weights[:, :, time] + + if net.state.spikeTrain_cnt != net.spikeTrain: + return + + rawin = net.rawin # Raw input, the fire hist this time step + stimin = net.stimin[:, time] # Stimulus input + outputSpike = net.outputSpike # signal to indicate if the output spike is generated + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + + tau = net.params.get('TAU', 20e-3) + tau_s = net.params.get('TAUS', 5e-3) + + t_max = tau * tau_s * np.log(tau / tau_s) / (tau - tau_s) + v_max = k(net, 1, t_max) + v_0 = 1 / v_max + learningRate = net.params.get('LEARNINGRATE', 0.01) + dt = net.params.get('TIMESTEP', 1e-3) + # For every neuron in the raw input + for neuron in range(len(full_stim)): + + # do not update weights for input neurons, for the case that there is no output neuron fires, and for the case that correct neuron fires + if neuron < net.inputNum or rawin[neuron] == outputLabel[neuron]: + continue + + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: + t_i = t_i_hist(net, preidx, net.state.lastSpikeTrain + 1, time) + print("t_i", t_i) + print("t_max", net.state.tMax) + t_diff = (net.state.tMax - t_i) * dt + print("t_diff", t_diff) + t_diff = np.where(t_diff > 0, t_diff, 0) + print("t_diff", t_diff) + K = k(net, v_0, t_diff) + print("K", K) + input_contrib = sum(K) + print("input_contrib", input_contrib) + if rawin[neuron] == 1 and outputLabel[neuron] == 0: # if a neuron is fired when it is not expected to fire + net.state.errorList[neuron + net.outputNum - fullNum, net.state.errorSteps_cnt] = 1 + dW = (-1) * learningRate * input_contrib + pulseList = net.pos_pulseList # weights need to be decreased so resistance should be increased + elif rawin[neuron] == 0 and outputLabel[neuron] == 1: + net.state.errorList[neuron + net.outputNum - fullNum, net.state.errorSteps_cnt] = -1 + dW = learningRate * input_contrib + pulseList = net.neg_pulseList + print("weight change:", dW) + w,b = net.ConnMat[preidx, neuron, 0:2] + p = dW + net.state.weights[preidx, neuron - net.inputNum, time] + #print(" final weight should be: %f" % p) + # look up table mapping + R_expect = 1 / p #expected R + #print('expected R:', R_expect) + R = net.read(w, b) # current R + #print('current R:', R) + virtualMemristor = memristorPulses(net.dt, net.Ap, net.An, net.a0p, net.a1p, net.a0n, net.a1n, net.tp, net.tn, R) + pulseParams = virtualMemristor.BestPulseChoice(R_expect, pulseList) # takes the best pulse choice + #print('pulse selected:', pulseParams) + net.pulse(w, b, pulseParams[0], pulseParams[1]) + R_real = net.read(w, b) + #print('new R:', R_real) + p_real = 1 / R_real + #print('new weight:', p_real) + p_error = p_real - p + #print('weight error:', p_error) + if net.params.get('NORMALISE', False): + net.state.weights[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p_real) + net.state.weightsExpected[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsError[preidx, neuron - net.inputNum, time+1] = normalise_weight(net, p_error) + else: + net.state.weights[preidx, neuron - net.inputNum, time+1] = p_real + net.state.weightsExpected[preidx, neuron - net.inputNum, time+1] = p + net.state.weightsError[preidx, neuron - net.inputNum, time+1] = p_error + net.log(" weight change for synapse %d -- %d from %f to %f" % (preidx, neuron, net.state.weights[preidx, neuron - net.inputNum, time-1], net.state.weights[preidx, neuron - net.inputNum, time])) + + net.state.voltMax = np.array(net.NETSIZE*[0.0]) + net.state.tMax = 0 + net.state.spikeTrain_cnt = 0 + net.state.errorSteps_cnt += 1 + net.spikeTrainStep = net.state.spikeTrain_cnt + net.state.lastSpikeTrain = time + # For every valid connection between neurons, find out which the + # corresponding memristor is. Then, if the weight is still uninitialised + # take a reading and ensure that the weight has a proper value. + for preidx in range(len(rawin)): + for postidx in range(len(rawin)): + if net.ConnMat[preidx, postidx, 0] != 0: + w, b = net.ConnMat[preidx, postidx, 0:2] + if net.state.weights[preidx, postidx - net.inputNum, time] == 0.0: + net.state.weights[preidx, postidx - net.inputNum, time] = \ + 1.0/net.read(w, b, "NN") + +def neuronsForTest(net, time): + + rawin = net.rawin # Raw input + stimin = net.stiminForTesting[:, time] # Stimulus input for current timestep + outputSpike = net.outputSpike # signal to indicate if the output spike is generated + + inputStimMask = np.hstack((np.ones(net.inputNum), np.zeros(net.outputNum))) + outputLabelMask = np.hstack((np.zeros(net.inputNum), np.ones(net.outputNum))) + + inputStim = np.bitwise_and([int(x) for x in inputStimMask], [int(x) for x in stimin]) # split input stimulus and output labels + outputLabel = np.bitwise_and([int(x) for x in outputLabelMask], [int(x) for x in stimin]) + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in inputStim]) + net.log("**** FULL_STIM = ", full_stim) + + tau = net.params.get('TAU', 20e-3) + tau_s = net.params.get('TAUS', 5e-3) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccumForTest[time] = net.state.NeurAccumForTest[time-1] + + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + dt = net.params.get('TIMESTEP', 1e-3) + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + t_max = tau * tau_s * np.log(tau / tau_s) / (tau - tau_s) + v_max = k(net, 1, t_max) + v_0 = 1 / v_max + v_rest = net.params.get('VREST', 0) + for postidx in range(len(net.state.NeurAccumForTest[time])): + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + t_i = t_i_hist(net, preidx, net.state.lastSpikeTrain + 1, time) + + if t_i.size != 0: + t_diff = (time - t_i) * dt + K = k(net, v_0, t_diff) + input_contrib = sum(K) + else: + input_contrib = 0 + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccumForTest[time][postidx] += \ + input_contrib * net.weightsForTest[preidx, postidx - net.inputNum, time] + + net.log("POST=%d PRE=%d NeurAccum=%g input contribution=%g weight=%g" % \ + (postidx, preidx, net.state.NeurAccumForTest[time][postidx], \ + input_contrib, net.weightsForTest[preidx, postidx - net.inputNum, time])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccumForTest[time][postidx] -= \ + input_contrib * net.weightsForTest[preidx, postidx - net.inputNum, time] + + net.state.NeurAccum[time][postidx] += v_rest + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccumForTest[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + if net.state.NeurAccumForTest[time][neuron] > net.state.voltMax[neuron]: + net.state.voltMaxForTest[neuron] = net.state.NeurAccumForTest[time][neuron] + net.state.tMax = time + + if sum(wantToFire) > 0: + outputSpike = 1 + else: + outputSpike = 0 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.state.firingCellsForTest = wantToFire + # Barrel shift history + net.state.fireHistForTest[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHistForTest[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHistForTest[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + net.state.outputFlag = outputSpike + # Load 'NN'. + net.state.fireCellsForTest[time] = full_stim + net.state.spikeTrain_cnt += 1 + net.spikeTrainStep = net.state.spikeTrain_cnt + if net.state.spikeTrain_cnt == net.spikeTrain: + net.lastSpikeTrain = time + SumOfFireHistInOneTrain = np.sum(net.state.fireCellsForTest[time+1-net.state.spikeTrain : time+2], axis = 1) + FireHistInOneTrain = np.where(SumFireHistInOneTrain > 0, 1, 0) + net.state.errorListForTest[(time+1) // net.state.spikeTrain] = FireHistInOneTrain - outputLable + +def additional_data(net): + # This function should return any additional data that might be produced + # by this core. In this particular case there are None. + return None diff --git a/NeuroCores/core_wta_example.py b/NeuroCores/core_wta_example.py new file mode 100644 index 0000000..d53c7b4 --- /dev/null +++ b/NeuroCores/core_wta_example.py @@ -0,0 +1,329 @@ +import numpy as np + +# A NeuroPack core implements plasticity events and updates +# Essentialy NeuroPack will call the following functions +# +# init(network) +# for trial in trials: +# neurons(network, step) +# plast(network, step) + +# This particular core implements a LIF network, the neurons function +# calculates which neurons are set to fire and the plast function +# implements plasticity event propagation. + +# neurons and plast both take two arguments. The first one is the +# network itself (see `NeuroPack.Network`) and the second is the +# timestep. + +# This core requires `NeuroData/SevenMotif.json`. + +def normalise_weight(net, w): + PCEIL = 1.0/net.params['PFLOOR'] + PFLOOR = 1.0/net.params['PCEIL'] + + val = net.params['WEIGHTSCALE']*(float(w) - PFLOOR)/(PCEIL - PFLOOR) + + # Clamp weights in-between 0.0 and 1.0 + if val < 0.0: + return 0.0 + elif val > 1.0: + return 1.0 + else: + return val + +def init(net): + # make sure all counters are reset + net.spikeTrain_cnt = 0 + net.errorSteps_cnt = 0 + net.errorStepsForTest_cnt = 0 + # Renormalise weights if needed + if not net.params.get('NORMALISE', False): + return + + for postidx in range(len(net.ConnMat)): + # For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + old_weight = net.state.weights[preidx, postidx - net.inputNum, 0] + new_weight = normalise_weight(net, old_weight) + net.state.weights[preidx, postidx - net.inputNum, 0] = new_weight + +def neurons(net, time): + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input for current timestep + outputSpike = net.outputSpike # signal to indicate if the output spike is generated + neuronLocked = net.neuronLocked # signal to indeicate if there is a neuron locked + lockedNeuronID = net.lockedNeuronID # variable to record locked Neuron ID + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in stimin]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccum[time] = net.state.NeurAccum[time-1] + + # reset the accumulators of neurons that have already fired + if outputSpike == 1: + net.state.NeurAccum[time][:] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + wantToFire = len(net.ConnMat)*[0] + + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccum[time])): + # Unconditionally add bias term + net.state.NeurAccum[time][postidx] += bias[postidx] + if net.state.NeurAccum[time][postidx] < 0.0: + net.state.NeurAccum[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccum[time][postidx] += \ + full_stim[preidx] * net.state.weights[preidx, postidx - net.inputNum, time] + + # net.log("POST=%d PRE=%d NeurAccum=%g full_stim=%g weight=%g" % \ + # (postidx, preidx, net.state.NeurAccum[time][postidx], \ + # full_stim[preidx], net.state.weights[preidx, postidx, time])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccum[time][postidx] -= \ + full_stim[preidx]*net.state.weights[preidx, postidx - net.inputNum, time] + + print('neuron %d membrane voltage %g at time step %d' % (postidx, net.state.NeurAccum[time][postidx] ,time)) + + # Have neurons declare 'interest to fire'. + for neuron in range(len(net.state.NeurAccum[time])): + if net.state.NeurAccum[time][neuron] > net.params.get('FIRETH', 0.8): + # Register 'interest to fire'. + wantToFire[neuron] = 1 + + neuronID = -1 + net.log("**** wantToFire = ", wantToFire) + if neuronLocked == 0 and sum(wantToFire[-net.outputNum:]) > 1: # there is more than one spike generated + neuronID = np.argmax(net.state.NeurAccum[time]) + wantToFire = len(net.ConnMat)*[0] + wantToFire[neuronID] = 1 + outputSpike = 1 # set the signal + neuronLocked = 1 # set the signal + lockedNeuronID = neuronID #record the locked neuron id + elif neuronLocked == 1 and wantToFire[lockedNeuronID] == 1: + wantToFire = len(net.ConnMat)*[0] + wantToFire[lockedNeuronID] = 1 + outputSpike = 1 # set the signal + else: + outputSpike = 0 # reset the signal + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.log("**** winner take all fire = ", wantToFire) + net.log("**** output flag = ", outputSpike) + + net.state.firingCells = wantToFire + + # Barrel shift history + net.state.fireHist[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHist[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHist[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCells[time] = wantToFire + net.state.outputFlag = outputSpike + net.state.neuronFixed = neuronLocked + net.state.fixedNeuronID = lockedNeuronID + +def plast(net, time): + + if time+2 > net.epochs: + return + + rawin = net.rawin # Raw input + stimin = net.stimin[:, time] # Stimulus input + outputSpike = net.outputSpike # signal to indicate if the output spike is generated + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in stimin]) + + net.state.weights[:, :, time+1] = net.state.weights[:, :, time] + + # For every neuron in the raw input + for neuron in range(len(full_stim)): + + if outputSpike == 0: # if no spike has been generated, do not update weights + break + + # If neuron is not set to fire (full_stim > 0) just skip the neuron + if neuron >= net.prefixSum_layers[-2]: + # For every input the neuron receives. + if full_stim[neuron] == 1: + for idx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: + w,b = net.ConnMat[idx, neuron, 0:2] + #if (time - np.max(net.state.fireHist[:, preidx])) <= net.LTPWIN: + if full_stim[idx] == 0: + # -FIX- parametrise learning step. + # Actually, link it to bias for devices. + p = 1.0/net.pulse(w, b, net.pos_voltOfPulseList[0], net.pos_pulsewidthOfPulseList[0]) # for stdp, only one pulse choice is stored in the list + if net.params.get('NORMALISE', False): + net.state.weights[idx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsExpected[idx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsError[idx, neuron - net.inputNum, time+1] = 0.0 + else: + net.state.weights[idx, neuron - net.inputNum, time+1] = p + net.state.weightsExpected[idx, neuron - net.inputNum, time+1] = p + net.state.weightsError[idx, neuron - net.inputNum, time+1] = 0 + net.log(" LTP --- spiking synapse %d -- %d" % (idx, neuron)) + else: + p = 1.0/net.pulse(w, b, net.neg_voltOfPulseList[0], net.neg_pulsewidthOfPulseList[0]) + if net.params.get('NORMALISE', False): + net.state.weights[idx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsExpected[idx, neuron - net.inputNum, time+1] = normalise_weight(net, p) + net.state.weightsError[idx, neuron - net.inputNum, time+1] = 0.0 + else: + net.state.weights[idx, neuron - net.inputNum, time+1] = p + net.state.weightsExpected[idx, neuron - net.inputNum, time+1] = p + net.state.weightsError[idx, neuron - net.inputNum, time+1] = 0 + net.log(" LTD --- spiking synapse %d -- %d" % (idx, neuron)) +# else: +# for idx in np.where(net.ConnMat[:, neuron, 0] != 0)[0]: +# w,b = net.ConnMat[idx, neuron, 0:2] +# #if (time - np.max(net.state.fireHist[:, preidx])) <= net.LTPWIN: +# # -FIX- parametrise learning step. +# # Actually, link it to bias for devices. +# p = 1.0/net.pulse(w, b, net.pos_voltOfPulseList[1], net.pos_pulsewidthOfPulseList[1]) # for stdp, only one pulse choice is stored in the list +# if net.params.get('NORMALISE', False): +# net.state.weights[idx, neuron, time+1] = normalise_weight(net, p) +# net.state.weightsExpected[idx, neuron, time+1] = normalise_weight(net, p) +# net.state.weightsError[idx, neuron, time+1] = 0.0 +# else: +# net.state.weights[idx, neuron, time+1] = p +# net.state.weightsExpected[idx, neuron, time+1] = p +# net.state.weightsError[idx, neuron, time+1] = 0 +# net.log(" LTP --- spiking synapse %d -- %d" % (idx, neuron)) + else: + continue + # For every valid connection between neurons, find out which the + # corresponding memristor is. Then, if the weight is still uninitialised + # take a reading and ensure that the weight has a proper value. + for preidx in range(len(rawin)): + for postidx in range(len(rawin)): + if net.ConnMat[preidx, postidx, 0] != 0: + w, b = net.ConnMat[preidx, postidx, 0:2] + if net.state.weights[preidx, postidx - net.inputNum, time] == 0.0: + net.state.weights[preidx, postidx - net.inputNum, time] = \ + 1.0/net.read(w, b) + + net.state.errorSteps_cnt = time + +def neuronsForTest(net, time): + + rawin = net.rawin # Raw input + stimin = net.stiminForTesting[:, time] # Stimulus input for current timestep + outputSpike = net.outputSpike # signal to indicate if the output spike is generated + neuronLocked = net.neuronLocked # signal to indeicate if there is a neuron locked + #lockedNeuronID = net.lockedNeuronID # ?? + + full_stim = np.bitwise_or([int(x) for x in rawin], [int(x) for x in stimin]) + net.log("**** FULL_STIM = ", full_stim) + + if time > 0: + # if this isn't the first step copy the accumulators + # from the previous step onto the new one + net.state.NeurAccumForTest[time] = net.state.NeurAccumForTest[time-1] + + # reset the accumulators of neurons that have already fired + if outputSpike == 1: + net.state.NeurAccumForTest[time][:] = 0.0 + + # For this example we'll make I&F neurons - if changing this file a back-up + # is strongly recommended before proceeding. + + # -FIX- implementing 'memory' between calls to this function. + # NeurAccum = len(net.ConnMat)*[0] #Define neuron accumulators. + # Neurons that unless otherwise dictated to by net or ext input will + # fire. + # Gather/define other pertinent data to function of neuron. + leakage = net.params.get('LEAKAGE', 1.0) + bias = np.array(len(net.ConnMat)*[leakage]) #No active biases. + + # STAGE I: See what neurons do 'freely', i.e. without the constraints of + # WTA or generally other neurons' activities. + for postidx in range(len(net.state.NeurAccumForTest[time])): + # Unconditionally add bias term + net.state.NeurAccumForTest[time][postidx] += bias[postidx] + if net.state.NeurAccumForTest[time][postidx] < 0.0: + net.state.NeurAccumForTest[time][postidx] = 0.0 + + #For every presynaptic input the neuron receives. + for preidx in np.where(net.ConnMat[:, postidx, 0] != 0)[0]: + + # Excitatory case + if net.ConnMat[preidx, postidx, 2] > 0: + # net.log("Excitatory at %d %d" % (preidx, postidx)) + # Accumulator increases as per standard formula. + net.state.NeurAccumForTest[time][postidx] += \ + full_stim[preidx] * net.weightsForTest[preidx, postidx - net.inputNum] + + # net.log("POST=%d PRE=%d NeurAccum=%g full_stim=%g weight=%g" % \ + # (postidx, preidx, net.state.NeurAccumForTest[time][postidx], \ + # full_stim[preidx], net.weightsForTest[preidx, postidx])) + + # Inhibitory case + elif net.ConnMat[preidx, postidx, 2] < 0: + # Accumulator decreases as per standard formula. + net.state.NeurAccumForTest[time][postidx] -= \ + full_stim[preidx]*net.weightsForTest[preidx, postidx - net.inputNum] + + print('neuron %d membrane voltage %g at time step %d' % (postidx, net.state.NeurAccumForTest[time][postidx] ,time)) + + + neuronID = np.argmax(net.state.NeurAccumForTest[time]) + print('neuronID:', neuronID) + wantToFire = len(net.ConnMat)*[0] + wantToFire[neuronID] = 1 + + # STAGE II: Implement constraints from net-level considerations. + # Example: WTA. No resitrictions from net level yet. All neurons that + # want to fire will fire. + net.log("**** winner take all fire = ", wantToFire) + net.log("**** output flag = ", outputSpike) + + net.state.firingCellsForTest = wantToFire + + # Barrel shift history + net.state.fireHistForTest[:-1, np.where(np.array(full_stim) != 0)[0]] = \ + net.state.fireHistForTest[1:, np.where(np.array(full_stim) != 0)[0]] + # Save last firing time for all cells that fired in this time step. + net.state.fireHistForTest[net.DEPTH, np.where(np.array(full_stim) != 0)[0]] = \ + time + + # Load 'NN'. + net.state.fireCellsForTest[time] = wantToFire + # net.state.outputFlag = outputSpike + # net.state.neuronFixed = neuronLocked + # net.state.fixedNeuronID = lockedNeuronID + +def additional_data(net): + # This function should return any additional data that might be produced + # by this core. In this particular case there are None. + return None diff --git a/NeuroCores/memristorPulses.py b/NeuroCores/memristorPulses.py new file mode 100644 index 0000000..77f6178 --- /dev/null +++ b/NeuroCores/memristorPulses.py @@ -0,0 +1,49 @@ +import numpy as np + +from arc1pyqt.VirtualArC.parametric_device import ParametricDevice as Device + +class memristorPulses: + def __init__(self, dt, Ap, An, a0p, a1p, a0n, a1n, tp, tn, R): # initialise a device with parameters + self.dt = dt + self.Ap = Ap + self.An = An + self.a0p = a0p + self.a1p = a1p + self.a0n = a0n + self.a1n = a1n + self.tp = tp + self.tn = tn + self.R = R + + def ResistancePredict(self, pulseList): # return the list of R for different pulses + memristor = Device(self.Ap, self.An, self.a0p, self.a1p, self.a0n, self.a1n, self.tp, self.tn) + res = [] + f = open("C:/Users/jh1d18/debug_log.txt", "a") + for i in pulseList: + memristor.initialise(self.R) + f.write('pulsechoice') + line = ' '.join(str(x) for x in i) + f.write(line + ', ') + for timestep in range(int(i[1]/self.dt)): + memristor.step_dt(i[0], self.dt) + #print('new R: %f, old R: %f, mag: %f, pw: %f' % (self.R, memristor.Rmem, i[0], i[1])) + f.write('res:%f\n'% memristor.Rmem) + res.append(memristor.Rmem) + f.close() + del memristor + print('pulseList:', pulseList) + print('res:', res) + return res + + def BestPulseChoice(self, R_expect, pulseList): # return the pulse that can make the device reach the expected resistance + res = self.ResistancePredict(pulseList) + res_dist = np.absolute(np.array(res) - R_expect) + print('res dist:', res_dist) + f = open("C:/Users/jh1d18/debug_log.txt", "a") + f.write('res dist:') + line = ', '.join(str(i) for i in list(res_dist)) + f.write(line + '\n') + f.close() + res_index = np.argmin(res_dist) + + return pulseList[res_index] diff --git a/NeuroData/MNIST_LIF.json b/NeuroData/MNIST_LIF.json new file mode 100644 index 0000000..a9d2b5d --- /dev/null +++ b/NeuroData/MNIST_LIF.json @@ -0,0 +1,29 @@ +{ + "NETSIZE": 494, + "DEPTH": 2, + "PATTERN_EPOCH": 20, + "NEURONLOCK_ENABLE": 0, + "PFLOOR": 2231, + "PCEIL": 12854, + "WEIGHTSCALE": 1, + "NORMALISE": false, + "LEAKAGE": -0.3, + "FIRETH": 0.001, + "INPUT": 484, + "INPUTROW": 22, + "OUTPUT": 10, + "NOISESCALE": 1e-6, + "LEARNINGRATE": 3.5e-6, + "TEMPORALCODING_ENABLE": 0, + "SPIKETRAIN": 0, + "LAYER": [ 484, 10 ], + "dt": 1e-6, + "INITRES": 11000, + "DEVICEINITVARIATION": 1000, + "POSVOLTOFPULSELIST": [ 0.9, 1.1, 1.2, 1.2, 1.2, 1.2 ], + "POSPULSEWIDTHOFPULSELIST": [ 1e-6, 1e-6, 1e-6, 5e-6, 1e-5, 5e-5 ], + "NEGVOLTOFPULSELIST": [ -0.9, -1.1, -1.2, -1.2, -1.2, -1.2 ], + "NEGPULSEWIDTHOFPULSELIST": [ 1e-6, 1e-6, 1e-6, 5e-6, 1e-5, 5e-5 ], + "MAXUPDATESTEPS": 5, + "RTOLERANCE": 0.01 +} \ No newline at end of file diff --git a/NeuroData/MNIST_LIF_connmat.txt b/NeuroData/MNIST_LIF_connmat.txt new file mode 100644 index 0000000..18b8272 --- /dev/null +++ b/NeuroData/MNIST_LIF_connmat.txt @@ -0,0 +1,4840 @@ +1, 485, 1, 1, 1 +2, 485, 1, 2, 1 +3, 485, 1, 3, 1 +4, 485, 1, 4, 1 +5, 485, 1, 5, 1 +6, 485, 1, 6, 1 +7, 485, 1, 7, 1 +8, 485, 1, 8, 1 +9, 485, 1, 9, 1 +10, 485, 1, 10, 1 +11, 485, 1, 11, 1 +12, 485, 1, 12, 1 +13, 485, 1, 13, 1 +14, 485, 1, 14, 1 +15, 485, 1, 15, 1 +16, 485, 1, 16, 1 +17, 485, 1, 17, 1 +18, 485, 1, 18, 1 +19, 485, 1, 19, 1 +20, 485, 1, 20, 1 +21, 485, 1, 21, 1 +22, 485, 1, 22, 1 +23, 485, 1, 23, 1 +24, 485, 1, 24, 1 +25, 485, 1, 25, 1 +26, 485, 1, 26, 1 +27, 485, 1, 27, 1 +28, 485, 1, 28, 1 +29, 485, 1, 29, 1 +30, 485, 1, 30, 1 +31, 485, 1, 31, 1 +32, 485, 1, 32, 1 +33, 485, 1, 33, 1 +34, 485, 1, 34, 1 +35, 485, 1, 35, 1 +36, 485, 1, 36, 1 +37, 485, 1, 37, 1 +38, 485, 1, 38, 1 +39, 485, 1, 39, 1 +40, 485, 1, 40, 1 +41, 485, 1, 41, 1 +42, 485, 1, 42, 1 +43, 485, 1, 43, 1 +44, 485, 1, 44, 1 +45, 485, 1, 45, 1 +46, 485, 1, 46, 1 +47, 485, 1, 47, 1 +48, 485, 1, 48, 1 +49, 485, 1, 49, 1 +50, 485, 1, 50, 1 +51, 485, 1, 51, 1 +52, 485, 1, 52, 1 +53, 485, 1, 53, 1 +54, 485, 1, 54, 1 +55, 485, 1, 55, 1 +56, 485, 1, 56, 1 +57, 485, 1, 57, 1 +58, 485, 1, 58, 1 +59, 485, 1, 59, 1 +60, 485, 1, 60, 1 +61, 485, 1, 61, 1 +62, 485, 1, 62, 1 +63, 485, 1, 63, 1 +64, 485, 1, 64, 1 +65, 485, 1, 65, 1 +66, 485, 1, 66, 1 +67, 485, 1, 67, 1 +68, 485, 1, 68, 1 +69, 485, 1, 69, 1 +70, 485, 1, 70, 1 +71, 485, 1, 71, 1 +72, 485, 1, 72, 1 +73, 485, 1, 73, 1 +74, 485, 1, 74, 1 +75, 485, 1, 75, 1 +76, 485, 1, 76, 1 +77, 485, 1, 77, 1 +78, 485, 1, 78, 1 +79, 485, 1, 79, 1 +80, 485, 1, 80, 1 +81, 485, 1, 81, 1 +82, 485, 1, 82, 1 +83, 485, 1, 83, 1 +84, 485, 1, 84, 1 +85, 485, 1, 85, 1 +86, 485, 1, 86, 1 +87, 485, 1, 87, 1 +88, 485, 1, 88, 1 +89, 485, 1, 89, 1 +90, 485, 1, 90, 1 +91, 485, 1, 91, 1 +92, 485, 1, 92, 1 +93, 485, 1, 93, 1 +94, 485, 1, 94, 1 +95, 485, 1, 95, 1 +96, 485, 1, 96, 1 +97, 485, 1, 97, 1 +98, 485, 1, 98, 1 +99, 485, 1, 99, 1 +100, 485, 1, 100, 1 +101, 485, 2, 1, 1 +102, 485, 2, 2, 1 +103, 485, 2, 3, 1 +104, 485, 2, 4, 1 +105, 485, 2, 5, 1 +106, 485, 2, 6, 1 +107, 485, 2, 7, 1 +108, 485, 2, 8, 1 +109, 485, 2, 9, 1 +110, 485, 2, 10, 1 +111, 485, 2, 11, 1 +112, 485, 2, 12, 1 +113, 485, 2, 13, 1 +114, 485, 2, 14, 1 +115, 485, 2, 15, 1 +116, 485, 2, 16, 1 +117, 485, 2, 17, 1 +118, 485, 2, 18, 1 +119, 485, 2, 19, 1 +120, 485, 2, 20, 1 +121, 485, 2, 21, 1 +122, 485, 2, 22, 1 +123, 485, 2, 23, 1 +124, 485, 2, 24, 1 +125, 485, 2, 25, 1 +126, 485, 2, 26, 1 +127, 485, 2, 27, 1 +128, 485, 2, 28, 1 +129, 485, 2, 29, 1 +130, 485, 2, 30, 1 +131, 485, 2, 31, 1 +132, 485, 2, 32, 1 +133, 485, 2, 33, 1 +134, 485, 2, 34, 1 +135, 485, 2, 35, 1 +136, 485, 2, 36, 1 +137, 485, 2, 37, 1 +138, 485, 2, 38, 1 +139, 485, 2, 39, 1 +140, 485, 2, 40, 1 +141, 485, 2, 41, 1 +142, 485, 2, 42, 1 +143, 485, 2, 43, 1 +144, 485, 2, 44, 1 +145, 485, 2, 45, 1 +146, 485, 2, 46, 1 +147, 485, 2, 47, 1 +148, 485, 2, 48, 1 +149, 485, 2, 49, 1 +150, 485, 2, 50, 1 +151, 485, 2, 51, 1 +152, 485, 2, 52, 1 +153, 485, 2, 53, 1 +154, 485, 2, 54, 1 +155, 485, 2, 55, 1 +156, 485, 2, 56, 1 +157, 485, 2, 57, 1 +158, 485, 2, 58, 1 +159, 485, 2, 59, 1 +160, 485, 2, 60, 1 +161, 485, 2, 61, 1 +162, 485, 2, 62, 1 +163, 485, 2, 63, 1 +164, 485, 2, 64, 1 +165, 485, 2, 65, 1 +166, 485, 2, 66, 1 +167, 485, 2, 67, 1 +168, 485, 2, 68, 1 +169, 485, 2, 69, 1 +170, 485, 2, 70, 1 +171, 485, 2, 71, 1 +172, 485, 2, 72, 1 +173, 485, 2, 73, 1 +174, 485, 2, 74, 1 +175, 485, 2, 75, 1 +176, 485, 2, 76, 1 +177, 485, 2, 77, 1 +178, 485, 2, 78, 1 +179, 485, 2, 79, 1 +180, 485, 2, 80, 1 +181, 485, 2, 81, 1 +182, 485, 2, 82, 1 +183, 485, 2, 83, 1 +184, 485, 2, 84, 1 +185, 485, 2, 85, 1 +186, 485, 2, 86, 1 +187, 485, 2, 87, 1 +188, 485, 2, 88, 1 +189, 485, 2, 89, 1 +190, 485, 2, 90, 1 +191, 485, 2, 91, 1 +192, 485, 2, 92, 1 +193, 485, 2, 93, 1 +194, 485, 2, 94, 1 +195, 485, 2, 95, 1 +196, 485, 2, 96, 1 +197, 485, 2, 97, 1 +198, 485, 2, 98, 1 +199, 485, 2, 99, 1 +200, 485, 2, 100, 1 +201, 485, 3, 1, 1 +202, 485, 3, 2, 1 +203, 485, 3, 3, 1 +204, 485, 3, 4, 1 +205, 485, 3, 5, 1 +206, 485, 3, 6, 1 +207, 485, 3, 7, 1 +208, 485, 3, 8, 1 +209, 485, 3, 9, 1 +210, 485, 3, 10, 1 +211, 485, 3, 11, 1 +212, 485, 3, 12, 1 +213, 485, 3, 13, 1 +214, 485, 3, 14, 1 +215, 485, 3, 15, 1 +216, 485, 3, 16, 1 +217, 485, 3, 17, 1 +218, 485, 3, 18, 1 +219, 485, 3, 19, 1 +220, 485, 3, 20, 1 +221, 485, 3, 21, 1 +222, 485, 3, 22, 1 +223, 485, 3, 23, 1 +224, 485, 3, 24, 1 +225, 485, 3, 25, 1 +226, 485, 3, 26, 1 +227, 485, 3, 27, 1 +228, 485, 3, 28, 1 +229, 485, 3, 29, 1 +230, 485, 3, 30, 1 +231, 485, 3, 31, 1 +232, 485, 3, 32, 1 +233, 485, 3, 33, 1 +234, 485, 3, 34, 1 +235, 485, 3, 35, 1 +236, 485, 3, 36, 1 +237, 485, 3, 37, 1 +238, 485, 3, 38, 1 +239, 485, 3, 39, 1 +240, 485, 3, 40, 1 +241, 485, 3, 41, 1 +242, 485, 3, 42, 1 +243, 485, 3, 43, 1 +244, 485, 3, 44, 1 +245, 485, 3, 45, 1 +246, 485, 3, 46, 1 +247, 485, 3, 47, 1 +248, 485, 3, 48, 1 +249, 485, 3, 49, 1 +250, 485, 3, 50, 1 +251, 485, 3, 51, 1 +252, 485, 3, 52, 1 +253, 485, 3, 53, 1 +254, 485, 3, 54, 1 +255, 485, 3, 55, 1 +256, 485, 3, 56, 1 +257, 485, 3, 57, 1 +258, 485, 3, 58, 1 +259, 485, 3, 59, 1 +260, 485, 3, 60, 1 +261, 485, 3, 61, 1 +262, 485, 3, 62, 1 +263, 485, 3, 63, 1 +264, 485, 3, 64, 1 +265, 485, 3, 65, 1 +266, 485, 3, 66, 1 +267, 485, 3, 67, 1 +268, 485, 3, 68, 1 +269, 485, 3, 69, 1 +270, 485, 3, 70, 1 +271, 485, 3, 71, 1 +272, 485, 3, 72, 1 +273, 485, 3, 73, 1 +274, 485, 3, 74, 1 +275, 485, 3, 75, 1 +276, 485, 3, 76, 1 +277, 485, 3, 77, 1 +278, 485, 3, 78, 1 +279, 485, 3, 79, 1 +280, 485, 3, 80, 1 +281, 485, 3, 81, 1 +282, 485, 3, 82, 1 +283, 485, 3, 83, 1 +284, 485, 3, 84, 1 +285, 485, 3, 85, 1 +286, 485, 3, 86, 1 +287, 485, 3, 87, 1 +288, 485, 3, 88, 1 +289, 485, 3, 89, 1 +290, 485, 3, 90, 1 +291, 485, 3, 91, 1 +292, 485, 3, 92, 1 +293, 485, 3, 93, 1 +294, 485, 3, 94, 1 +295, 485, 3, 95, 1 +296, 485, 3, 96, 1 +297, 485, 3, 97, 1 +298, 485, 3, 98, 1 +299, 485, 3, 99, 1 +300, 485, 3, 100, 1 +301, 485, 4, 1, 1 +302, 485, 4, 2, 1 +303, 485, 4, 3, 1 +304, 485, 4, 4, 1 +305, 485, 4, 5, 1 +306, 485, 4, 6, 1 +307, 485, 4, 7, 1 +308, 485, 4, 8, 1 +309, 485, 4, 9, 1 +310, 485, 4, 10, 1 +311, 485, 4, 11, 1 +312, 485, 4, 12, 1 +313, 485, 4, 13, 1 +314, 485, 4, 14, 1 +315, 485, 4, 15, 1 +316, 485, 4, 16, 1 +317, 485, 4, 17, 1 +318, 485, 4, 18, 1 +319, 485, 4, 19, 1 +320, 485, 4, 20, 1 +321, 485, 4, 21, 1 +322, 485, 4, 22, 1 +323, 485, 4, 23, 1 +324, 485, 4, 24, 1 +325, 485, 4, 25, 1 +326, 485, 4, 26, 1 +327, 485, 4, 27, 1 +328, 485, 4, 28, 1 +329, 485, 4, 29, 1 +330, 485, 4, 30, 1 +331, 485, 4, 31, 1 +332, 485, 4, 32, 1 +333, 485, 4, 33, 1 +334, 485, 4, 34, 1 +335, 485, 4, 35, 1 +336, 485, 4, 36, 1 +337, 485, 4, 37, 1 +338, 485, 4, 38, 1 +339, 485, 4, 39, 1 +340, 485, 4, 40, 1 +341, 485, 4, 41, 1 +342, 485, 4, 42, 1 +343, 485, 4, 43, 1 +344, 485, 4, 44, 1 +345, 485, 4, 45, 1 +346, 485, 4, 46, 1 +347, 485, 4, 47, 1 +348, 485, 4, 48, 1 +349, 485, 4, 49, 1 +350, 485, 4, 50, 1 +351, 485, 4, 51, 1 +352, 485, 4, 52, 1 +353, 485, 4, 53, 1 +354, 485, 4, 54, 1 +355, 485, 4, 55, 1 +356, 485, 4, 56, 1 +357, 485, 4, 57, 1 +358, 485, 4, 58, 1 +359, 485, 4, 59, 1 +360, 485, 4, 60, 1 +361, 485, 4, 61, 1 +362, 485, 4, 62, 1 +363, 485, 4, 63, 1 +364, 485, 4, 64, 1 +365, 485, 4, 65, 1 +366, 485, 4, 66, 1 +367, 485, 4, 67, 1 +368, 485, 4, 68, 1 +369, 485, 4, 69, 1 +370, 485, 4, 70, 1 +371, 485, 4, 71, 1 +372, 485, 4, 72, 1 +373, 485, 4, 73, 1 +374, 485, 4, 74, 1 +375, 485, 4, 75, 1 +376, 485, 4, 76, 1 +377, 485, 4, 77, 1 +378, 485, 4, 78, 1 +379, 485, 4, 79, 1 +380, 485, 4, 80, 1 +381, 485, 4, 81, 1 +382, 485, 4, 82, 1 +383, 485, 4, 83, 1 +384, 485, 4, 84, 1 +385, 485, 4, 85, 1 +386, 485, 4, 86, 1 +387, 485, 4, 87, 1 +388, 485, 4, 88, 1 +389, 485, 4, 89, 1 +390, 485, 4, 90, 1 +391, 485, 4, 91, 1 +392, 485, 4, 92, 1 +393, 485, 4, 93, 1 +394, 485, 4, 94, 1 +395, 485, 4, 95, 1 +396, 485, 4, 96, 1 +397, 485, 4, 97, 1 +398, 485, 4, 98, 1 +399, 485, 4, 99, 1 +400, 485, 4, 100, 1 +401, 485, 5, 1, 1 +402, 485, 5, 2, 1 +403, 485, 5, 3, 1 +404, 485, 5, 4, 1 +405, 485, 5, 5, 1 +406, 485, 5, 6, 1 +407, 485, 5, 7, 1 +408, 485, 5, 8, 1 +409, 485, 5, 9, 1 +410, 485, 5, 10, 1 +411, 485, 5, 11, 1 +412, 485, 5, 12, 1 +413, 485, 5, 13, 1 +414, 485, 5, 14, 1 +415, 485, 5, 15, 1 +416, 485, 5, 16, 1 +417, 485, 5, 17, 1 +418, 485, 5, 18, 1 +419, 485, 5, 19, 1 +420, 485, 5, 20, 1 +421, 485, 5, 21, 1 +422, 485, 5, 22, 1 +423, 485, 5, 23, 1 +424, 485, 5, 24, 1 +425, 485, 5, 25, 1 +426, 485, 5, 26, 1 +427, 485, 5, 27, 1 +428, 485, 5, 28, 1 +429, 485, 5, 29, 1 +430, 485, 5, 30, 1 +431, 485, 5, 31, 1 +432, 485, 5, 32, 1 +433, 485, 5, 33, 1 +434, 485, 5, 34, 1 +435, 485, 5, 35, 1 +436, 485, 5, 36, 1 +437, 485, 5, 37, 1 +438, 485, 5, 38, 1 +439, 485, 5, 39, 1 +440, 485, 5, 40, 1 +441, 485, 5, 41, 1 +442, 485, 5, 42, 1 +443, 485, 5, 43, 1 +444, 485, 5, 44, 1 +445, 485, 5, 45, 1 +446, 485, 5, 46, 1 +447, 485, 5, 47, 1 +448, 485, 5, 48, 1 +449, 485, 5, 49, 1 +450, 485, 5, 50, 1 +451, 485, 5, 51, 1 +452, 485, 5, 52, 1 +453, 485, 5, 53, 1 +454, 485, 5, 54, 1 +455, 485, 5, 55, 1 +456, 485, 5, 56, 1 +457, 485, 5, 57, 1 +458, 485, 5, 58, 1 +459, 485, 5, 59, 1 +460, 485, 5, 60, 1 +461, 485, 5, 61, 1 +462, 485, 5, 62, 1 +463, 485, 5, 63, 1 +464, 485, 5, 64, 1 +465, 485, 5, 65, 1 +466, 485, 5, 66, 1 +467, 485, 5, 67, 1 +468, 485, 5, 68, 1 +469, 485, 5, 69, 1 +470, 485, 5, 70, 1 +471, 485, 5, 71, 1 +472, 485, 5, 72, 1 +473, 485, 5, 73, 1 +474, 485, 5, 74, 1 +475, 485, 5, 75, 1 +476, 485, 5, 76, 1 +477, 485, 5, 77, 1 +478, 485, 5, 78, 1 +479, 485, 5, 79, 1 +480, 485, 5, 80, 1 +481, 485, 5, 81, 1 +482, 485, 5, 82, 1 +483, 485, 5, 83, 1 +484, 485, 5, 84, 1 +1, 486, 5, 85, 1 +2, 486, 5, 86, 1 +3, 486, 5, 87, 1 +4, 486, 5, 88, 1 +5, 486, 5, 89, 1 +6, 486, 5, 90, 1 +7, 486, 5, 91, 1 +8, 486, 5, 92, 1 +9, 486, 5, 93, 1 +10, 486, 5, 94, 1 +11, 486, 5, 95, 1 +12, 486, 5, 96, 1 +13, 486, 5, 97, 1 +14, 486, 5, 98, 1 +15, 486, 5, 99, 1 +16, 486, 5, 100, 1 +17, 486, 6, 1, 1 +18, 486, 6, 2, 1 +19, 486, 6, 3, 1 +20, 486, 6, 4, 1 +21, 486, 6, 5, 1 +22, 486, 6, 6, 1 +23, 486, 6, 7, 1 +24, 486, 6, 8, 1 +25, 486, 6, 9, 1 +26, 486, 6, 10, 1 +27, 486, 6, 11, 1 +28, 486, 6, 12, 1 +29, 486, 6, 13, 1 +30, 486, 6, 14, 1 +31, 486, 6, 15, 1 +32, 486, 6, 16, 1 +33, 486, 6, 17, 1 +34, 486, 6, 18, 1 +35, 486, 6, 19, 1 +36, 486, 6, 20, 1 +37, 486, 6, 21, 1 +38, 486, 6, 22, 1 +39, 486, 6, 23, 1 +40, 486, 6, 24, 1 +41, 486, 6, 25, 1 +42, 486, 6, 26, 1 +43, 486, 6, 27, 1 +44, 486, 6, 28, 1 +45, 486, 6, 29, 1 +46, 486, 6, 30, 1 +47, 486, 6, 31, 1 +48, 486, 6, 32, 1 +49, 486, 6, 33, 1 +50, 486, 6, 34, 1 +51, 486, 6, 35, 1 +52, 486, 6, 36, 1 +53, 486, 6, 37, 1 +54, 486, 6, 38, 1 +55, 486, 6, 39, 1 +56, 486, 6, 40, 1 +57, 486, 6, 41, 1 +58, 486, 6, 42, 1 +59, 486, 6, 43, 1 +60, 486, 6, 44, 1 +61, 486, 6, 45, 1 +62, 486, 6, 46, 1 +63, 486, 6, 47, 1 +64, 486, 6, 48, 1 +65, 486, 6, 49, 1 +66, 486, 6, 50, 1 +67, 486, 6, 51, 1 +68, 486, 6, 52, 1 +69, 486, 6, 53, 1 +70, 486, 6, 54, 1 +71, 486, 6, 55, 1 +72, 486, 6, 56, 1 +73, 486, 6, 57, 1 +74, 486, 6, 58, 1 +75, 486, 6, 59, 1 +76, 486, 6, 60, 1 +77, 486, 6, 61, 1 +78, 486, 6, 62, 1 +79, 486, 6, 63, 1 +80, 486, 6, 64, 1 +81, 486, 6, 65, 1 +82, 486, 6, 66, 1 +83, 486, 6, 67, 1 +84, 486, 6, 68, 1 +85, 486, 6, 69, 1 +86, 486, 6, 70, 1 +87, 486, 6, 71, 1 +88, 486, 6, 72, 1 +89, 486, 6, 73, 1 +90, 486, 6, 74, 1 +91, 486, 6, 75, 1 +92, 486, 6, 76, 1 +93, 486, 6, 77, 1 +94, 486, 6, 78, 1 +95, 486, 6, 79, 1 +96, 486, 6, 80, 1 +97, 486, 6, 81, 1 +98, 486, 6, 82, 1 +99, 486, 6, 83, 1 +100, 486, 6, 84, 1 +101, 486, 6, 85, 1 +102, 486, 6, 86, 1 +103, 486, 6, 87, 1 +104, 486, 6, 88, 1 +105, 486, 6, 89, 1 +106, 486, 6, 90, 1 +107, 486, 6, 91, 1 +108, 486, 6, 92, 1 +109, 486, 6, 93, 1 +110, 486, 6, 94, 1 +111, 486, 6, 95, 1 +112, 486, 6, 96, 1 +113, 486, 6, 97, 1 +114, 486, 6, 98, 1 +115, 486, 6, 99, 1 +116, 486, 6, 100, 1 +117, 486, 7, 1, 1 +118, 486, 7, 2, 1 +119, 486, 7, 3, 1 +120, 486, 7, 4, 1 +121, 486, 7, 5, 1 +122, 486, 7, 6, 1 +123, 486, 7, 7, 1 +124, 486, 7, 8, 1 +125, 486, 7, 9, 1 +126, 486, 7, 10, 1 +127, 486, 7, 11, 1 +128, 486, 7, 12, 1 +129, 486, 7, 13, 1 +130, 486, 7, 14, 1 +131, 486, 7, 15, 1 +132, 486, 7, 16, 1 +133, 486, 7, 17, 1 +134, 486, 7, 18, 1 +135, 486, 7, 19, 1 +136, 486, 7, 20, 1 +137, 486, 7, 21, 1 +138, 486, 7, 22, 1 +139, 486, 7, 23, 1 +140, 486, 7, 24, 1 +141, 486, 7, 25, 1 +142, 486, 7, 26, 1 +143, 486, 7, 27, 1 +144, 486, 7, 28, 1 +145, 486, 7, 29, 1 +146, 486, 7, 30, 1 +147, 486, 7, 31, 1 +148, 486, 7, 32, 1 +149, 486, 7, 33, 1 +150, 486, 7, 34, 1 +151, 486, 7, 35, 1 +152, 486, 7, 36, 1 +153, 486, 7, 37, 1 +154, 486, 7, 38, 1 +155, 486, 7, 39, 1 +156, 486, 7, 40, 1 +157, 486, 7, 41, 1 +158, 486, 7, 42, 1 +159, 486, 7, 43, 1 +160, 486, 7, 44, 1 +161, 486, 7, 45, 1 +162, 486, 7, 46, 1 +163, 486, 7, 47, 1 +164, 486, 7, 48, 1 +165, 486, 7, 49, 1 +166, 486, 7, 50, 1 +167, 486, 7, 51, 1 +168, 486, 7, 52, 1 +169, 486, 7, 53, 1 +170, 486, 7, 54, 1 +171, 486, 7, 55, 1 +172, 486, 7, 56, 1 +173, 486, 7, 57, 1 +174, 486, 7, 58, 1 +175, 486, 7, 59, 1 +176, 486, 7, 60, 1 +177, 486, 7, 61, 1 +178, 486, 7, 62, 1 +179, 486, 7, 63, 1 +180, 486, 7, 64, 1 +181, 486, 7, 65, 1 +182, 486, 7, 66, 1 +183, 486, 7, 67, 1 +184, 486, 7, 68, 1 +185, 486, 7, 69, 1 +186, 486, 7, 70, 1 +187, 486, 7, 71, 1 +188, 486, 7, 72, 1 +189, 486, 7, 73, 1 +190, 486, 7, 74, 1 +191, 486, 7, 75, 1 +192, 486, 7, 76, 1 +193, 486, 7, 77, 1 +194, 486, 7, 78, 1 +195, 486, 7, 79, 1 +196, 486, 7, 80, 1 +197, 486, 7, 81, 1 +198, 486, 7, 82, 1 +199, 486, 7, 83, 1 +200, 486, 7, 84, 1 +201, 486, 7, 85, 1 +202, 486, 7, 86, 1 +203, 486, 7, 87, 1 +204, 486, 7, 88, 1 +205, 486, 7, 89, 1 +206, 486, 7, 90, 1 +207, 486, 7, 91, 1 +208, 486, 7, 92, 1 +209, 486, 7, 93, 1 +210, 486, 7, 94, 1 +211, 486, 7, 95, 1 +212, 486, 7, 96, 1 +213, 486, 7, 97, 1 +214, 486, 7, 98, 1 +215, 486, 7, 99, 1 +216, 486, 7, 100, 1 +217, 486, 8, 1, 1 +218, 486, 8, 2, 1 +219, 486, 8, 3, 1 +220, 486, 8, 4, 1 +221, 486, 8, 5, 1 +222, 486, 8, 6, 1 +223, 486, 8, 7, 1 +224, 486, 8, 8, 1 +225, 486, 8, 9, 1 +226, 486, 8, 10, 1 +227, 486, 8, 11, 1 +228, 486, 8, 12, 1 +229, 486, 8, 13, 1 +230, 486, 8, 14, 1 +231, 486, 8, 15, 1 +232, 486, 8, 16, 1 +233, 486, 8, 17, 1 +234, 486, 8, 18, 1 +235, 486, 8, 19, 1 +236, 486, 8, 20, 1 +237, 486, 8, 21, 1 +238, 486, 8, 22, 1 +239, 486, 8, 23, 1 +240, 486, 8, 24, 1 +241, 486, 8, 25, 1 +242, 486, 8, 26, 1 +243, 486, 8, 27, 1 +244, 486, 8, 28, 1 +245, 486, 8, 29, 1 +246, 486, 8, 30, 1 +247, 486, 8, 31, 1 +248, 486, 8, 32, 1 +249, 486, 8, 33, 1 +250, 486, 8, 34, 1 +251, 486, 8, 35, 1 +252, 486, 8, 36, 1 +253, 486, 8, 37, 1 +254, 486, 8, 38, 1 +255, 486, 8, 39, 1 +256, 486, 8, 40, 1 +257, 486, 8, 41, 1 +258, 486, 8, 42, 1 +259, 486, 8, 43, 1 +260, 486, 8, 44, 1 +261, 486, 8, 45, 1 +262, 486, 8, 46, 1 +263, 486, 8, 47, 1 +264, 486, 8, 48, 1 +265, 486, 8, 49, 1 +266, 486, 8, 50, 1 +267, 486, 8, 51, 1 +268, 486, 8, 52, 1 +269, 486, 8, 53, 1 +270, 486, 8, 54, 1 +271, 486, 8, 55, 1 +272, 486, 8, 56, 1 +273, 486, 8, 57, 1 +274, 486, 8, 58, 1 +275, 486, 8, 59, 1 +276, 486, 8, 60, 1 +277, 486, 8, 61, 1 +278, 486, 8, 62, 1 +279, 486, 8, 63, 1 +280, 486, 8, 64, 1 +281, 486, 8, 65, 1 +282, 486, 8, 66, 1 +283, 486, 8, 67, 1 +284, 486, 8, 68, 1 +285, 486, 8, 69, 1 +286, 486, 8, 70, 1 +287, 486, 8, 71, 1 +288, 486, 8, 72, 1 +289, 486, 8, 73, 1 +290, 486, 8, 74, 1 +291, 486, 8, 75, 1 +292, 486, 8, 76, 1 +293, 486, 8, 77, 1 +294, 486, 8, 78, 1 +295, 486, 8, 79, 1 +296, 486, 8, 80, 1 +297, 486, 8, 81, 1 +298, 486, 8, 82, 1 +299, 486, 8, 83, 1 +300, 486, 8, 84, 1 +301, 486, 8, 85, 1 +302, 486, 8, 86, 1 +303, 486, 8, 87, 1 +304, 486, 8, 88, 1 +305, 486, 8, 89, 1 +306, 486, 8, 90, 1 +307, 486, 8, 91, 1 +308, 486, 8, 92, 1 +309, 486, 8, 93, 1 +310, 486, 8, 94, 1 +311, 486, 8, 95, 1 +312, 486, 8, 96, 1 +313, 486, 8, 97, 1 +314, 486, 8, 98, 1 +315, 486, 8, 99, 1 +316, 486, 8, 100, 1 +317, 486, 9, 1, 1 +318, 486, 9, 2, 1 +319, 486, 9, 3, 1 +320, 486, 9, 4, 1 +321, 486, 9, 5, 1 +322, 486, 9, 6, 1 +323, 486, 9, 7, 1 +324, 486, 9, 8, 1 +325, 486, 9, 9, 1 +326, 486, 9, 10, 1 +327, 486, 9, 11, 1 +328, 486, 9, 12, 1 +329, 486, 9, 13, 1 +330, 486, 9, 14, 1 +331, 486, 9, 15, 1 +332, 486, 9, 16, 1 +333, 486, 9, 17, 1 +334, 486, 9, 18, 1 +335, 486, 9, 19, 1 +336, 486, 9, 20, 1 +337, 486, 9, 21, 1 +338, 486, 9, 22, 1 +339, 486, 9, 23, 1 +340, 486, 9, 24, 1 +341, 486, 9, 25, 1 +342, 486, 9, 26, 1 +343, 486, 9, 27, 1 +344, 486, 9, 28, 1 +345, 486, 9, 29, 1 +346, 486, 9, 30, 1 +347, 486, 9, 31, 1 +348, 486, 9, 32, 1 +349, 486, 9, 33, 1 +350, 486, 9, 34, 1 +351, 486, 9, 35, 1 +352, 486, 9, 36, 1 +353, 486, 9, 37, 1 +354, 486, 9, 38, 1 +355, 486, 9, 39, 1 +356, 486, 9, 40, 1 +357, 486, 9, 41, 1 +358, 486, 9, 42, 1 +359, 486, 9, 43, 1 +360, 486, 9, 44, 1 +361, 486, 9, 45, 1 +362, 486, 9, 46, 1 +363, 486, 9, 47, 1 +364, 486, 9, 48, 1 +365, 486, 9, 49, 1 +366, 486, 9, 50, 1 +367, 486, 9, 51, 1 +368, 486, 9, 52, 1 +369, 486, 9, 53, 1 +370, 486, 9, 54, 1 +371, 486, 9, 55, 1 +372, 486, 9, 56, 1 +373, 486, 9, 57, 1 +374, 486, 9, 58, 1 +375, 486, 9, 59, 1 +376, 486, 9, 60, 1 +377, 486, 9, 61, 1 +378, 486, 9, 62, 1 +379, 486, 9, 63, 1 +380, 486, 9, 64, 1 +381, 486, 9, 65, 1 +382, 486, 9, 66, 1 +383, 486, 9, 67, 1 +384, 486, 9, 68, 1 +385, 486, 9, 69, 1 +386, 486, 9, 70, 1 +387, 486, 9, 71, 1 +388, 486, 9, 72, 1 +389, 486, 9, 73, 1 +390, 486, 9, 74, 1 +391, 486, 9, 75, 1 +392, 486, 9, 76, 1 +393, 486, 9, 77, 1 +394, 486, 9, 78, 1 +395, 486, 9, 79, 1 +396, 486, 9, 80, 1 +397, 486, 9, 81, 1 +398, 486, 9, 82, 1 +399, 486, 9, 83, 1 +400, 486, 9, 84, 1 +401, 486, 9, 85, 1 +402, 486, 9, 86, 1 +403, 486, 9, 87, 1 +404, 486, 9, 88, 1 +405, 486, 9, 89, 1 +406, 486, 9, 90, 1 +407, 486, 9, 91, 1 +408, 486, 9, 92, 1 +409, 486, 9, 93, 1 +410, 486, 9, 94, 1 +411, 486, 9, 95, 1 +412, 486, 9, 96, 1 +413, 486, 9, 97, 1 +414, 486, 9, 98, 1 +415, 486, 9, 99, 1 +416, 486, 9, 100, 1 +417, 486, 10, 1, 1 +418, 486, 10, 2, 1 +419, 486, 10, 3, 1 +420, 486, 10, 4, 1 +421, 486, 10, 5, 1 +422, 486, 10, 6, 1 +423, 486, 10, 7, 1 +424, 486, 10, 8, 1 +425, 486, 10, 9, 1 +426, 486, 10, 10, 1 +427, 486, 10, 11, 1 +428, 486, 10, 12, 1 +429, 486, 10, 13, 1 +430, 486, 10, 14, 1 +431, 486, 10, 15, 1 +432, 486, 10, 16, 1 +433, 486, 10, 17, 1 +434, 486, 10, 18, 1 +435, 486, 10, 19, 1 +436, 486, 10, 20, 1 +437, 486, 10, 21, 1 +438, 486, 10, 22, 1 +439, 486, 10, 23, 1 +440, 486, 10, 24, 1 +441, 486, 10, 25, 1 +442, 486, 10, 26, 1 +443, 486, 10, 27, 1 +444, 486, 10, 28, 1 +445, 486, 10, 29, 1 +446, 486, 10, 30, 1 +447, 486, 10, 31, 1 +448, 486, 10, 32, 1 +449, 486, 10, 33, 1 +450, 486, 10, 34, 1 +451, 486, 10, 35, 1 +452, 486, 10, 36, 1 +453, 486, 10, 37, 1 +454, 486, 10, 38, 1 +455, 486, 10, 39, 1 +456, 486, 10, 40, 1 +457, 486, 10, 41, 1 +458, 486, 10, 42, 1 +459, 486, 10, 43, 1 +460, 486, 10, 44, 1 +461, 486, 10, 45, 1 +462, 486, 10, 46, 1 +463, 486, 10, 47, 1 +464, 486, 10, 48, 1 +465, 486, 10, 49, 1 +466, 486, 10, 50, 1 +467, 486, 10, 51, 1 +468, 486, 10, 52, 1 +469, 486, 10, 53, 1 +470, 486, 10, 54, 1 +471, 486, 10, 55, 1 +472, 486, 10, 56, 1 +473, 486, 10, 57, 1 +474, 486, 10, 58, 1 +475, 486, 10, 59, 1 +476, 486, 10, 60, 1 +477, 486, 10, 61, 1 +478, 486, 10, 62, 1 +479, 486, 10, 63, 1 +480, 486, 10, 64, 1 +481, 486, 10, 65, 1 +482, 486, 10, 66, 1 +483, 486, 10, 67, 1 +484, 486, 10, 68, 1 +1, 487, 10, 69, 1 +2, 487, 10, 70, 1 +3, 487, 10, 71, 1 +4, 487, 10, 72, 1 +5, 487, 10, 73, 1 +6, 487, 10, 74, 1 +7, 487, 10, 75, 1 +8, 487, 10, 76, 1 +9, 487, 10, 77, 1 +10, 487, 10, 78, 1 +11, 487, 10, 79, 1 +12, 487, 10, 80, 1 +13, 487, 10, 81, 1 +14, 487, 10, 82, 1 +15, 487, 10, 83, 1 +16, 487, 10, 84, 1 +17, 487, 10, 85, 1 +18, 487, 10, 86, 1 +19, 487, 10, 87, 1 +20, 487, 10, 88, 1 +21, 487, 10, 89, 1 +22, 487, 10, 90, 1 +23, 487, 10, 91, 1 +24, 487, 10, 92, 1 +25, 487, 10, 93, 1 +26, 487, 10, 94, 1 +27, 487, 10, 95, 1 +28, 487, 10, 96, 1 +29, 487, 10, 97, 1 +30, 487, 10, 98, 1 +31, 487, 10, 99, 1 +32, 487, 10, 100, 1 +33, 487, 11, 1, 1 +34, 487, 11, 2, 1 +35, 487, 11, 3, 1 +36, 487, 11, 4, 1 +37, 487, 11, 5, 1 +38, 487, 11, 6, 1 +39, 487, 11, 7, 1 +40, 487, 11, 8, 1 +41, 487, 11, 9, 1 +42, 487, 11, 10, 1 +43, 487, 11, 11, 1 +44, 487, 11, 12, 1 +45, 487, 11, 13, 1 +46, 487, 11, 14, 1 +47, 487, 11, 15, 1 +48, 487, 11, 16, 1 +49, 487, 11, 17, 1 +50, 487, 11, 18, 1 +51, 487, 11, 19, 1 +52, 487, 11, 20, 1 +53, 487, 11, 21, 1 +54, 487, 11, 22, 1 +55, 487, 11, 23, 1 +56, 487, 11, 24, 1 +57, 487, 11, 25, 1 +58, 487, 11, 26, 1 +59, 487, 11, 27, 1 +60, 487, 11, 28, 1 +61, 487, 11, 29, 1 +62, 487, 11, 30, 1 +63, 487, 11, 31, 1 +64, 487, 11, 32, 1 +65, 487, 11, 33, 1 +66, 487, 11, 34, 1 +67, 487, 11, 35, 1 +68, 487, 11, 36, 1 +69, 487, 11, 37, 1 +70, 487, 11, 38, 1 +71, 487, 11, 39, 1 +72, 487, 11, 40, 1 +73, 487, 11, 41, 1 +74, 487, 11, 42, 1 +75, 487, 11, 43, 1 +76, 487, 11, 44, 1 +77, 487, 11, 45, 1 +78, 487, 11, 46, 1 +79, 487, 11, 47, 1 +80, 487, 11, 48, 1 +81, 487, 11, 49, 1 +82, 487, 11, 50, 1 +83, 487, 11, 51, 1 +84, 487, 11, 52, 1 +85, 487, 11, 53, 1 +86, 487, 11, 54, 1 +87, 487, 11, 55, 1 +88, 487, 11, 56, 1 +89, 487, 11, 57, 1 +90, 487, 11, 58, 1 +91, 487, 11, 59, 1 +92, 487, 11, 60, 1 +93, 487, 11, 61, 1 +94, 487, 11, 62, 1 +95, 487, 11, 63, 1 +96, 487, 11, 64, 1 +97, 487, 11, 65, 1 +98, 487, 11, 66, 1 +99, 487, 11, 67, 1 +100, 487, 11, 68, 1 +101, 487, 11, 69, 1 +102, 487, 11, 70, 1 +103, 487, 11, 71, 1 +104, 487, 11, 72, 1 +105, 487, 11, 73, 1 +106, 487, 11, 74, 1 +107, 487, 11, 75, 1 +108, 487, 11, 76, 1 +109, 487, 11, 77, 1 +110, 487, 11, 78, 1 +111, 487, 11, 79, 1 +112, 487, 11, 80, 1 +113, 487, 11, 81, 1 +114, 487, 11, 82, 1 +115, 487, 11, 83, 1 +116, 487, 11, 84, 1 +117, 487, 11, 85, 1 +118, 487, 11, 86, 1 +119, 487, 11, 87, 1 +120, 487, 11, 88, 1 +121, 487, 11, 89, 1 +122, 487, 11, 90, 1 +123, 487, 11, 91, 1 +124, 487, 11, 92, 1 +125, 487, 11, 93, 1 +126, 487, 11, 94, 1 +127, 487, 11, 95, 1 +128, 487, 11, 96, 1 +129, 487, 11, 97, 1 +130, 487, 11, 98, 1 +131, 487, 11, 99, 1 +132, 487, 11, 100, 1 +133, 487, 12, 1, 1 +134, 487, 12, 2, 1 +135, 487, 12, 3, 1 +136, 487, 12, 4, 1 +137, 487, 12, 5, 1 +138, 487, 12, 6, 1 +139, 487, 12, 7, 1 +140, 487, 12, 8, 1 +141, 487, 12, 9, 1 +142, 487, 12, 10, 1 +143, 487, 12, 11, 1 +144, 487, 12, 12, 1 +145, 487, 12, 13, 1 +146, 487, 12, 14, 1 +147, 487, 12, 15, 1 +148, 487, 12, 16, 1 +149, 487, 12, 17, 1 +150, 487, 12, 18, 1 +151, 487, 12, 19, 1 +152, 487, 12, 20, 1 +153, 487, 12, 21, 1 +154, 487, 12, 22, 1 +155, 487, 12, 23, 1 +156, 487, 12, 24, 1 +157, 487, 12, 25, 1 +158, 487, 12, 26, 1 +159, 487, 12, 27, 1 +160, 487, 12, 28, 1 +161, 487, 12, 29, 1 +162, 487, 12, 30, 1 +163, 487, 12, 31, 1 +164, 487, 12, 32, 1 +165, 487, 12, 33, 1 +166, 487, 12, 34, 1 +167, 487, 12, 35, 1 +168, 487, 12, 36, 1 +169, 487, 12, 37, 1 +170, 487, 12, 38, 1 +171, 487, 12, 39, 1 +172, 487, 12, 40, 1 +173, 487, 12, 41, 1 +174, 487, 12, 42, 1 +175, 487, 12, 43, 1 +176, 487, 12, 44, 1 +177, 487, 12, 45, 1 +178, 487, 12, 46, 1 +179, 487, 12, 47, 1 +180, 487, 12, 48, 1 +181, 487, 12, 49, 1 +182, 487, 12, 50, 1 +183, 487, 12, 51, 1 +184, 487, 12, 52, 1 +185, 487, 12, 53, 1 +186, 487, 12, 54, 1 +187, 487, 12, 55, 1 +188, 487, 12, 56, 1 +189, 487, 12, 57, 1 +190, 487, 12, 58, 1 +191, 487, 12, 59, 1 +192, 487, 12, 60, 1 +193, 487, 12, 61, 1 +194, 487, 12, 62, 1 +195, 487, 12, 63, 1 +196, 487, 12, 64, 1 +197, 487, 12, 65, 1 +198, 487, 12, 66, 1 +199, 487, 12, 67, 1 +200, 487, 12, 68, 1 +201, 487, 12, 69, 1 +202, 487, 12, 70, 1 +203, 487, 12, 71, 1 +204, 487, 12, 72, 1 +205, 487, 12, 73, 1 +206, 487, 12, 74, 1 +207, 487, 12, 75, 1 +208, 487, 12, 76, 1 +209, 487, 12, 77, 1 +210, 487, 12, 78, 1 +211, 487, 12, 79, 1 +212, 487, 12, 80, 1 +213, 487, 12, 81, 1 +214, 487, 12, 82, 1 +215, 487, 12, 83, 1 +216, 487, 12, 84, 1 +217, 487, 12, 85, 1 +218, 487, 12, 86, 1 +219, 487, 12, 87, 1 +220, 487, 12, 88, 1 +221, 487, 12, 89, 1 +222, 487, 12, 90, 1 +223, 487, 12, 91, 1 +224, 487, 12, 92, 1 +225, 487, 12, 93, 1 +226, 487, 12, 94, 1 +227, 487, 12, 95, 1 +228, 487, 12, 96, 1 +229, 487, 12, 97, 1 +230, 487, 12, 98, 1 +231, 487, 12, 99, 1 +232, 487, 12, 100, 1 +233, 487, 13, 1, 1 +234, 487, 13, 2, 1 +235, 487, 13, 3, 1 +236, 487, 13, 4, 1 +237, 487, 13, 5, 1 +238, 487, 13, 6, 1 +239, 487, 13, 7, 1 +240, 487, 13, 8, 1 +241, 487, 13, 9, 1 +242, 487, 13, 10, 1 +243, 487, 13, 11, 1 +244, 487, 13, 12, 1 +245, 487, 13, 13, 1 +246, 487, 13, 14, 1 +247, 487, 13, 15, 1 +248, 487, 13, 16, 1 +249, 487, 13, 17, 1 +250, 487, 13, 18, 1 +251, 487, 13, 19, 1 +252, 487, 13, 20, 1 +253, 487, 13, 21, 1 +254, 487, 13, 22, 1 +255, 487, 13, 23, 1 +256, 487, 13, 24, 1 +257, 487, 13, 25, 1 +258, 487, 13, 26, 1 +259, 487, 13, 27, 1 +260, 487, 13, 28, 1 +261, 487, 13, 29, 1 +262, 487, 13, 30, 1 +263, 487, 13, 31, 1 +264, 487, 13, 32, 1 +265, 487, 13, 33, 1 +266, 487, 13, 34, 1 +267, 487, 13, 35, 1 +268, 487, 13, 36, 1 +269, 487, 13, 37, 1 +270, 487, 13, 38, 1 +271, 487, 13, 39, 1 +272, 487, 13, 40, 1 +273, 487, 13, 41, 1 +274, 487, 13, 42, 1 +275, 487, 13, 43, 1 +276, 487, 13, 44, 1 +277, 487, 13, 45, 1 +278, 487, 13, 46, 1 +279, 487, 13, 47, 1 +280, 487, 13, 48, 1 +281, 487, 13, 49, 1 +282, 487, 13, 50, 1 +283, 487, 13, 51, 1 +284, 487, 13, 52, 1 +285, 487, 13, 53, 1 +286, 487, 13, 54, 1 +287, 487, 13, 55, 1 +288, 487, 13, 56, 1 +289, 487, 13, 57, 1 +290, 487, 13, 58, 1 +291, 487, 13, 59, 1 +292, 487, 13, 60, 1 +293, 487, 13, 61, 1 +294, 487, 13, 62, 1 +295, 487, 13, 63, 1 +296, 487, 13, 64, 1 +297, 487, 13, 65, 1 +298, 487, 13, 66, 1 +299, 487, 13, 67, 1 +300, 487, 13, 68, 1 +301, 487, 13, 69, 1 +302, 487, 13, 70, 1 +303, 487, 13, 71, 1 +304, 487, 13, 72, 1 +305, 487, 13, 73, 1 +306, 487, 13, 74, 1 +307, 487, 13, 75, 1 +308, 487, 13, 76, 1 +309, 487, 13, 77, 1 +310, 487, 13, 78, 1 +311, 487, 13, 79, 1 +312, 487, 13, 80, 1 +313, 487, 13, 81, 1 +314, 487, 13, 82, 1 +315, 487, 13, 83, 1 +316, 487, 13, 84, 1 +317, 487, 13, 85, 1 +318, 487, 13, 86, 1 +319, 487, 13, 87, 1 +320, 487, 13, 88, 1 +321, 487, 13, 89, 1 +322, 487, 13, 90, 1 +323, 487, 13, 91, 1 +324, 487, 13, 92, 1 +325, 487, 13, 93, 1 +326, 487, 13, 94, 1 +327, 487, 13, 95, 1 +328, 487, 13, 96, 1 +329, 487, 13, 97, 1 +330, 487, 13, 98, 1 +331, 487, 13, 99, 1 +332, 487, 13, 100, 1 +333, 487, 14, 1, 1 +334, 487, 14, 2, 1 +335, 487, 14, 3, 1 +336, 487, 14, 4, 1 +337, 487, 14, 5, 1 +338, 487, 14, 6, 1 +339, 487, 14, 7, 1 +340, 487, 14, 8, 1 +341, 487, 14, 9, 1 +342, 487, 14, 10, 1 +343, 487, 14, 11, 1 +344, 487, 14, 12, 1 +345, 487, 14, 13, 1 +346, 487, 14, 14, 1 +347, 487, 14, 15, 1 +348, 487, 14, 16, 1 +349, 487, 14, 17, 1 +350, 487, 14, 18, 1 +351, 487, 14, 19, 1 +352, 487, 14, 20, 1 +353, 487, 14, 21, 1 +354, 487, 14, 22, 1 +355, 487, 14, 23, 1 +356, 487, 14, 24, 1 +357, 487, 14, 25, 1 +358, 487, 14, 26, 1 +359, 487, 14, 27, 1 +360, 487, 14, 28, 1 +361, 487, 14, 29, 1 +362, 487, 14, 30, 1 +363, 487, 14, 31, 1 +364, 487, 14, 32, 1 +365, 487, 14, 33, 1 +366, 487, 14, 34, 1 +367, 487, 14, 35, 1 +368, 487, 14, 36, 1 +369, 487, 14, 37, 1 +370, 487, 14, 38, 1 +371, 487, 14, 39, 1 +372, 487, 14, 40, 1 +373, 487, 14, 41, 1 +374, 487, 14, 42, 1 +375, 487, 14, 43, 1 +376, 487, 14, 44, 1 +377, 487, 14, 45, 1 +378, 487, 14, 46, 1 +379, 487, 14, 47, 1 +380, 487, 14, 48, 1 +381, 487, 14, 49, 1 +382, 487, 14, 50, 1 +383, 487, 14, 51, 1 +384, 487, 14, 52, 1 +385, 487, 14, 53, 1 +386, 487, 14, 54, 1 +387, 487, 14, 55, 1 +388, 487, 14, 56, 1 +389, 487, 14, 57, 1 +390, 487, 14, 58, 1 +391, 487, 14, 59, 1 +392, 487, 14, 60, 1 +393, 487, 14, 61, 1 +394, 487, 14, 62, 1 +395, 487, 14, 63, 1 +396, 487, 14, 64, 1 +397, 487, 14, 65, 1 +398, 487, 14, 66, 1 +399, 487, 14, 67, 1 +400, 487, 14, 68, 1 +401, 487, 14, 69, 1 +402, 487, 14, 70, 1 +403, 487, 14, 71, 1 +404, 487, 14, 72, 1 +405, 487, 14, 73, 1 +406, 487, 14, 74, 1 +407, 487, 14, 75, 1 +408, 487, 14, 76, 1 +409, 487, 14, 77, 1 +410, 487, 14, 78, 1 +411, 487, 14, 79, 1 +412, 487, 14, 80, 1 +413, 487, 14, 81, 1 +414, 487, 14, 82, 1 +415, 487, 14, 83, 1 +416, 487, 14, 84, 1 +417, 487, 14, 85, 1 +418, 487, 14, 86, 1 +419, 487, 14, 87, 1 +420, 487, 14, 88, 1 +421, 487, 14, 89, 1 +422, 487, 14, 90, 1 +423, 487, 14, 91, 1 +424, 487, 14, 92, 1 +425, 487, 14, 93, 1 +426, 487, 14, 94, 1 +427, 487, 14, 95, 1 +428, 487, 14, 96, 1 +429, 487, 14, 97, 1 +430, 487, 14, 98, 1 +431, 487, 14, 99, 1 +432, 487, 14, 100, 1 +433, 487, 15, 1, 1 +434, 487, 15, 2, 1 +435, 487, 15, 3, 1 +436, 487, 15, 4, 1 +437, 487, 15, 5, 1 +438, 487, 15, 6, 1 +439, 487, 15, 7, 1 +440, 487, 15, 8, 1 +441, 487, 15, 9, 1 +442, 487, 15, 10, 1 +443, 487, 15, 11, 1 +444, 487, 15, 12, 1 +445, 487, 15, 13, 1 +446, 487, 15, 14, 1 +447, 487, 15, 15, 1 +448, 487, 15, 16, 1 +449, 487, 15, 17, 1 +450, 487, 15, 18, 1 +451, 487, 15, 19, 1 +452, 487, 15, 20, 1 +453, 487, 15, 21, 1 +454, 487, 15, 22, 1 +455, 487, 15, 23, 1 +456, 487, 15, 24, 1 +457, 487, 15, 25, 1 +458, 487, 15, 26, 1 +459, 487, 15, 27, 1 +460, 487, 15, 28, 1 +461, 487, 15, 29, 1 +462, 487, 15, 30, 1 +463, 487, 15, 31, 1 +464, 487, 15, 32, 1 +465, 487, 15, 33, 1 +466, 487, 15, 34, 1 +467, 487, 15, 35, 1 +468, 487, 15, 36, 1 +469, 487, 15, 37, 1 +470, 487, 15, 38, 1 +471, 487, 15, 39, 1 +472, 487, 15, 40, 1 +473, 487, 15, 41, 1 +474, 487, 15, 42, 1 +475, 487, 15, 43, 1 +476, 487, 15, 44, 1 +477, 487, 15, 45, 1 +478, 487, 15, 46, 1 +479, 487, 15, 47, 1 +480, 487, 15, 48, 1 +481, 487, 15, 49, 1 +482, 487, 15, 50, 1 +483, 487, 15, 51, 1 +484, 487, 15, 52, 1 +1, 488, 15, 53, 1 +2, 488, 15, 54, 1 +3, 488, 15, 55, 1 +4, 488, 15, 56, 1 +5, 488, 15, 57, 1 +6, 488, 15, 58, 1 +7, 488, 15, 59, 1 +8, 488, 15, 60, 1 +9, 488, 15, 61, 1 +10, 488, 15, 62, 1 +11, 488, 15, 63, 1 +12, 488, 15, 64, 1 +13, 488, 15, 65, 1 +14, 488, 15, 66, 1 +15, 488, 15, 67, 1 +16, 488, 15, 68, 1 +17, 488, 15, 69, 1 +18, 488, 15, 70, 1 +19, 488, 15, 71, 1 +20, 488, 15, 72, 1 +21, 488, 15, 73, 1 +22, 488, 15, 74, 1 +23, 488, 15, 75, 1 +24, 488, 15, 76, 1 +25, 488, 15, 77, 1 +26, 488, 15, 78, 1 +27, 488, 15, 79, 1 +28, 488, 15, 80, 1 +29, 488, 15, 81, 1 +30, 488, 15, 82, 1 +31, 488, 15, 83, 1 +32, 488, 15, 84, 1 +33, 488, 15, 85, 1 +34, 488, 15, 86, 1 +35, 488, 15, 87, 1 +36, 488, 15, 88, 1 +37, 488, 15, 89, 1 +38, 488, 15, 90, 1 +39, 488, 15, 91, 1 +40, 488, 15, 92, 1 +41, 488, 15, 93, 1 +42, 488, 15, 94, 1 +43, 488, 15, 95, 1 +44, 488, 15, 96, 1 +45, 488, 15, 97, 1 +46, 488, 15, 98, 1 +47, 488, 15, 99, 1 +48, 488, 15, 100, 1 +49, 488, 16, 1, 1 +50, 488, 16, 2, 1 +51, 488, 16, 3, 1 +52, 488, 16, 4, 1 +53, 488, 16, 5, 1 +54, 488, 16, 6, 1 +55, 488, 16, 7, 1 +56, 488, 16, 8, 1 +57, 488, 16, 9, 1 +58, 488, 16, 10, 1 +59, 488, 16, 11, 1 +60, 488, 16, 12, 1 +61, 488, 16, 13, 1 +62, 488, 16, 14, 1 +63, 488, 16, 15, 1 +64, 488, 16, 16, 1 +65, 488, 16, 17, 1 +66, 488, 16, 18, 1 +67, 488, 16, 19, 1 +68, 488, 16, 20, 1 +69, 488, 16, 21, 1 +70, 488, 16, 22, 1 +71, 488, 16, 23, 1 +72, 488, 16, 24, 1 +73, 488, 16, 25, 1 +74, 488, 16, 26, 1 +75, 488, 16, 27, 1 +76, 488, 16, 28, 1 +77, 488, 16, 29, 1 +78, 488, 16, 30, 1 +79, 488, 16, 31, 1 +80, 488, 16, 32, 1 +81, 488, 16, 33, 1 +82, 488, 16, 34, 1 +83, 488, 16, 35, 1 +84, 488, 16, 36, 1 +85, 488, 16, 37, 1 +86, 488, 16, 38, 1 +87, 488, 16, 39, 1 +88, 488, 16, 40, 1 +89, 488, 16, 41, 1 +90, 488, 16, 42, 1 +91, 488, 16, 43, 1 +92, 488, 16, 44, 1 +93, 488, 16, 45, 1 +94, 488, 16, 46, 1 +95, 488, 16, 47, 1 +96, 488, 16, 48, 1 +97, 488, 16, 49, 1 +98, 488, 16, 50, 1 +99, 488, 16, 51, 1 +100, 488, 16, 52, 1 +101, 488, 16, 53, 1 +102, 488, 16, 54, 1 +103, 488, 16, 55, 1 +104, 488, 16, 56, 1 +105, 488, 16, 57, 1 +106, 488, 16, 58, 1 +107, 488, 16, 59, 1 +108, 488, 16, 60, 1 +109, 488, 16, 61, 1 +110, 488, 16, 62, 1 +111, 488, 16, 63, 1 +112, 488, 16, 64, 1 +113, 488, 16, 65, 1 +114, 488, 16, 66, 1 +115, 488, 16, 67, 1 +116, 488, 16, 68, 1 +117, 488, 16, 69, 1 +118, 488, 16, 70, 1 +119, 488, 16, 71, 1 +120, 488, 16, 72, 1 +121, 488, 16, 73, 1 +122, 488, 16, 74, 1 +123, 488, 16, 75, 1 +124, 488, 16, 76, 1 +125, 488, 16, 77, 1 +126, 488, 16, 78, 1 +127, 488, 16, 79, 1 +128, 488, 16, 80, 1 +129, 488, 16, 81, 1 +130, 488, 16, 82, 1 +131, 488, 16, 83, 1 +132, 488, 16, 84, 1 +133, 488, 16, 85, 1 +134, 488, 16, 86, 1 +135, 488, 16, 87, 1 +136, 488, 16, 88, 1 +137, 488, 16, 89, 1 +138, 488, 16, 90, 1 +139, 488, 16, 91, 1 +140, 488, 16, 92, 1 +141, 488, 16, 93, 1 +142, 488, 16, 94, 1 +143, 488, 16, 95, 1 +144, 488, 16, 96, 1 +145, 488, 16, 97, 1 +146, 488, 16, 98, 1 +147, 488, 16, 99, 1 +148, 488, 16, 100, 1 +149, 488, 17, 1, 1 +150, 488, 17, 2, 1 +151, 488, 17, 3, 1 +152, 488, 17, 4, 1 +153, 488, 17, 5, 1 +154, 488, 17, 6, 1 +155, 488, 17, 7, 1 +156, 488, 17, 8, 1 +157, 488, 17, 9, 1 +158, 488, 17, 10, 1 +159, 488, 17, 11, 1 +160, 488, 17, 12, 1 +161, 488, 17, 13, 1 +162, 488, 17, 14, 1 +163, 488, 17, 15, 1 +164, 488, 17, 16, 1 +165, 488, 17, 17, 1 +166, 488, 17, 18, 1 +167, 488, 17, 19, 1 +168, 488, 17, 20, 1 +169, 488, 17, 21, 1 +170, 488, 17, 22, 1 +171, 488, 17, 23, 1 +172, 488, 17, 24, 1 +173, 488, 17, 25, 1 +174, 488, 17, 26, 1 +175, 488, 17, 27, 1 +176, 488, 17, 28, 1 +177, 488, 17, 29, 1 +178, 488, 17, 30, 1 +179, 488, 17, 31, 1 +180, 488, 17, 32, 1 +181, 488, 17, 33, 1 +182, 488, 17, 34, 1 +183, 488, 17, 35, 1 +184, 488, 17, 36, 1 +185, 488, 17, 37, 1 +186, 488, 17, 38, 1 +187, 488, 17, 39, 1 +188, 488, 17, 40, 1 +189, 488, 17, 41, 1 +190, 488, 17, 42, 1 +191, 488, 17, 43, 1 +192, 488, 17, 44, 1 +193, 488, 17, 45, 1 +194, 488, 17, 46, 1 +195, 488, 17, 47, 1 +196, 488, 17, 48, 1 +197, 488, 17, 49, 1 +198, 488, 17, 50, 1 +199, 488, 17, 51, 1 +200, 488, 17, 52, 1 +201, 488, 17, 53, 1 +202, 488, 17, 54, 1 +203, 488, 17, 55, 1 +204, 488, 17, 56, 1 +205, 488, 17, 57, 1 +206, 488, 17, 58, 1 +207, 488, 17, 59, 1 +208, 488, 17, 60, 1 +209, 488, 17, 61, 1 +210, 488, 17, 62, 1 +211, 488, 17, 63, 1 +212, 488, 17, 64, 1 +213, 488, 17, 65, 1 +214, 488, 17, 66, 1 +215, 488, 17, 67, 1 +216, 488, 17, 68, 1 +217, 488, 17, 69, 1 +218, 488, 17, 70, 1 +219, 488, 17, 71, 1 +220, 488, 17, 72, 1 +221, 488, 17, 73, 1 +222, 488, 17, 74, 1 +223, 488, 17, 75, 1 +224, 488, 17, 76, 1 +225, 488, 17, 77, 1 +226, 488, 17, 78, 1 +227, 488, 17, 79, 1 +228, 488, 17, 80, 1 +229, 488, 17, 81, 1 +230, 488, 17, 82, 1 +231, 488, 17, 83, 1 +232, 488, 17, 84, 1 +233, 488, 17, 85, 1 +234, 488, 17, 86, 1 +235, 488, 17, 87, 1 +236, 488, 17, 88, 1 +237, 488, 17, 89, 1 +238, 488, 17, 90, 1 +239, 488, 17, 91, 1 +240, 488, 17, 92, 1 +241, 488, 17, 93, 1 +242, 488, 17, 94, 1 +243, 488, 17, 95, 1 +244, 488, 17, 96, 1 +245, 488, 17, 97, 1 +246, 488, 17, 98, 1 +247, 488, 17, 99, 1 +248, 488, 17, 100, 1 +249, 488, 18, 1, 1 +250, 488, 18, 2, 1 +251, 488, 18, 3, 1 +252, 488, 18, 4, 1 +253, 488, 18, 5, 1 +254, 488, 18, 6, 1 +255, 488, 18, 7, 1 +256, 488, 18, 8, 1 +257, 488, 18, 9, 1 +258, 488, 18, 10, 1 +259, 488, 18, 11, 1 +260, 488, 18, 12, 1 +261, 488, 18, 13, 1 +262, 488, 18, 14, 1 +263, 488, 18, 15, 1 +264, 488, 18, 16, 1 +265, 488, 18, 17, 1 +266, 488, 18, 18, 1 +267, 488, 18, 19, 1 +268, 488, 18, 20, 1 +269, 488, 18, 21, 1 +270, 488, 18, 22, 1 +271, 488, 18, 23, 1 +272, 488, 18, 24, 1 +273, 488, 18, 25, 1 +274, 488, 18, 26, 1 +275, 488, 18, 27, 1 +276, 488, 18, 28, 1 +277, 488, 18, 29, 1 +278, 488, 18, 30, 1 +279, 488, 18, 31, 1 +280, 488, 18, 32, 1 +281, 488, 18, 33, 1 +282, 488, 18, 34, 1 +283, 488, 18, 35, 1 +284, 488, 18, 36, 1 +285, 488, 18, 37, 1 +286, 488, 18, 38, 1 +287, 488, 18, 39, 1 +288, 488, 18, 40, 1 +289, 488, 18, 41, 1 +290, 488, 18, 42, 1 +291, 488, 18, 43, 1 +292, 488, 18, 44, 1 +293, 488, 18, 45, 1 +294, 488, 18, 46, 1 +295, 488, 18, 47, 1 +296, 488, 18, 48, 1 +297, 488, 18, 49, 1 +298, 488, 18, 50, 1 +299, 488, 18, 51, 1 +300, 488, 18, 52, 1 +301, 488, 18, 53, 1 +302, 488, 18, 54, 1 +303, 488, 18, 55, 1 +304, 488, 18, 56, 1 +305, 488, 18, 57, 1 +306, 488, 18, 58, 1 +307, 488, 18, 59, 1 +308, 488, 18, 60, 1 +309, 488, 18, 61, 1 +310, 488, 18, 62, 1 +311, 488, 18, 63, 1 +312, 488, 18, 64, 1 +313, 488, 18, 65, 1 +314, 488, 18, 66, 1 +315, 488, 18, 67, 1 +316, 488, 18, 68, 1 +317, 488, 18, 69, 1 +318, 488, 18, 70, 1 +319, 488, 18, 71, 1 +320, 488, 18, 72, 1 +321, 488, 18, 73, 1 +322, 488, 18, 74, 1 +323, 488, 18, 75, 1 +324, 488, 18, 76, 1 +325, 488, 18, 77, 1 +326, 488, 18, 78, 1 +327, 488, 18, 79, 1 +328, 488, 18, 80, 1 +329, 488, 18, 81, 1 +330, 488, 18, 82, 1 +331, 488, 18, 83, 1 +332, 488, 18, 84, 1 +333, 488, 18, 85, 1 +334, 488, 18, 86, 1 +335, 488, 18, 87, 1 +336, 488, 18, 88, 1 +337, 488, 18, 89, 1 +338, 488, 18, 90, 1 +339, 488, 18, 91, 1 +340, 488, 18, 92, 1 +341, 488, 18, 93, 1 +342, 488, 18, 94, 1 +343, 488, 18, 95, 1 +344, 488, 18, 96, 1 +345, 488, 18, 97, 1 +346, 488, 18, 98, 1 +347, 488, 18, 99, 1 +348, 488, 18, 100, 1 +349, 488, 19, 1, 1 +350, 488, 19, 2, 1 +351, 488, 19, 3, 1 +352, 488, 19, 4, 1 +353, 488, 19, 5, 1 +354, 488, 19, 6, 1 +355, 488, 19, 7, 1 +356, 488, 19, 8, 1 +357, 488, 19, 9, 1 +358, 488, 19, 10, 1 +359, 488, 19, 11, 1 +360, 488, 19, 12, 1 +361, 488, 19, 13, 1 +362, 488, 19, 14, 1 +363, 488, 19, 15, 1 +364, 488, 19, 16, 1 +365, 488, 19, 17, 1 +366, 488, 19, 18, 1 +367, 488, 19, 19, 1 +368, 488, 19, 20, 1 +369, 488, 19, 21, 1 +370, 488, 19, 22, 1 +371, 488, 19, 23, 1 +372, 488, 19, 24, 1 +373, 488, 19, 25, 1 +374, 488, 19, 26, 1 +375, 488, 19, 27, 1 +376, 488, 19, 28, 1 +377, 488, 19, 29, 1 +378, 488, 19, 30, 1 +379, 488, 19, 31, 1 +380, 488, 19, 32, 1 +381, 488, 19, 33, 1 +382, 488, 19, 34, 1 +383, 488, 19, 35, 1 +384, 488, 19, 36, 1 +385, 488, 19, 37, 1 +386, 488, 19, 38, 1 +387, 488, 19, 39, 1 +388, 488, 19, 40, 1 +389, 488, 19, 41, 1 +390, 488, 19, 42, 1 +391, 488, 19, 43, 1 +392, 488, 19, 44, 1 +393, 488, 19, 45, 1 +394, 488, 19, 46, 1 +395, 488, 19, 47, 1 +396, 488, 19, 48, 1 +397, 488, 19, 49, 1 +398, 488, 19, 50, 1 +399, 488, 19, 51, 1 +400, 488, 19, 52, 1 +401, 488, 19, 53, 1 +402, 488, 19, 54, 1 +403, 488, 19, 55, 1 +404, 488, 19, 56, 1 +405, 488, 19, 57, 1 +406, 488, 19, 58, 1 +407, 488, 19, 59, 1 +408, 488, 19, 60, 1 +409, 488, 19, 61, 1 +410, 488, 19, 62, 1 +411, 488, 19, 63, 1 +412, 488, 19, 64, 1 +413, 488, 19, 65, 1 +414, 488, 19, 66, 1 +415, 488, 19, 67, 1 +416, 488, 19, 68, 1 +417, 488, 19, 69, 1 +418, 488, 19, 70, 1 +419, 488, 19, 71, 1 +420, 488, 19, 72, 1 +421, 488, 19, 73, 1 +422, 488, 19, 74, 1 +423, 488, 19, 75, 1 +424, 488, 19, 76, 1 +425, 488, 19, 77, 1 +426, 488, 19, 78, 1 +427, 488, 19, 79, 1 +428, 488, 19, 80, 1 +429, 488, 19, 81, 1 +430, 488, 19, 82, 1 +431, 488, 19, 83, 1 +432, 488, 19, 84, 1 +433, 488, 19, 85, 1 +434, 488, 19, 86, 1 +435, 488, 19, 87, 1 +436, 488, 19, 88, 1 +437, 488, 19, 89, 1 +438, 488, 19, 90, 1 +439, 488, 19, 91, 1 +440, 488, 19, 92, 1 +441, 488, 19, 93, 1 +442, 488, 19, 94, 1 +443, 488, 19, 95, 1 +444, 488, 19, 96, 1 +445, 488, 19, 97, 1 +446, 488, 19, 98, 1 +447, 488, 19, 99, 1 +448, 488, 19, 100, 1 +449, 488, 20, 1, 1 +450, 488, 20, 2, 1 +451, 488, 20, 3, 1 +452, 488, 20, 4, 1 +453, 488, 20, 5, 1 +454, 488, 20, 6, 1 +455, 488, 20, 7, 1 +456, 488, 20, 8, 1 +457, 488, 20, 9, 1 +458, 488, 20, 10, 1 +459, 488, 20, 11, 1 +460, 488, 20, 12, 1 +461, 488, 20, 13, 1 +462, 488, 20, 14, 1 +463, 488, 20, 15, 1 +464, 488, 20, 16, 1 +465, 488, 20, 17, 1 +466, 488, 20, 18, 1 +467, 488, 20, 19, 1 +468, 488, 20, 20, 1 +469, 488, 20, 21, 1 +470, 488, 20, 22, 1 +471, 488, 20, 23, 1 +472, 488, 20, 24, 1 +473, 488, 20, 25, 1 +474, 488, 20, 26, 1 +475, 488, 20, 27, 1 +476, 488, 20, 28, 1 +477, 488, 20, 29, 1 +478, 488, 20, 30, 1 +479, 488, 20, 31, 1 +480, 488, 20, 32, 1 +481, 488, 20, 33, 1 +482, 488, 20, 34, 1 +483, 488, 20, 35, 1 +484, 488, 20, 36, 1 +1, 489, 20, 37, 1 +2, 489, 20, 38, 1 +3, 489, 20, 39, 1 +4, 489, 20, 40, 1 +5, 489, 20, 41, 1 +6, 489, 20, 42, 1 +7, 489, 20, 43, 1 +8, 489, 20, 44, 1 +9, 489, 20, 45, 1 +10, 489, 20, 46, 1 +11, 489, 20, 47, 1 +12, 489, 20, 48, 1 +13, 489, 20, 49, 1 +14, 489, 20, 50, 1 +15, 489, 20, 51, 1 +16, 489, 20, 52, 1 +17, 489, 20, 53, 1 +18, 489, 20, 54, 1 +19, 489, 20, 55, 1 +20, 489, 20, 56, 1 +21, 489, 20, 57, 1 +22, 489, 20, 58, 1 +23, 489, 20, 59, 1 +24, 489, 20, 60, 1 +25, 489, 20, 61, 1 +26, 489, 20, 62, 1 +27, 489, 20, 63, 1 +28, 489, 20, 64, 1 +29, 489, 20, 65, 1 +30, 489, 20, 66, 1 +31, 489, 20, 67, 1 +32, 489, 20, 68, 1 +33, 489, 20, 69, 1 +34, 489, 20, 70, 1 +35, 489, 20, 71, 1 +36, 489, 20, 72, 1 +37, 489, 20, 73, 1 +38, 489, 20, 74, 1 +39, 489, 20, 75, 1 +40, 489, 20, 76, 1 +41, 489, 20, 77, 1 +42, 489, 20, 78, 1 +43, 489, 20, 79, 1 +44, 489, 20, 80, 1 +45, 489, 20, 81, 1 +46, 489, 20, 82, 1 +47, 489, 20, 83, 1 +48, 489, 20, 84, 1 +49, 489, 20, 85, 1 +50, 489, 20, 86, 1 +51, 489, 20, 87, 1 +52, 489, 20, 88, 1 +53, 489, 20, 89, 1 +54, 489, 20, 90, 1 +55, 489, 20, 91, 1 +56, 489, 20, 92, 1 +57, 489, 20, 93, 1 +58, 489, 20, 94, 1 +59, 489, 20, 95, 1 +60, 489, 20, 96, 1 +61, 489, 20, 97, 1 +62, 489, 20, 98, 1 +63, 489, 20, 99, 1 +64, 489, 20, 100, 1 +65, 489, 21, 1, 1 +66, 489, 21, 2, 1 +67, 489, 21, 3, 1 +68, 489, 21, 4, 1 +69, 489, 21, 5, 1 +70, 489, 21, 6, 1 +71, 489, 21, 7, 1 +72, 489, 21, 8, 1 +73, 489, 21, 9, 1 +74, 489, 21, 10, 1 +75, 489, 21, 11, 1 +76, 489, 21, 12, 1 +77, 489, 21, 13, 1 +78, 489, 21, 14, 1 +79, 489, 21, 15, 1 +80, 489, 21, 16, 1 +81, 489, 21, 17, 1 +82, 489, 21, 18, 1 +83, 489, 21, 19, 1 +84, 489, 21, 20, 1 +85, 489, 21, 21, 1 +86, 489, 21, 22, 1 +87, 489, 21, 23, 1 +88, 489, 21, 24, 1 +89, 489, 21, 25, 1 +90, 489, 21, 26, 1 +91, 489, 21, 27, 1 +92, 489, 21, 28, 1 +93, 489, 21, 29, 1 +94, 489, 21, 30, 1 +95, 489, 21, 31, 1 +96, 489, 21, 32, 1 +97, 489, 21, 33, 1 +98, 489, 21, 34, 1 +99, 489, 21, 35, 1 +100, 489, 21, 36, 1 +101, 489, 21, 37, 1 +102, 489, 21, 38, 1 +103, 489, 21, 39, 1 +104, 489, 21, 40, 1 +105, 489, 21, 41, 1 +106, 489, 21, 42, 1 +107, 489, 21, 43, 1 +108, 489, 21, 44, 1 +109, 489, 21, 45, 1 +110, 489, 21, 46, 1 +111, 489, 21, 47, 1 +112, 489, 21, 48, 1 +113, 489, 21, 49, 1 +114, 489, 21, 50, 1 +115, 489, 21, 51, 1 +116, 489, 21, 52, 1 +117, 489, 21, 53, 1 +118, 489, 21, 54, 1 +119, 489, 21, 55, 1 +120, 489, 21, 56, 1 +121, 489, 21, 57, 1 +122, 489, 21, 58, 1 +123, 489, 21, 59, 1 +124, 489, 21, 60, 1 +125, 489, 21, 61, 1 +126, 489, 21, 62, 1 +127, 489, 21, 63, 1 +128, 489, 21, 64, 1 +129, 489, 21, 65, 1 +130, 489, 21, 66, 1 +131, 489, 21, 67, 1 +132, 489, 21, 68, 1 +133, 489, 21, 69, 1 +134, 489, 21, 70, 1 +135, 489, 21, 71, 1 +136, 489, 21, 72, 1 +137, 489, 21, 73, 1 +138, 489, 21, 74, 1 +139, 489, 21, 75, 1 +140, 489, 21, 76, 1 +141, 489, 21, 77, 1 +142, 489, 21, 78, 1 +143, 489, 21, 79, 1 +144, 489, 21, 80, 1 +145, 489, 21, 81, 1 +146, 489, 21, 82, 1 +147, 489, 21, 83, 1 +148, 489, 21, 84, 1 +149, 489, 21, 85, 1 +150, 489, 21, 86, 1 +151, 489, 21, 87, 1 +152, 489, 21, 88, 1 +153, 489, 21, 89, 1 +154, 489, 21, 90, 1 +155, 489, 21, 91, 1 +156, 489, 21, 92, 1 +157, 489, 21, 93, 1 +158, 489, 21, 94, 1 +159, 489, 21, 95, 1 +160, 489, 21, 96, 1 +161, 489, 21, 97, 1 +162, 489, 21, 98, 1 +163, 489, 21, 99, 1 +164, 489, 21, 100, 1 +165, 489, 22, 1, 1 +166, 489, 22, 2, 1 +167, 489, 22, 3, 1 +168, 489, 22, 4, 1 +169, 489, 22, 5, 1 +170, 489, 22, 6, 1 +171, 489, 22, 7, 1 +172, 489, 22, 8, 1 +173, 489, 22, 9, 1 +174, 489, 22, 10, 1 +175, 489, 22, 11, 1 +176, 489, 22, 12, 1 +177, 489, 22, 13, 1 +178, 489, 22, 14, 1 +179, 489, 22, 15, 1 +180, 489, 22, 16, 1 +181, 489, 22, 17, 1 +182, 489, 22, 18, 1 +183, 489, 22, 19, 1 +184, 489, 22, 20, 1 +185, 489, 22, 21, 1 +186, 489, 22, 22, 1 +187, 489, 22, 23, 1 +188, 489, 22, 24, 1 +189, 489, 22, 25, 1 +190, 489, 22, 26, 1 +191, 489, 22, 27, 1 +192, 489, 22, 28, 1 +193, 489, 22, 29, 1 +194, 489, 22, 30, 1 +195, 489, 22, 31, 1 +196, 489, 22, 32, 1 +197, 489, 22, 33, 1 +198, 489, 22, 34, 1 +199, 489, 22, 35, 1 +200, 489, 22, 36, 1 +201, 489, 22, 37, 1 +202, 489, 22, 38, 1 +203, 489, 22, 39, 1 +204, 489, 22, 40, 1 +205, 489, 22, 41, 1 +206, 489, 22, 42, 1 +207, 489, 22, 43, 1 +208, 489, 22, 44, 1 +209, 489, 22, 45, 1 +210, 489, 22, 46, 1 +211, 489, 22, 47, 1 +212, 489, 22, 48, 1 +213, 489, 22, 49, 1 +214, 489, 22, 50, 1 +215, 489, 22, 51, 1 +216, 489, 22, 52, 1 +217, 489, 22, 53, 1 +218, 489, 22, 54, 1 +219, 489, 22, 55, 1 +220, 489, 22, 56, 1 +221, 489, 22, 57, 1 +222, 489, 22, 58, 1 +223, 489, 22, 59, 1 +224, 489, 22, 60, 1 +225, 489, 22, 61, 1 +226, 489, 22, 62, 1 +227, 489, 22, 63, 1 +228, 489, 22, 64, 1 +229, 489, 22, 65, 1 +230, 489, 22, 66, 1 +231, 489, 22, 67, 1 +232, 489, 22, 68, 1 +233, 489, 22, 69, 1 +234, 489, 22, 70, 1 +235, 489, 22, 71, 1 +236, 489, 22, 72, 1 +237, 489, 22, 73, 1 +238, 489, 22, 74, 1 +239, 489, 22, 75, 1 +240, 489, 22, 76, 1 +241, 489, 22, 77, 1 +242, 489, 22, 78, 1 +243, 489, 22, 79, 1 +244, 489, 22, 80, 1 +245, 489, 22, 81, 1 +246, 489, 22, 82, 1 +247, 489, 22, 83, 1 +248, 489, 22, 84, 1 +249, 489, 22, 85, 1 +250, 489, 22, 86, 1 +251, 489, 22, 87, 1 +252, 489, 22, 88, 1 +253, 489, 22, 89, 1 +254, 489, 22, 90, 1 +255, 489, 22, 91, 1 +256, 489, 22, 92, 1 +257, 489, 22, 93, 1 +258, 489, 22, 94, 1 +259, 489, 22, 95, 1 +260, 489, 22, 96, 1 +261, 489, 22, 97, 1 +262, 489, 22, 98, 1 +263, 489, 22, 99, 1 +264, 489, 22, 100, 1 +265, 489, 23, 1, 1 +266, 489, 23, 2, 1 +267, 489, 23, 3, 1 +268, 489, 23, 4, 1 +269, 489, 23, 5, 1 +270, 489, 23, 6, 1 +271, 489, 23, 7, 1 +272, 489, 23, 8, 1 +273, 489, 23, 9, 1 +274, 489, 23, 10, 1 +275, 489, 23, 11, 1 +276, 489, 23, 12, 1 +277, 489, 23, 13, 1 +278, 489, 23, 14, 1 +279, 489, 23, 15, 1 +280, 489, 23, 16, 1 +281, 489, 23, 17, 1 +282, 489, 23, 18, 1 +283, 489, 23, 19, 1 +284, 489, 23, 20, 1 +285, 489, 23, 21, 1 +286, 489, 23, 22, 1 +287, 489, 23, 23, 1 +288, 489, 23, 24, 1 +289, 489, 23, 25, 1 +290, 489, 23, 26, 1 +291, 489, 23, 27, 1 +292, 489, 23, 28, 1 +293, 489, 23, 29, 1 +294, 489, 23, 30, 1 +295, 489, 23, 31, 1 +296, 489, 23, 32, 1 +297, 489, 23, 33, 1 +298, 489, 23, 34, 1 +299, 489, 23, 35, 1 +300, 489, 23, 36, 1 +301, 489, 23, 37, 1 +302, 489, 23, 38, 1 +303, 489, 23, 39, 1 +304, 489, 23, 40, 1 +305, 489, 23, 41, 1 +306, 489, 23, 42, 1 +307, 489, 23, 43, 1 +308, 489, 23, 44, 1 +309, 489, 23, 45, 1 +310, 489, 23, 46, 1 +311, 489, 23, 47, 1 +312, 489, 23, 48, 1 +313, 489, 23, 49, 1 +314, 489, 23, 50, 1 +315, 489, 23, 51, 1 +316, 489, 23, 52, 1 +317, 489, 23, 53, 1 +318, 489, 23, 54, 1 +319, 489, 23, 55, 1 +320, 489, 23, 56, 1 +321, 489, 23, 57, 1 +322, 489, 23, 58, 1 +323, 489, 23, 59, 1 +324, 489, 23, 60, 1 +325, 489, 23, 61, 1 +326, 489, 23, 62, 1 +327, 489, 23, 63, 1 +328, 489, 23, 64, 1 +329, 489, 23, 65, 1 +330, 489, 23, 66, 1 +331, 489, 23, 67, 1 +332, 489, 23, 68, 1 +333, 489, 23, 69, 1 +334, 489, 23, 70, 1 +335, 489, 23, 71, 1 +336, 489, 23, 72, 1 +337, 489, 23, 73, 1 +338, 489, 23, 74, 1 +339, 489, 23, 75, 1 +340, 489, 23, 76, 1 +341, 489, 23, 77, 1 +342, 489, 23, 78, 1 +343, 489, 23, 79, 1 +344, 489, 23, 80, 1 +345, 489, 23, 81, 1 +346, 489, 23, 82, 1 +347, 489, 23, 83, 1 +348, 489, 23, 84, 1 +349, 489, 23, 85, 1 +350, 489, 23, 86, 1 +351, 489, 23, 87, 1 +352, 489, 23, 88, 1 +353, 489, 23, 89, 1 +354, 489, 23, 90, 1 +355, 489, 23, 91, 1 +356, 489, 23, 92, 1 +357, 489, 23, 93, 1 +358, 489, 23, 94, 1 +359, 489, 23, 95, 1 +360, 489, 23, 96, 1 +361, 489, 23, 97, 1 +362, 489, 23, 98, 1 +363, 489, 23, 99, 1 +364, 489, 23, 100, 1 +365, 489, 24, 1, 1 +366, 489, 24, 2, 1 +367, 489, 24, 3, 1 +368, 489, 24, 4, 1 +369, 489, 24, 5, 1 +370, 489, 24, 6, 1 +371, 489, 24, 7, 1 +372, 489, 24, 8, 1 +373, 489, 24, 9, 1 +374, 489, 24, 10, 1 +375, 489, 24, 11, 1 +376, 489, 24, 12, 1 +377, 489, 24, 13, 1 +378, 489, 24, 14, 1 +379, 489, 24, 15, 1 +380, 489, 24, 16, 1 +381, 489, 24, 17, 1 +382, 489, 24, 18, 1 +383, 489, 24, 19, 1 +384, 489, 24, 20, 1 +385, 489, 24, 21, 1 +386, 489, 24, 22, 1 +387, 489, 24, 23, 1 +388, 489, 24, 24, 1 +389, 489, 24, 25, 1 +390, 489, 24, 26, 1 +391, 489, 24, 27, 1 +392, 489, 24, 28, 1 +393, 489, 24, 29, 1 +394, 489, 24, 30, 1 +395, 489, 24, 31, 1 +396, 489, 24, 32, 1 +397, 489, 24, 33, 1 +398, 489, 24, 34, 1 +399, 489, 24, 35, 1 +400, 489, 24, 36, 1 +401, 489, 24, 37, 1 +402, 489, 24, 38, 1 +403, 489, 24, 39, 1 +404, 489, 24, 40, 1 +405, 489, 24, 41, 1 +406, 489, 24, 42, 1 +407, 489, 24, 43, 1 +408, 489, 24, 44, 1 +409, 489, 24, 45, 1 +410, 489, 24, 46, 1 +411, 489, 24, 47, 1 +412, 489, 24, 48, 1 +413, 489, 24, 49, 1 +414, 489, 24, 50, 1 +415, 489, 24, 51, 1 +416, 489, 24, 52, 1 +417, 489, 24, 53, 1 +418, 489, 24, 54, 1 +419, 489, 24, 55, 1 +420, 489, 24, 56, 1 +421, 489, 24, 57, 1 +422, 489, 24, 58, 1 +423, 489, 24, 59, 1 +424, 489, 24, 60, 1 +425, 489, 24, 61, 1 +426, 489, 24, 62, 1 +427, 489, 24, 63, 1 +428, 489, 24, 64, 1 +429, 489, 24, 65, 1 +430, 489, 24, 66, 1 +431, 489, 24, 67, 1 +432, 489, 24, 68, 1 +433, 489, 24, 69, 1 +434, 489, 24, 70, 1 +435, 489, 24, 71, 1 +436, 489, 24, 72, 1 +437, 489, 24, 73, 1 +438, 489, 24, 74, 1 +439, 489, 24, 75, 1 +440, 489, 24, 76, 1 +441, 489, 24, 77, 1 +442, 489, 24, 78, 1 +443, 489, 24, 79, 1 +444, 489, 24, 80, 1 +445, 489, 24, 81, 1 +446, 489, 24, 82, 1 +447, 489, 24, 83, 1 +448, 489, 24, 84, 1 +449, 489, 24, 85, 1 +450, 489, 24, 86, 1 +451, 489, 24, 87, 1 +452, 489, 24, 88, 1 +453, 489, 24, 89, 1 +454, 489, 24, 90, 1 +455, 489, 24, 91, 1 +456, 489, 24, 92, 1 +457, 489, 24, 93, 1 +458, 489, 24, 94, 1 +459, 489, 24, 95, 1 +460, 489, 24, 96, 1 +461, 489, 24, 97, 1 +462, 489, 24, 98, 1 +463, 489, 24, 99, 1 +464, 489, 24, 100, 1 +465, 489, 25, 1, 1 +466, 489, 25, 2, 1 +467, 489, 25, 3, 1 +468, 489, 25, 4, 1 +469, 489, 25, 5, 1 +470, 489, 25, 6, 1 +471, 489, 25, 7, 1 +472, 489, 25, 8, 1 +473, 489, 25, 9, 1 +474, 489, 25, 10, 1 +475, 489, 25, 11, 1 +476, 489, 25, 12, 1 +477, 489, 25, 13, 1 +478, 489, 25, 14, 1 +479, 489, 25, 15, 1 +480, 489, 25, 16, 1 +481, 489, 25, 17, 1 +482, 489, 25, 18, 1 +483, 489, 25, 19, 1 +484, 489, 25, 20, 1 +1, 490, 25, 21, 1 +2, 490, 25, 22, 1 +3, 490, 25, 23, 1 +4, 490, 25, 24, 1 +5, 490, 25, 25, 1 +6, 490, 25, 26, 1 +7, 490, 25, 27, 1 +8, 490, 25, 28, 1 +9, 490, 25, 29, 1 +10, 490, 25, 30, 1 +11, 490, 25, 31, 1 +12, 490, 25, 32, 1 +13, 490, 25, 33, 1 +14, 490, 25, 34, 1 +15, 490, 25, 35, 1 +16, 490, 25, 36, 1 +17, 490, 25, 37, 1 +18, 490, 25, 38, 1 +19, 490, 25, 39, 1 +20, 490, 25, 40, 1 +21, 490, 25, 41, 1 +22, 490, 25, 42, 1 +23, 490, 25, 43, 1 +24, 490, 25, 44, 1 +25, 490, 25, 45, 1 +26, 490, 25, 46, 1 +27, 490, 25, 47, 1 +28, 490, 25, 48, 1 +29, 490, 25, 49, 1 +30, 490, 25, 50, 1 +31, 490, 25, 51, 1 +32, 490, 25, 52, 1 +33, 490, 25, 53, 1 +34, 490, 25, 54, 1 +35, 490, 25, 55, 1 +36, 490, 25, 56, 1 +37, 490, 25, 57, 1 +38, 490, 25, 58, 1 +39, 490, 25, 59, 1 +40, 490, 25, 60, 1 +41, 490, 25, 61, 1 +42, 490, 25, 62, 1 +43, 490, 25, 63, 1 +44, 490, 25, 64, 1 +45, 490, 25, 65, 1 +46, 490, 25, 66, 1 +47, 490, 25, 67, 1 +48, 490, 25, 68, 1 +49, 490, 25, 69, 1 +50, 490, 25, 70, 1 +51, 490, 25, 71, 1 +52, 490, 25, 72, 1 +53, 490, 25, 73, 1 +54, 490, 25, 74, 1 +55, 490, 25, 75, 1 +56, 490, 25, 76, 1 +57, 490, 25, 77, 1 +58, 490, 25, 78, 1 +59, 490, 25, 79, 1 +60, 490, 25, 80, 1 +61, 490, 25, 81, 1 +62, 490, 25, 82, 1 +63, 490, 25, 83, 1 +64, 490, 25, 84, 1 +65, 490, 25, 85, 1 +66, 490, 25, 86, 1 +67, 490, 25, 87, 1 +68, 490, 25, 88, 1 +69, 490, 25, 89, 1 +70, 490, 25, 90, 1 +71, 490, 25, 91, 1 +72, 490, 25, 92, 1 +73, 490, 25, 93, 1 +74, 490, 25, 94, 1 +75, 490, 25, 95, 1 +76, 490, 25, 96, 1 +77, 490, 25, 97, 1 +78, 490, 25, 98, 1 +79, 490, 25, 99, 1 +80, 490, 25, 100, 1 +81, 490, 26, 1, 1 +82, 490, 26, 2, 1 +83, 490, 26, 3, 1 +84, 490, 26, 4, 1 +85, 490, 26, 5, 1 +86, 490, 26, 6, 1 +87, 490, 26, 7, 1 +88, 490, 26, 8, 1 +89, 490, 26, 9, 1 +90, 490, 26, 10, 1 +91, 490, 26, 11, 1 +92, 490, 26, 12, 1 +93, 490, 26, 13, 1 +94, 490, 26, 14, 1 +95, 490, 26, 15, 1 +96, 490, 26, 16, 1 +97, 490, 26, 17, 1 +98, 490, 26, 18, 1 +99, 490, 26, 19, 1 +100, 490, 26, 20, 1 +101, 490, 26, 21, 1 +102, 490, 26, 22, 1 +103, 490, 26, 23, 1 +104, 490, 26, 24, 1 +105, 490, 26, 25, 1 +106, 490, 26, 26, 1 +107, 490, 26, 27, 1 +108, 490, 26, 28, 1 +109, 490, 26, 29, 1 +110, 490, 26, 30, 1 +111, 490, 26, 31, 1 +112, 490, 26, 32, 1 +113, 490, 26, 33, 1 +114, 490, 26, 34, 1 +115, 490, 26, 35, 1 +116, 490, 26, 36, 1 +117, 490, 26, 37, 1 +118, 490, 26, 38, 1 +119, 490, 26, 39, 1 +120, 490, 26, 40, 1 +121, 490, 26, 41, 1 +122, 490, 26, 42, 1 +123, 490, 26, 43, 1 +124, 490, 26, 44, 1 +125, 490, 26, 45, 1 +126, 490, 26, 46, 1 +127, 490, 26, 47, 1 +128, 490, 26, 48, 1 +129, 490, 26, 49, 1 +130, 490, 26, 50, 1 +131, 490, 26, 51, 1 +132, 490, 26, 52, 1 +133, 490, 26, 53, 1 +134, 490, 26, 54, 1 +135, 490, 26, 55, 1 +136, 490, 26, 56, 1 +137, 490, 26, 57, 1 +138, 490, 26, 58, 1 +139, 490, 26, 59, 1 +140, 490, 26, 60, 1 +141, 490, 26, 61, 1 +142, 490, 26, 62, 1 +143, 490, 26, 63, 1 +144, 490, 26, 64, 1 +145, 490, 26, 65, 1 +146, 490, 26, 66, 1 +147, 490, 26, 67, 1 +148, 490, 26, 68, 1 +149, 490, 26, 69, 1 +150, 490, 26, 70, 1 +151, 490, 26, 71, 1 +152, 490, 26, 72, 1 +153, 490, 26, 73, 1 +154, 490, 26, 74, 1 +155, 490, 26, 75, 1 +156, 490, 26, 76, 1 +157, 490, 26, 77, 1 +158, 490, 26, 78, 1 +159, 490, 26, 79, 1 +160, 490, 26, 80, 1 +161, 490, 26, 81, 1 +162, 490, 26, 82, 1 +163, 490, 26, 83, 1 +164, 490, 26, 84, 1 +165, 490, 26, 85, 1 +166, 490, 26, 86, 1 +167, 490, 26, 87, 1 +168, 490, 26, 88, 1 +169, 490, 26, 89, 1 +170, 490, 26, 90, 1 +171, 490, 26, 91, 1 +172, 490, 26, 92, 1 +173, 490, 26, 93, 1 +174, 490, 26, 94, 1 +175, 490, 26, 95, 1 +176, 490, 26, 96, 1 +177, 490, 26, 97, 1 +178, 490, 26, 98, 1 +179, 490, 26, 99, 1 +180, 490, 26, 100, 1 +181, 490, 27, 1, 1 +182, 490, 27, 2, 1 +183, 490, 27, 3, 1 +184, 490, 27, 4, 1 +185, 490, 27, 5, 1 +186, 490, 27, 6, 1 +187, 490, 27, 7, 1 +188, 490, 27, 8, 1 +189, 490, 27, 9, 1 +190, 490, 27, 10, 1 +191, 490, 27, 11, 1 +192, 490, 27, 12, 1 +193, 490, 27, 13, 1 +194, 490, 27, 14, 1 +195, 490, 27, 15, 1 +196, 490, 27, 16, 1 +197, 490, 27, 17, 1 +198, 490, 27, 18, 1 +199, 490, 27, 19, 1 +200, 490, 27, 20, 1 +201, 490, 27, 21, 1 +202, 490, 27, 22, 1 +203, 490, 27, 23, 1 +204, 490, 27, 24, 1 +205, 490, 27, 25, 1 +206, 490, 27, 26, 1 +207, 490, 27, 27, 1 +208, 490, 27, 28, 1 +209, 490, 27, 29, 1 +210, 490, 27, 30, 1 +211, 490, 27, 31, 1 +212, 490, 27, 32, 1 +213, 490, 27, 33, 1 +214, 490, 27, 34, 1 +215, 490, 27, 35, 1 +216, 490, 27, 36, 1 +217, 490, 27, 37, 1 +218, 490, 27, 38, 1 +219, 490, 27, 39, 1 +220, 490, 27, 40, 1 +221, 490, 27, 41, 1 +222, 490, 27, 42, 1 +223, 490, 27, 43, 1 +224, 490, 27, 44, 1 +225, 490, 27, 45, 1 +226, 490, 27, 46, 1 +227, 490, 27, 47, 1 +228, 490, 27, 48, 1 +229, 490, 27, 49, 1 +230, 490, 27, 50, 1 +231, 490, 27, 51, 1 +232, 490, 27, 52, 1 +233, 490, 27, 53, 1 +234, 490, 27, 54, 1 +235, 490, 27, 55, 1 +236, 490, 27, 56, 1 +237, 490, 27, 57, 1 +238, 490, 27, 58, 1 +239, 490, 27, 59, 1 +240, 490, 27, 60, 1 +241, 490, 27, 61, 1 +242, 490, 27, 62, 1 +243, 490, 27, 63, 1 +244, 490, 27, 64, 1 +245, 490, 27, 65, 1 +246, 490, 27, 66, 1 +247, 490, 27, 67, 1 +248, 490, 27, 68, 1 +249, 490, 27, 69, 1 +250, 490, 27, 70, 1 +251, 490, 27, 71, 1 +252, 490, 27, 72, 1 +253, 490, 27, 73, 1 +254, 490, 27, 74, 1 +255, 490, 27, 75, 1 +256, 490, 27, 76, 1 +257, 490, 27, 77, 1 +258, 490, 27, 78, 1 +259, 490, 27, 79, 1 +260, 490, 27, 80, 1 +261, 490, 27, 81, 1 +262, 490, 27, 82, 1 +263, 490, 27, 83, 1 +264, 490, 27, 84, 1 +265, 490, 27, 85, 1 +266, 490, 27, 86, 1 +267, 490, 27, 87, 1 +268, 490, 27, 88, 1 +269, 490, 27, 89, 1 +270, 490, 27, 90, 1 +271, 490, 27, 91, 1 +272, 490, 27, 92, 1 +273, 490, 27, 93, 1 +274, 490, 27, 94, 1 +275, 490, 27, 95, 1 +276, 490, 27, 96, 1 +277, 490, 27, 97, 1 +278, 490, 27, 98, 1 +279, 490, 27, 99, 1 +280, 490, 27, 100, 1 +281, 490, 28, 1, 1 +282, 490, 28, 2, 1 +283, 490, 28, 3, 1 +284, 490, 28, 4, 1 +285, 490, 28, 5, 1 +286, 490, 28, 6, 1 +287, 490, 28, 7, 1 +288, 490, 28, 8, 1 +289, 490, 28, 9, 1 +290, 490, 28, 10, 1 +291, 490, 28, 11, 1 +292, 490, 28, 12, 1 +293, 490, 28, 13, 1 +294, 490, 28, 14, 1 +295, 490, 28, 15, 1 +296, 490, 28, 16, 1 +297, 490, 28, 17, 1 +298, 490, 28, 18, 1 +299, 490, 28, 19, 1 +300, 490, 28, 20, 1 +301, 490, 28, 21, 1 +302, 490, 28, 22, 1 +303, 490, 28, 23, 1 +304, 490, 28, 24, 1 +305, 490, 28, 25, 1 +306, 490, 28, 26, 1 +307, 490, 28, 27, 1 +308, 490, 28, 28, 1 +309, 490, 28, 29, 1 +310, 490, 28, 30, 1 +311, 490, 28, 31, 1 +312, 490, 28, 32, 1 +313, 490, 28, 33, 1 +314, 490, 28, 34, 1 +315, 490, 28, 35, 1 +316, 490, 28, 36, 1 +317, 490, 28, 37, 1 +318, 490, 28, 38, 1 +319, 490, 28, 39, 1 +320, 490, 28, 40, 1 +321, 490, 28, 41, 1 +322, 490, 28, 42, 1 +323, 490, 28, 43, 1 +324, 490, 28, 44, 1 +325, 490, 28, 45, 1 +326, 490, 28, 46, 1 +327, 490, 28, 47, 1 +328, 490, 28, 48, 1 +329, 490, 28, 49, 1 +330, 490, 28, 50, 1 +331, 490, 28, 51, 1 +332, 490, 28, 52, 1 +333, 490, 28, 53, 1 +334, 490, 28, 54, 1 +335, 490, 28, 55, 1 +336, 490, 28, 56, 1 +337, 490, 28, 57, 1 +338, 490, 28, 58, 1 +339, 490, 28, 59, 1 +340, 490, 28, 60, 1 +341, 490, 28, 61, 1 +342, 490, 28, 62, 1 +343, 490, 28, 63, 1 +344, 490, 28, 64, 1 +345, 490, 28, 65, 1 +346, 490, 28, 66, 1 +347, 490, 28, 67, 1 +348, 490, 28, 68, 1 +349, 490, 28, 69, 1 +350, 490, 28, 70, 1 +351, 490, 28, 71, 1 +352, 490, 28, 72, 1 +353, 490, 28, 73, 1 +354, 490, 28, 74, 1 +355, 490, 28, 75, 1 +356, 490, 28, 76, 1 +357, 490, 28, 77, 1 +358, 490, 28, 78, 1 +359, 490, 28, 79, 1 +360, 490, 28, 80, 1 +361, 490, 28, 81, 1 +362, 490, 28, 82, 1 +363, 490, 28, 83, 1 +364, 490, 28, 84, 1 +365, 490, 28, 85, 1 +366, 490, 28, 86, 1 +367, 490, 28, 87, 1 +368, 490, 28, 88, 1 +369, 490, 28, 89, 1 +370, 490, 28, 90, 1 +371, 490, 28, 91, 1 +372, 490, 28, 92, 1 +373, 490, 28, 93, 1 +374, 490, 28, 94, 1 +375, 490, 28, 95, 1 +376, 490, 28, 96, 1 +377, 490, 28, 97, 1 +378, 490, 28, 98, 1 +379, 490, 28, 99, 1 +380, 490, 28, 100, 1 +381, 490, 29, 1, 1 +382, 490, 29, 2, 1 +383, 490, 29, 3, 1 +384, 490, 29, 4, 1 +385, 490, 29, 5, 1 +386, 490, 29, 6, 1 +387, 490, 29, 7, 1 +388, 490, 29, 8, 1 +389, 490, 29, 9, 1 +390, 490, 29, 10, 1 +391, 490, 29, 11, 1 +392, 490, 29, 12, 1 +393, 490, 29, 13, 1 +394, 490, 29, 14, 1 +395, 490, 29, 15, 1 +396, 490, 29, 16, 1 +397, 490, 29, 17, 1 +398, 490, 29, 18, 1 +399, 490, 29, 19, 1 +400, 490, 29, 20, 1 +401, 490, 29, 21, 1 +402, 490, 29, 22, 1 +403, 490, 29, 23, 1 +404, 490, 29, 24, 1 +405, 490, 29, 25, 1 +406, 490, 29, 26, 1 +407, 490, 29, 27, 1 +408, 490, 29, 28, 1 +409, 490, 29, 29, 1 +410, 490, 29, 30, 1 +411, 490, 29, 31, 1 +412, 490, 29, 32, 1 +413, 490, 29, 33, 1 +414, 490, 29, 34, 1 +415, 490, 29, 35, 1 +416, 490, 29, 36, 1 +417, 490, 29, 37, 1 +418, 490, 29, 38, 1 +419, 490, 29, 39, 1 +420, 490, 29, 40, 1 +421, 490, 29, 41, 1 +422, 490, 29, 42, 1 +423, 490, 29, 43, 1 +424, 490, 29, 44, 1 +425, 490, 29, 45, 1 +426, 490, 29, 46, 1 +427, 490, 29, 47, 1 +428, 490, 29, 48, 1 +429, 490, 29, 49, 1 +430, 490, 29, 50, 1 +431, 490, 29, 51, 1 +432, 490, 29, 52, 1 +433, 490, 29, 53, 1 +434, 490, 29, 54, 1 +435, 490, 29, 55, 1 +436, 490, 29, 56, 1 +437, 490, 29, 57, 1 +438, 490, 29, 58, 1 +439, 490, 29, 59, 1 +440, 490, 29, 60, 1 +441, 490, 29, 61, 1 +442, 490, 29, 62, 1 +443, 490, 29, 63, 1 +444, 490, 29, 64, 1 +445, 490, 29, 65, 1 +446, 490, 29, 66, 1 +447, 490, 29, 67, 1 +448, 490, 29, 68, 1 +449, 490, 29, 69, 1 +450, 490, 29, 70, 1 +451, 490, 29, 71, 1 +452, 490, 29, 72, 1 +453, 490, 29, 73, 1 +454, 490, 29, 74, 1 +455, 490, 29, 75, 1 +456, 490, 29, 76, 1 +457, 490, 29, 77, 1 +458, 490, 29, 78, 1 +459, 490, 29, 79, 1 +460, 490, 29, 80, 1 +461, 490, 29, 81, 1 +462, 490, 29, 82, 1 +463, 490, 29, 83, 1 +464, 490, 29, 84, 1 +465, 490, 29, 85, 1 +466, 490, 29, 86, 1 +467, 490, 29, 87, 1 +468, 490, 29, 88, 1 +469, 490, 29, 89, 1 +470, 490, 29, 90, 1 +471, 490, 29, 91, 1 +472, 490, 29, 92, 1 +473, 490, 29, 93, 1 +474, 490, 29, 94, 1 +475, 490, 29, 95, 1 +476, 490, 29, 96, 1 +477, 490, 29, 97, 1 +478, 490, 29, 98, 1 +479, 490, 29, 99, 1 +480, 490, 29, 100, 1 +481, 490, 30, 1, 1 +482, 490, 30, 2, 1 +483, 490, 30, 3, 1 +484, 490, 30, 4, 1 +1, 491, 30, 5, 1 +2, 491, 30, 6, 1 +3, 491, 30, 7, 1 +4, 491, 30, 8, 1 +5, 491, 30, 9, 1 +6, 491, 30, 10, 1 +7, 491, 30, 11, 1 +8, 491, 30, 12, 1 +9, 491, 30, 13, 1 +10, 491, 30, 14, 1 +11, 491, 30, 15, 1 +12, 491, 30, 16, 1 +13, 491, 30, 17, 1 +14, 491, 30, 18, 1 +15, 491, 30, 19, 1 +16, 491, 30, 20, 1 +17, 491, 30, 21, 1 +18, 491, 30, 22, 1 +19, 491, 30, 23, 1 +20, 491, 30, 24, 1 +21, 491, 30, 25, 1 +22, 491, 30, 26, 1 +23, 491, 30, 27, 1 +24, 491, 30, 28, 1 +25, 491, 30, 29, 1 +26, 491, 30, 30, 1 +27, 491, 30, 31, 1 +28, 491, 30, 32, 1 +29, 491, 30, 33, 1 +30, 491, 30, 34, 1 +31, 491, 30, 35, 1 +32, 491, 30, 36, 1 +33, 491, 30, 37, 1 +34, 491, 30, 38, 1 +35, 491, 30, 39, 1 +36, 491, 30, 40, 1 +37, 491, 30, 41, 1 +38, 491, 30, 42, 1 +39, 491, 30, 43, 1 +40, 491, 30, 44, 1 +41, 491, 30, 45, 1 +42, 491, 30, 46, 1 +43, 491, 30, 47, 1 +44, 491, 30, 48, 1 +45, 491, 30, 49, 1 +46, 491, 30, 50, 1 +47, 491, 30, 51, 1 +48, 491, 30, 52, 1 +49, 491, 30, 53, 1 +50, 491, 30, 54, 1 +51, 491, 30, 55, 1 +52, 491, 30, 56, 1 +53, 491, 30, 57, 1 +54, 491, 30, 58, 1 +55, 491, 30, 59, 1 +56, 491, 30, 60, 1 +57, 491, 30, 61, 1 +58, 491, 30, 62, 1 +59, 491, 30, 63, 1 +60, 491, 30, 64, 1 +61, 491, 30, 65, 1 +62, 491, 30, 66, 1 +63, 491, 30, 67, 1 +64, 491, 30, 68, 1 +65, 491, 30, 69, 1 +66, 491, 30, 70, 1 +67, 491, 30, 71, 1 +68, 491, 30, 72, 1 +69, 491, 30, 73, 1 +70, 491, 30, 74, 1 +71, 491, 30, 75, 1 +72, 491, 30, 76, 1 +73, 491, 30, 77, 1 +74, 491, 30, 78, 1 +75, 491, 30, 79, 1 +76, 491, 30, 80, 1 +77, 491, 30, 81, 1 +78, 491, 30, 82, 1 +79, 491, 30, 83, 1 +80, 491, 30, 84, 1 +81, 491, 30, 85, 1 +82, 491, 30, 86, 1 +83, 491, 30, 87, 1 +84, 491, 30, 88, 1 +85, 491, 30, 89, 1 +86, 491, 30, 90, 1 +87, 491, 30, 91, 1 +88, 491, 30, 92, 1 +89, 491, 30, 93, 1 +90, 491, 30, 94, 1 +91, 491, 30, 95, 1 +92, 491, 30, 96, 1 +93, 491, 30, 97, 1 +94, 491, 30, 98, 1 +95, 491, 30, 99, 1 +96, 491, 30, 100, 1 +97, 491, 31, 1, 1 +98, 491, 31, 2, 1 +99, 491, 31, 3, 1 +100, 491, 31, 4, 1 +101, 491, 31, 5, 1 +102, 491, 31, 6, 1 +103, 491, 31, 7, 1 +104, 491, 31, 8, 1 +105, 491, 31, 9, 1 +106, 491, 31, 10, 1 +107, 491, 31, 11, 1 +108, 491, 31, 12, 1 +109, 491, 31, 13, 1 +110, 491, 31, 14, 1 +111, 491, 31, 15, 1 +112, 491, 31, 16, 1 +113, 491, 31, 17, 1 +114, 491, 31, 18, 1 +115, 491, 31, 19, 1 +116, 491, 31, 20, 1 +117, 491, 31, 21, 1 +118, 491, 31, 22, 1 +119, 491, 31, 23, 1 +120, 491, 31, 24, 1 +121, 491, 31, 25, 1 +122, 491, 31, 26, 1 +123, 491, 31, 27, 1 +124, 491, 31, 28, 1 +125, 491, 31, 29, 1 +126, 491, 31, 30, 1 +127, 491, 31, 31, 1 +128, 491, 31, 32, 1 +129, 491, 31, 33, 1 +130, 491, 31, 34, 1 +131, 491, 31, 35, 1 +132, 491, 31, 36, 1 +133, 491, 31, 37, 1 +134, 491, 31, 38, 1 +135, 491, 31, 39, 1 +136, 491, 31, 40, 1 +137, 491, 31, 41, 1 +138, 491, 31, 42, 1 +139, 491, 31, 43, 1 +140, 491, 31, 44, 1 +141, 491, 31, 45, 1 +142, 491, 31, 46, 1 +143, 491, 31, 47, 1 +144, 491, 31, 48, 1 +145, 491, 31, 49, 1 +146, 491, 31, 50, 1 +147, 491, 31, 51, 1 +148, 491, 31, 52, 1 +149, 491, 31, 53, 1 +150, 491, 31, 54, 1 +151, 491, 31, 55, 1 +152, 491, 31, 56, 1 +153, 491, 31, 57, 1 +154, 491, 31, 58, 1 +155, 491, 31, 59, 1 +156, 491, 31, 60, 1 +157, 491, 31, 61, 1 +158, 491, 31, 62, 1 +159, 491, 31, 63, 1 +160, 491, 31, 64, 1 +161, 491, 31, 65, 1 +162, 491, 31, 66, 1 +163, 491, 31, 67, 1 +164, 491, 31, 68, 1 +165, 491, 31, 69, 1 +166, 491, 31, 70, 1 +167, 491, 31, 71, 1 +168, 491, 31, 72, 1 +169, 491, 31, 73, 1 +170, 491, 31, 74, 1 +171, 491, 31, 75, 1 +172, 491, 31, 76, 1 +173, 491, 31, 77, 1 +174, 491, 31, 78, 1 +175, 491, 31, 79, 1 +176, 491, 31, 80, 1 +177, 491, 31, 81, 1 +178, 491, 31, 82, 1 +179, 491, 31, 83, 1 +180, 491, 31, 84, 1 +181, 491, 31, 85, 1 +182, 491, 31, 86, 1 +183, 491, 31, 87, 1 +184, 491, 31, 88, 1 +185, 491, 31, 89, 1 +186, 491, 31, 90, 1 +187, 491, 31, 91, 1 +188, 491, 31, 92, 1 +189, 491, 31, 93, 1 +190, 491, 31, 94, 1 +191, 491, 31, 95, 1 +192, 491, 31, 96, 1 +193, 491, 31, 97, 1 +194, 491, 31, 98, 1 +195, 491, 31, 99, 1 +196, 491, 31, 100, 1 +197, 491, 32, 1, 1 +198, 491, 32, 2, 1 +199, 491, 32, 3, 1 +200, 491, 32, 4, 1 +201, 491, 32, 5, 1 +202, 491, 32, 6, 1 +203, 491, 32, 7, 1 +204, 491, 32, 8, 1 +205, 491, 32, 9, 1 +206, 491, 32, 10, 1 +207, 491, 32, 11, 1 +208, 491, 32, 12, 1 +209, 491, 32, 13, 1 +210, 491, 32, 14, 1 +211, 491, 32, 15, 1 +212, 491, 32, 16, 1 +213, 491, 32, 17, 1 +214, 491, 32, 18, 1 +215, 491, 32, 19, 1 +216, 491, 32, 20, 1 +217, 491, 32, 21, 1 +218, 491, 32, 22, 1 +219, 491, 32, 23, 1 +220, 491, 32, 24, 1 +221, 491, 32, 25, 1 +222, 491, 32, 26, 1 +223, 491, 32, 27, 1 +224, 491, 32, 28, 1 +225, 491, 32, 29, 1 +226, 491, 32, 30, 1 +227, 491, 32, 31, 1 +228, 491, 32, 32, 1 +229, 491, 32, 33, 1 +230, 491, 32, 34, 1 +231, 491, 32, 35, 1 +232, 491, 32, 36, 1 +233, 491, 32, 37, 1 +234, 491, 32, 38, 1 +235, 491, 32, 39, 1 +236, 491, 32, 40, 1 +237, 491, 32, 41, 1 +238, 491, 32, 42, 1 +239, 491, 32, 43, 1 +240, 491, 32, 44, 1 +241, 491, 32, 45, 1 +242, 491, 32, 46, 1 +243, 491, 32, 47, 1 +244, 491, 32, 48, 1 +245, 491, 32, 49, 1 +246, 491, 32, 50, 1 +247, 491, 32, 51, 1 +248, 491, 32, 52, 1 +249, 491, 32, 53, 1 +250, 491, 32, 54, 1 +251, 491, 32, 55, 1 +252, 491, 32, 56, 1 +253, 491, 32, 57, 1 +254, 491, 32, 58, 1 +255, 491, 32, 59, 1 +256, 491, 32, 60, 1 +257, 491, 32, 61, 1 +258, 491, 32, 62, 1 +259, 491, 32, 63, 1 +260, 491, 32, 64, 1 +261, 491, 32, 65, 1 +262, 491, 32, 66, 1 +263, 491, 32, 67, 1 +264, 491, 32, 68, 1 +265, 491, 32, 69, 1 +266, 491, 32, 70, 1 +267, 491, 32, 71, 1 +268, 491, 32, 72, 1 +269, 491, 32, 73, 1 +270, 491, 32, 74, 1 +271, 491, 32, 75, 1 +272, 491, 32, 76, 1 +273, 491, 32, 77, 1 +274, 491, 32, 78, 1 +275, 491, 32, 79, 1 +276, 491, 32, 80, 1 +277, 491, 32, 81, 1 +278, 491, 32, 82, 1 +279, 491, 32, 83, 1 +280, 491, 32, 84, 1 +281, 491, 32, 85, 1 +282, 491, 32, 86, 1 +283, 491, 32, 87, 1 +284, 491, 32, 88, 1 +285, 491, 32, 89, 1 +286, 491, 32, 90, 1 +287, 491, 32, 91, 1 +288, 491, 32, 92, 1 +289, 491, 32, 93, 1 +290, 491, 32, 94, 1 +291, 491, 32, 95, 1 +292, 491, 32, 96, 1 +293, 491, 32, 97, 1 +294, 491, 32, 98, 1 +295, 491, 32, 99, 1 +296, 491, 32, 100, 1 +297, 491, 33, 1, 1 +298, 491, 33, 2, 1 +299, 491, 33, 3, 1 +300, 491, 33, 4, 1 +301, 491, 33, 5, 1 +302, 491, 33, 6, 1 +303, 491, 33, 7, 1 +304, 491, 33, 8, 1 +305, 491, 33, 9, 1 +306, 491, 33, 10, 1 +307, 491, 33, 11, 1 +308, 491, 33, 12, 1 +309, 491, 33, 13, 1 +310, 491, 33, 14, 1 +311, 491, 33, 15, 1 +312, 491, 33, 16, 1 +313, 491, 33, 17, 1 +314, 491, 33, 18, 1 +315, 491, 33, 19, 1 +316, 491, 33, 20, 1 +317, 491, 33, 21, 1 +318, 491, 33, 22, 1 +319, 491, 33, 23, 1 +320, 491, 33, 24, 1 +321, 491, 33, 25, 1 +322, 491, 33, 26, 1 +323, 491, 33, 27, 1 +324, 491, 33, 28, 1 +325, 491, 33, 29, 1 +326, 491, 33, 30, 1 +327, 491, 33, 31, 1 +328, 491, 33, 32, 1 +329, 491, 33, 33, 1 +330, 491, 33, 34, 1 +331, 491, 33, 35, 1 +332, 491, 33, 36, 1 +333, 491, 33, 37, 1 +334, 491, 33, 38, 1 +335, 491, 33, 39, 1 +336, 491, 33, 40, 1 +337, 491, 33, 41, 1 +338, 491, 33, 42, 1 +339, 491, 33, 43, 1 +340, 491, 33, 44, 1 +341, 491, 33, 45, 1 +342, 491, 33, 46, 1 +343, 491, 33, 47, 1 +344, 491, 33, 48, 1 +345, 491, 33, 49, 1 +346, 491, 33, 50, 1 +347, 491, 33, 51, 1 +348, 491, 33, 52, 1 +349, 491, 33, 53, 1 +350, 491, 33, 54, 1 +351, 491, 33, 55, 1 +352, 491, 33, 56, 1 +353, 491, 33, 57, 1 +354, 491, 33, 58, 1 +355, 491, 33, 59, 1 +356, 491, 33, 60, 1 +357, 491, 33, 61, 1 +358, 491, 33, 62, 1 +359, 491, 33, 63, 1 +360, 491, 33, 64, 1 +361, 491, 33, 65, 1 +362, 491, 33, 66, 1 +363, 491, 33, 67, 1 +364, 491, 33, 68, 1 +365, 491, 33, 69, 1 +366, 491, 33, 70, 1 +367, 491, 33, 71, 1 +368, 491, 33, 72, 1 +369, 491, 33, 73, 1 +370, 491, 33, 74, 1 +371, 491, 33, 75, 1 +372, 491, 33, 76, 1 +373, 491, 33, 77, 1 +374, 491, 33, 78, 1 +375, 491, 33, 79, 1 +376, 491, 33, 80, 1 +377, 491, 33, 81, 1 +378, 491, 33, 82, 1 +379, 491, 33, 83, 1 +380, 491, 33, 84, 1 +381, 491, 33, 85, 1 +382, 491, 33, 86, 1 +383, 491, 33, 87, 1 +384, 491, 33, 88, 1 +385, 491, 33, 89, 1 +386, 491, 33, 90, 1 +387, 491, 33, 91, 1 +388, 491, 33, 92, 1 +389, 491, 33, 93, 1 +390, 491, 33, 94, 1 +391, 491, 33, 95, 1 +392, 491, 33, 96, 1 +393, 491, 33, 97, 1 +394, 491, 33, 98, 1 +395, 491, 33, 99, 1 +396, 491, 33, 100, 1 +397, 491, 34, 1, 1 +398, 491, 34, 2, 1 +399, 491, 34, 3, 1 +400, 491, 34, 4, 1 +401, 491, 34, 5, 1 +402, 491, 34, 6, 1 +403, 491, 34, 7, 1 +404, 491, 34, 8, 1 +405, 491, 34, 9, 1 +406, 491, 34, 10, 1 +407, 491, 34, 11, 1 +408, 491, 34, 12, 1 +409, 491, 34, 13, 1 +410, 491, 34, 14, 1 +411, 491, 34, 15, 1 +412, 491, 34, 16, 1 +413, 491, 34, 17, 1 +414, 491, 34, 18, 1 +415, 491, 34, 19, 1 +416, 491, 34, 20, 1 +417, 491, 34, 21, 1 +418, 491, 34, 22, 1 +419, 491, 34, 23, 1 +420, 491, 34, 24, 1 +421, 491, 34, 25, 1 +422, 491, 34, 26, 1 +423, 491, 34, 27, 1 +424, 491, 34, 28, 1 +425, 491, 34, 29, 1 +426, 491, 34, 30, 1 +427, 491, 34, 31, 1 +428, 491, 34, 32, 1 +429, 491, 34, 33, 1 +430, 491, 34, 34, 1 +431, 491, 34, 35, 1 +432, 491, 34, 36, 1 +433, 491, 34, 37, 1 +434, 491, 34, 38, 1 +435, 491, 34, 39, 1 +436, 491, 34, 40, 1 +437, 491, 34, 41, 1 +438, 491, 34, 42, 1 +439, 491, 34, 43, 1 +440, 491, 34, 44, 1 +441, 491, 34, 45, 1 +442, 491, 34, 46, 1 +443, 491, 34, 47, 1 +444, 491, 34, 48, 1 +445, 491, 34, 49, 1 +446, 491, 34, 50, 1 +447, 491, 34, 51, 1 +448, 491, 34, 52, 1 +449, 491, 34, 53, 1 +450, 491, 34, 54, 1 +451, 491, 34, 55, 1 +452, 491, 34, 56, 1 +453, 491, 34, 57, 1 +454, 491, 34, 58, 1 +455, 491, 34, 59, 1 +456, 491, 34, 60, 1 +457, 491, 34, 61, 1 +458, 491, 34, 62, 1 +459, 491, 34, 63, 1 +460, 491, 34, 64, 1 +461, 491, 34, 65, 1 +462, 491, 34, 66, 1 +463, 491, 34, 67, 1 +464, 491, 34, 68, 1 +465, 491, 34, 69, 1 +466, 491, 34, 70, 1 +467, 491, 34, 71, 1 +468, 491, 34, 72, 1 +469, 491, 34, 73, 1 +470, 491, 34, 74, 1 +471, 491, 34, 75, 1 +472, 491, 34, 76, 1 +473, 491, 34, 77, 1 +474, 491, 34, 78, 1 +475, 491, 34, 79, 1 +476, 491, 34, 80, 1 +477, 491, 34, 81, 1 +478, 491, 34, 82, 1 +479, 491, 34, 83, 1 +480, 491, 34, 84, 1 +481, 491, 34, 85, 1 +482, 491, 34, 86, 1 +483, 491, 34, 87, 1 +484, 491, 34, 88, 1 +1, 492, 34, 89, 1 +2, 492, 34, 90, 1 +3, 492, 34, 91, 1 +4, 492, 34, 92, 1 +5, 492, 34, 93, 1 +6, 492, 34, 94, 1 +7, 492, 34, 95, 1 +8, 492, 34, 96, 1 +9, 492, 34, 97, 1 +10, 492, 34, 98, 1 +11, 492, 34, 99, 1 +12, 492, 34, 100, 1 +13, 492, 35, 1, 1 +14, 492, 35, 2, 1 +15, 492, 35, 3, 1 +16, 492, 35, 4, 1 +17, 492, 35, 5, 1 +18, 492, 35, 6, 1 +19, 492, 35, 7, 1 +20, 492, 35, 8, 1 +21, 492, 35, 9, 1 +22, 492, 35, 10, 1 +23, 492, 35, 11, 1 +24, 492, 35, 12, 1 +25, 492, 35, 13, 1 +26, 492, 35, 14, 1 +27, 492, 35, 15, 1 +28, 492, 35, 16, 1 +29, 492, 35, 17, 1 +30, 492, 35, 18, 1 +31, 492, 35, 19, 1 +32, 492, 35, 20, 1 +33, 492, 35, 21, 1 +34, 492, 35, 22, 1 +35, 492, 35, 23, 1 +36, 492, 35, 24, 1 +37, 492, 35, 25, 1 +38, 492, 35, 26, 1 +39, 492, 35, 27, 1 +40, 492, 35, 28, 1 +41, 492, 35, 29, 1 +42, 492, 35, 30, 1 +43, 492, 35, 31, 1 +44, 492, 35, 32, 1 +45, 492, 35, 33, 1 +46, 492, 35, 34, 1 +47, 492, 35, 35, 1 +48, 492, 35, 36, 1 +49, 492, 35, 37, 1 +50, 492, 35, 38, 1 +51, 492, 35, 39, 1 +52, 492, 35, 40, 1 +53, 492, 35, 41, 1 +54, 492, 35, 42, 1 +55, 492, 35, 43, 1 +56, 492, 35, 44, 1 +57, 492, 35, 45, 1 +58, 492, 35, 46, 1 +59, 492, 35, 47, 1 +60, 492, 35, 48, 1 +61, 492, 35, 49, 1 +62, 492, 35, 50, 1 +63, 492, 35, 51, 1 +64, 492, 35, 52, 1 +65, 492, 35, 53, 1 +66, 492, 35, 54, 1 +67, 492, 35, 55, 1 +68, 492, 35, 56, 1 +69, 492, 35, 57, 1 +70, 492, 35, 58, 1 +71, 492, 35, 59, 1 +72, 492, 35, 60, 1 +73, 492, 35, 61, 1 +74, 492, 35, 62, 1 +75, 492, 35, 63, 1 +76, 492, 35, 64, 1 +77, 492, 35, 65, 1 +78, 492, 35, 66, 1 +79, 492, 35, 67, 1 +80, 492, 35, 68, 1 +81, 492, 35, 69, 1 +82, 492, 35, 70, 1 +83, 492, 35, 71, 1 +84, 492, 35, 72, 1 +85, 492, 35, 73, 1 +86, 492, 35, 74, 1 +87, 492, 35, 75, 1 +88, 492, 35, 76, 1 +89, 492, 35, 77, 1 +90, 492, 35, 78, 1 +91, 492, 35, 79, 1 +92, 492, 35, 80, 1 +93, 492, 35, 81, 1 +94, 492, 35, 82, 1 +95, 492, 35, 83, 1 +96, 492, 35, 84, 1 +97, 492, 35, 85, 1 +98, 492, 35, 86, 1 +99, 492, 35, 87, 1 +100, 492, 35, 88, 1 +101, 492, 35, 89, 1 +102, 492, 35, 90, 1 +103, 492, 35, 91, 1 +104, 492, 35, 92, 1 +105, 492, 35, 93, 1 +106, 492, 35, 94, 1 +107, 492, 35, 95, 1 +108, 492, 35, 96, 1 +109, 492, 35, 97, 1 +110, 492, 35, 98, 1 +111, 492, 35, 99, 1 +112, 492, 35, 100, 1 +113, 492, 36, 1, 1 +114, 492, 36, 2, 1 +115, 492, 36, 3, 1 +116, 492, 36, 4, 1 +117, 492, 36, 5, 1 +118, 492, 36, 6, 1 +119, 492, 36, 7, 1 +120, 492, 36, 8, 1 +121, 492, 36, 9, 1 +122, 492, 36, 10, 1 +123, 492, 36, 11, 1 +124, 492, 36, 12, 1 +125, 492, 36, 13, 1 +126, 492, 36, 14, 1 +127, 492, 36, 15, 1 +128, 492, 36, 16, 1 +129, 492, 36, 17, 1 +130, 492, 36, 18, 1 +131, 492, 36, 19, 1 +132, 492, 36, 20, 1 +133, 492, 36, 21, 1 +134, 492, 36, 22, 1 +135, 492, 36, 23, 1 +136, 492, 36, 24, 1 +137, 492, 36, 25, 1 +138, 492, 36, 26, 1 +139, 492, 36, 27, 1 +140, 492, 36, 28, 1 +141, 492, 36, 29, 1 +142, 492, 36, 30, 1 +143, 492, 36, 31, 1 +144, 492, 36, 32, 1 +145, 492, 36, 33, 1 +146, 492, 36, 34, 1 +147, 492, 36, 35, 1 +148, 492, 36, 36, 1 +149, 492, 36, 37, 1 +150, 492, 36, 38, 1 +151, 492, 36, 39, 1 +152, 492, 36, 40, 1 +153, 492, 36, 41, 1 +154, 492, 36, 42, 1 +155, 492, 36, 43, 1 +156, 492, 36, 44, 1 +157, 492, 36, 45, 1 +158, 492, 36, 46, 1 +159, 492, 36, 47, 1 +160, 492, 36, 48, 1 +161, 492, 36, 49, 1 +162, 492, 36, 50, 1 +163, 492, 36, 51, 1 +164, 492, 36, 52, 1 +165, 492, 36, 53, 1 +166, 492, 36, 54, 1 +167, 492, 36, 55, 1 +168, 492, 36, 56, 1 +169, 492, 36, 57, 1 +170, 492, 36, 58, 1 +171, 492, 36, 59, 1 +172, 492, 36, 60, 1 +173, 492, 36, 61, 1 +174, 492, 36, 62, 1 +175, 492, 36, 63, 1 +176, 492, 36, 64, 1 +177, 492, 36, 65, 1 +178, 492, 36, 66, 1 +179, 492, 36, 67, 1 +180, 492, 36, 68, 1 +181, 492, 36, 69, 1 +182, 492, 36, 70, 1 +183, 492, 36, 71, 1 +184, 492, 36, 72, 1 +185, 492, 36, 73, 1 +186, 492, 36, 74, 1 +187, 492, 36, 75, 1 +188, 492, 36, 76, 1 +189, 492, 36, 77, 1 +190, 492, 36, 78, 1 +191, 492, 36, 79, 1 +192, 492, 36, 80, 1 +193, 492, 36, 81, 1 +194, 492, 36, 82, 1 +195, 492, 36, 83, 1 +196, 492, 36, 84, 1 +197, 492, 36, 85, 1 +198, 492, 36, 86, 1 +199, 492, 36, 87, 1 +200, 492, 36, 88, 1 +201, 492, 36, 89, 1 +202, 492, 36, 90, 1 +203, 492, 36, 91, 1 +204, 492, 36, 92, 1 +205, 492, 36, 93, 1 +206, 492, 36, 94, 1 +207, 492, 36, 95, 1 +208, 492, 36, 96, 1 +209, 492, 36, 97, 1 +210, 492, 36, 98, 1 +211, 492, 36, 99, 1 +212, 492, 36, 100, 1 +213, 492, 37, 1, 1 +214, 492, 37, 2, 1 +215, 492, 37, 3, 1 +216, 492, 37, 4, 1 +217, 492, 37, 5, 1 +218, 492, 37, 6, 1 +219, 492, 37, 7, 1 +220, 492, 37, 8, 1 +221, 492, 37, 9, 1 +222, 492, 37, 10, 1 +223, 492, 37, 11, 1 +224, 492, 37, 12, 1 +225, 492, 37, 13, 1 +226, 492, 37, 14, 1 +227, 492, 37, 15, 1 +228, 492, 37, 16, 1 +229, 492, 37, 17, 1 +230, 492, 37, 18, 1 +231, 492, 37, 19, 1 +232, 492, 37, 20, 1 +233, 492, 37, 21, 1 +234, 492, 37, 22, 1 +235, 492, 37, 23, 1 +236, 492, 37, 24, 1 +237, 492, 37, 25, 1 +238, 492, 37, 26, 1 +239, 492, 37, 27, 1 +240, 492, 37, 28, 1 +241, 492, 37, 29, 1 +242, 492, 37, 30, 1 +243, 492, 37, 31, 1 +244, 492, 37, 32, 1 +245, 492, 37, 33, 1 +246, 492, 37, 34, 1 +247, 492, 37, 35, 1 +248, 492, 37, 36, 1 +249, 492, 37, 37, 1 +250, 492, 37, 38, 1 +251, 492, 37, 39, 1 +252, 492, 37, 40, 1 +253, 492, 37, 41, 1 +254, 492, 37, 42, 1 +255, 492, 37, 43, 1 +256, 492, 37, 44, 1 +257, 492, 37, 45, 1 +258, 492, 37, 46, 1 +259, 492, 37, 47, 1 +260, 492, 37, 48, 1 +261, 492, 37, 49, 1 +262, 492, 37, 50, 1 +263, 492, 37, 51, 1 +264, 492, 37, 52, 1 +265, 492, 37, 53, 1 +266, 492, 37, 54, 1 +267, 492, 37, 55, 1 +268, 492, 37, 56, 1 +269, 492, 37, 57, 1 +270, 492, 37, 58, 1 +271, 492, 37, 59, 1 +272, 492, 37, 60, 1 +273, 492, 37, 61, 1 +274, 492, 37, 62, 1 +275, 492, 37, 63, 1 +276, 492, 37, 64, 1 +277, 492, 37, 65, 1 +278, 492, 37, 66, 1 +279, 492, 37, 67, 1 +280, 492, 37, 68, 1 +281, 492, 37, 69, 1 +282, 492, 37, 70, 1 +283, 492, 37, 71, 1 +284, 492, 37, 72, 1 +285, 492, 37, 73, 1 +286, 492, 37, 74, 1 +287, 492, 37, 75, 1 +288, 492, 37, 76, 1 +289, 492, 37, 77, 1 +290, 492, 37, 78, 1 +291, 492, 37, 79, 1 +292, 492, 37, 80, 1 +293, 492, 37, 81, 1 +294, 492, 37, 82, 1 +295, 492, 37, 83, 1 +296, 492, 37, 84, 1 +297, 492, 37, 85, 1 +298, 492, 37, 86, 1 +299, 492, 37, 87, 1 +300, 492, 37, 88, 1 +301, 492, 37, 89, 1 +302, 492, 37, 90, 1 +303, 492, 37, 91, 1 +304, 492, 37, 92, 1 +305, 492, 37, 93, 1 +306, 492, 37, 94, 1 +307, 492, 37, 95, 1 +308, 492, 37, 96, 1 +309, 492, 37, 97, 1 +310, 492, 37, 98, 1 +311, 492, 37, 99, 1 +312, 492, 37, 100, 1 +313, 492, 38, 1, 1 +314, 492, 38, 2, 1 +315, 492, 38, 3, 1 +316, 492, 38, 4, 1 +317, 492, 38, 5, 1 +318, 492, 38, 6, 1 +319, 492, 38, 7, 1 +320, 492, 38, 8, 1 +321, 492, 38, 9, 1 +322, 492, 38, 10, 1 +323, 492, 38, 11, 1 +324, 492, 38, 12, 1 +325, 492, 38, 13, 1 +326, 492, 38, 14, 1 +327, 492, 38, 15, 1 +328, 492, 38, 16, 1 +329, 492, 38, 17, 1 +330, 492, 38, 18, 1 +331, 492, 38, 19, 1 +332, 492, 38, 20, 1 +333, 492, 38, 21, 1 +334, 492, 38, 22, 1 +335, 492, 38, 23, 1 +336, 492, 38, 24, 1 +337, 492, 38, 25, 1 +338, 492, 38, 26, 1 +339, 492, 38, 27, 1 +340, 492, 38, 28, 1 +341, 492, 38, 29, 1 +342, 492, 38, 30, 1 +343, 492, 38, 31, 1 +344, 492, 38, 32, 1 +345, 492, 38, 33, 1 +346, 492, 38, 34, 1 +347, 492, 38, 35, 1 +348, 492, 38, 36, 1 +349, 492, 38, 37, 1 +350, 492, 38, 38, 1 +351, 492, 38, 39, 1 +352, 492, 38, 40, 1 +353, 492, 38, 41, 1 +354, 492, 38, 42, 1 +355, 492, 38, 43, 1 +356, 492, 38, 44, 1 +357, 492, 38, 45, 1 +358, 492, 38, 46, 1 +359, 492, 38, 47, 1 +360, 492, 38, 48, 1 +361, 492, 38, 49, 1 +362, 492, 38, 50, 1 +363, 492, 38, 51, 1 +364, 492, 38, 52, 1 +365, 492, 38, 53, 1 +366, 492, 38, 54, 1 +367, 492, 38, 55, 1 +368, 492, 38, 56, 1 +369, 492, 38, 57, 1 +370, 492, 38, 58, 1 +371, 492, 38, 59, 1 +372, 492, 38, 60, 1 +373, 492, 38, 61, 1 +374, 492, 38, 62, 1 +375, 492, 38, 63, 1 +376, 492, 38, 64, 1 +377, 492, 38, 65, 1 +378, 492, 38, 66, 1 +379, 492, 38, 67, 1 +380, 492, 38, 68, 1 +381, 492, 38, 69, 1 +382, 492, 38, 70, 1 +383, 492, 38, 71, 1 +384, 492, 38, 72, 1 +385, 492, 38, 73, 1 +386, 492, 38, 74, 1 +387, 492, 38, 75, 1 +388, 492, 38, 76, 1 +389, 492, 38, 77, 1 +390, 492, 38, 78, 1 +391, 492, 38, 79, 1 +392, 492, 38, 80, 1 +393, 492, 38, 81, 1 +394, 492, 38, 82, 1 +395, 492, 38, 83, 1 +396, 492, 38, 84, 1 +397, 492, 38, 85, 1 +398, 492, 38, 86, 1 +399, 492, 38, 87, 1 +400, 492, 38, 88, 1 +401, 492, 38, 89, 1 +402, 492, 38, 90, 1 +403, 492, 38, 91, 1 +404, 492, 38, 92, 1 +405, 492, 38, 93, 1 +406, 492, 38, 94, 1 +407, 492, 38, 95, 1 +408, 492, 38, 96, 1 +409, 492, 38, 97, 1 +410, 492, 38, 98, 1 +411, 492, 38, 99, 1 +412, 492, 38, 100, 1 +413, 492, 39, 1, 1 +414, 492, 39, 2, 1 +415, 492, 39, 3, 1 +416, 492, 39, 4, 1 +417, 492, 39, 5, 1 +418, 492, 39, 6, 1 +419, 492, 39, 7, 1 +420, 492, 39, 8, 1 +421, 492, 39, 9, 1 +422, 492, 39, 10, 1 +423, 492, 39, 11, 1 +424, 492, 39, 12, 1 +425, 492, 39, 13, 1 +426, 492, 39, 14, 1 +427, 492, 39, 15, 1 +428, 492, 39, 16, 1 +429, 492, 39, 17, 1 +430, 492, 39, 18, 1 +431, 492, 39, 19, 1 +432, 492, 39, 20, 1 +433, 492, 39, 21, 1 +434, 492, 39, 22, 1 +435, 492, 39, 23, 1 +436, 492, 39, 24, 1 +437, 492, 39, 25, 1 +438, 492, 39, 26, 1 +439, 492, 39, 27, 1 +440, 492, 39, 28, 1 +441, 492, 39, 29, 1 +442, 492, 39, 30, 1 +443, 492, 39, 31, 1 +444, 492, 39, 32, 1 +445, 492, 39, 33, 1 +446, 492, 39, 34, 1 +447, 492, 39, 35, 1 +448, 492, 39, 36, 1 +449, 492, 39, 37, 1 +450, 492, 39, 38, 1 +451, 492, 39, 39, 1 +452, 492, 39, 40, 1 +453, 492, 39, 41, 1 +454, 492, 39, 42, 1 +455, 492, 39, 43, 1 +456, 492, 39, 44, 1 +457, 492, 39, 45, 1 +458, 492, 39, 46, 1 +459, 492, 39, 47, 1 +460, 492, 39, 48, 1 +461, 492, 39, 49, 1 +462, 492, 39, 50, 1 +463, 492, 39, 51, 1 +464, 492, 39, 52, 1 +465, 492, 39, 53, 1 +466, 492, 39, 54, 1 +467, 492, 39, 55, 1 +468, 492, 39, 56, 1 +469, 492, 39, 57, 1 +470, 492, 39, 58, 1 +471, 492, 39, 59, 1 +472, 492, 39, 60, 1 +473, 492, 39, 61, 1 +474, 492, 39, 62, 1 +475, 492, 39, 63, 1 +476, 492, 39, 64, 1 +477, 492, 39, 65, 1 +478, 492, 39, 66, 1 +479, 492, 39, 67, 1 +480, 492, 39, 68, 1 +481, 492, 39, 69, 1 +482, 492, 39, 70, 1 +483, 492, 39, 71, 1 +484, 492, 39, 72, 1 +1, 493, 39, 73, 1 +2, 493, 39, 74, 1 +3, 493, 39, 75, 1 +4, 493, 39, 76, 1 +5, 493, 39, 77, 1 +6, 493, 39, 78, 1 +7, 493, 39, 79, 1 +8, 493, 39, 80, 1 +9, 493, 39, 81, 1 +10, 493, 39, 82, 1 +11, 493, 39, 83, 1 +12, 493, 39, 84, 1 +13, 493, 39, 85, 1 +14, 493, 39, 86, 1 +15, 493, 39, 87, 1 +16, 493, 39, 88, 1 +17, 493, 39, 89, 1 +18, 493, 39, 90, 1 +19, 493, 39, 91, 1 +20, 493, 39, 92, 1 +21, 493, 39, 93, 1 +22, 493, 39, 94, 1 +23, 493, 39, 95, 1 +24, 493, 39, 96, 1 +25, 493, 39, 97, 1 +26, 493, 39, 98, 1 +27, 493, 39, 99, 1 +28, 493, 39, 100, 1 +29, 493, 40, 1, 1 +30, 493, 40, 2, 1 +31, 493, 40, 3, 1 +32, 493, 40, 4, 1 +33, 493, 40, 5, 1 +34, 493, 40, 6, 1 +35, 493, 40, 7, 1 +36, 493, 40, 8, 1 +37, 493, 40, 9, 1 +38, 493, 40, 10, 1 +39, 493, 40, 11, 1 +40, 493, 40, 12, 1 +41, 493, 40, 13, 1 +42, 493, 40, 14, 1 +43, 493, 40, 15, 1 +44, 493, 40, 16, 1 +45, 493, 40, 17, 1 +46, 493, 40, 18, 1 +47, 493, 40, 19, 1 +48, 493, 40, 20, 1 +49, 493, 40, 21, 1 +50, 493, 40, 22, 1 +51, 493, 40, 23, 1 +52, 493, 40, 24, 1 +53, 493, 40, 25, 1 +54, 493, 40, 26, 1 +55, 493, 40, 27, 1 +56, 493, 40, 28, 1 +57, 493, 40, 29, 1 +58, 493, 40, 30, 1 +59, 493, 40, 31, 1 +60, 493, 40, 32, 1 +61, 493, 40, 33, 1 +62, 493, 40, 34, 1 +63, 493, 40, 35, 1 +64, 493, 40, 36, 1 +65, 493, 40, 37, 1 +66, 493, 40, 38, 1 +67, 493, 40, 39, 1 +68, 493, 40, 40, 1 +69, 493, 40, 41, 1 +70, 493, 40, 42, 1 +71, 493, 40, 43, 1 +72, 493, 40, 44, 1 +73, 493, 40, 45, 1 +74, 493, 40, 46, 1 +75, 493, 40, 47, 1 +76, 493, 40, 48, 1 +77, 493, 40, 49, 1 +78, 493, 40, 50, 1 +79, 493, 40, 51, 1 +80, 493, 40, 52, 1 +81, 493, 40, 53, 1 +82, 493, 40, 54, 1 +83, 493, 40, 55, 1 +84, 493, 40, 56, 1 +85, 493, 40, 57, 1 +86, 493, 40, 58, 1 +87, 493, 40, 59, 1 +88, 493, 40, 60, 1 +89, 493, 40, 61, 1 +90, 493, 40, 62, 1 +91, 493, 40, 63, 1 +92, 493, 40, 64, 1 +93, 493, 40, 65, 1 +94, 493, 40, 66, 1 +95, 493, 40, 67, 1 +96, 493, 40, 68, 1 +97, 493, 40, 69, 1 +98, 493, 40, 70, 1 +99, 493, 40, 71, 1 +100, 493, 40, 72, 1 +101, 493, 40, 73, 1 +102, 493, 40, 74, 1 +103, 493, 40, 75, 1 +104, 493, 40, 76, 1 +105, 493, 40, 77, 1 +106, 493, 40, 78, 1 +107, 493, 40, 79, 1 +108, 493, 40, 80, 1 +109, 493, 40, 81, 1 +110, 493, 40, 82, 1 +111, 493, 40, 83, 1 +112, 493, 40, 84, 1 +113, 493, 40, 85, 1 +114, 493, 40, 86, 1 +115, 493, 40, 87, 1 +116, 493, 40, 88, 1 +117, 493, 40, 89, 1 +118, 493, 40, 90, 1 +119, 493, 40, 91, 1 +120, 493, 40, 92, 1 +121, 493, 40, 93, 1 +122, 493, 40, 94, 1 +123, 493, 40, 95, 1 +124, 493, 40, 96, 1 +125, 493, 40, 97, 1 +126, 493, 40, 98, 1 +127, 493, 40, 99, 1 +128, 493, 40, 100, 1 +129, 493, 41, 1, 1 +130, 493, 41, 2, 1 +131, 493, 41, 3, 1 +132, 493, 41, 4, 1 +133, 493, 41, 5, 1 +134, 493, 41, 6, 1 +135, 493, 41, 7, 1 +136, 493, 41, 8, 1 +137, 493, 41, 9, 1 +138, 493, 41, 10, 1 +139, 493, 41, 11, 1 +140, 493, 41, 12, 1 +141, 493, 41, 13, 1 +142, 493, 41, 14, 1 +143, 493, 41, 15, 1 +144, 493, 41, 16, 1 +145, 493, 41, 17, 1 +146, 493, 41, 18, 1 +147, 493, 41, 19, 1 +148, 493, 41, 20, 1 +149, 493, 41, 21, 1 +150, 493, 41, 22, 1 +151, 493, 41, 23, 1 +152, 493, 41, 24, 1 +153, 493, 41, 25, 1 +154, 493, 41, 26, 1 +155, 493, 41, 27, 1 +156, 493, 41, 28, 1 +157, 493, 41, 29, 1 +158, 493, 41, 30, 1 +159, 493, 41, 31, 1 +160, 493, 41, 32, 1 +161, 493, 41, 33, 1 +162, 493, 41, 34, 1 +163, 493, 41, 35, 1 +164, 493, 41, 36, 1 +165, 493, 41, 37, 1 +166, 493, 41, 38, 1 +167, 493, 41, 39, 1 +168, 493, 41, 40, 1 +169, 493, 41, 41, 1 +170, 493, 41, 42, 1 +171, 493, 41, 43, 1 +172, 493, 41, 44, 1 +173, 493, 41, 45, 1 +174, 493, 41, 46, 1 +175, 493, 41, 47, 1 +176, 493, 41, 48, 1 +177, 493, 41, 49, 1 +178, 493, 41, 50, 1 +179, 493, 41, 51, 1 +180, 493, 41, 52, 1 +181, 493, 41, 53, 1 +182, 493, 41, 54, 1 +183, 493, 41, 55, 1 +184, 493, 41, 56, 1 +185, 493, 41, 57, 1 +186, 493, 41, 58, 1 +187, 493, 41, 59, 1 +188, 493, 41, 60, 1 +189, 493, 41, 61, 1 +190, 493, 41, 62, 1 +191, 493, 41, 63, 1 +192, 493, 41, 64, 1 +193, 493, 41, 65, 1 +194, 493, 41, 66, 1 +195, 493, 41, 67, 1 +196, 493, 41, 68, 1 +197, 493, 41, 69, 1 +198, 493, 41, 70, 1 +199, 493, 41, 71, 1 +200, 493, 41, 72, 1 +201, 493, 41, 73, 1 +202, 493, 41, 74, 1 +203, 493, 41, 75, 1 +204, 493, 41, 76, 1 +205, 493, 41, 77, 1 +206, 493, 41, 78, 1 +207, 493, 41, 79, 1 +208, 493, 41, 80, 1 +209, 493, 41, 81, 1 +210, 493, 41, 82, 1 +211, 493, 41, 83, 1 +212, 493, 41, 84, 1 +213, 493, 41, 85, 1 +214, 493, 41, 86, 1 +215, 493, 41, 87, 1 +216, 493, 41, 88, 1 +217, 493, 41, 89, 1 +218, 493, 41, 90, 1 +219, 493, 41, 91, 1 +220, 493, 41, 92, 1 +221, 493, 41, 93, 1 +222, 493, 41, 94, 1 +223, 493, 41, 95, 1 +224, 493, 41, 96, 1 +225, 493, 41, 97, 1 +226, 493, 41, 98, 1 +227, 493, 41, 99, 1 +228, 493, 41, 100, 1 +229, 493, 42, 1, 1 +230, 493, 42, 2, 1 +231, 493, 42, 3, 1 +232, 493, 42, 4, 1 +233, 493, 42, 5, 1 +234, 493, 42, 6, 1 +235, 493, 42, 7, 1 +236, 493, 42, 8, 1 +237, 493, 42, 9, 1 +238, 493, 42, 10, 1 +239, 493, 42, 11, 1 +240, 493, 42, 12, 1 +241, 493, 42, 13, 1 +242, 493, 42, 14, 1 +243, 493, 42, 15, 1 +244, 493, 42, 16, 1 +245, 493, 42, 17, 1 +246, 493, 42, 18, 1 +247, 493, 42, 19, 1 +248, 493, 42, 20, 1 +249, 493, 42, 21, 1 +250, 493, 42, 22, 1 +251, 493, 42, 23, 1 +252, 493, 42, 24, 1 +253, 493, 42, 25, 1 +254, 493, 42, 26, 1 +255, 493, 42, 27, 1 +256, 493, 42, 28, 1 +257, 493, 42, 29, 1 +258, 493, 42, 30, 1 +259, 493, 42, 31, 1 +260, 493, 42, 32, 1 +261, 493, 42, 33, 1 +262, 493, 42, 34, 1 +263, 493, 42, 35, 1 +264, 493, 42, 36, 1 +265, 493, 42, 37, 1 +266, 493, 42, 38, 1 +267, 493, 42, 39, 1 +268, 493, 42, 40, 1 +269, 493, 42, 41, 1 +270, 493, 42, 42, 1 +271, 493, 42, 43, 1 +272, 493, 42, 44, 1 +273, 493, 42, 45, 1 +274, 493, 42, 46, 1 +275, 493, 42, 47, 1 +276, 493, 42, 48, 1 +277, 493, 42, 49, 1 +278, 493, 42, 50, 1 +279, 493, 42, 51, 1 +280, 493, 42, 52, 1 +281, 493, 42, 53, 1 +282, 493, 42, 54, 1 +283, 493, 42, 55, 1 +284, 493, 42, 56, 1 +285, 493, 42, 57, 1 +286, 493, 42, 58, 1 +287, 493, 42, 59, 1 +288, 493, 42, 60, 1 +289, 493, 42, 61, 1 +290, 493, 42, 62, 1 +291, 493, 42, 63, 1 +292, 493, 42, 64, 1 +293, 493, 42, 65, 1 +294, 493, 42, 66, 1 +295, 493, 42, 67, 1 +296, 493, 42, 68, 1 +297, 493, 42, 69, 1 +298, 493, 42, 70, 1 +299, 493, 42, 71, 1 +300, 493, 42, 72, 1 +301, 493, 42, 73, 1 +302, 493, 42, 74, 1 +303, 493, 42, 75, 1 +304, 493, 42, 76, 1 +305, 493, 42, 77, 1 +306, 493, 42, 78, 1 +307, 493, 42, 79, 1 +308, 493, 42, 80, 1 +309, 493, 42, 81, 1 +310, 493, 42, 82, 1 +311, 493, 42, 83, 1 +312, 493, 42, 84, 1 +313, 493, 42, 85, 1 +314, 493, 42, 86, 1 +315, 493, 42, 87, 1 +316, 493, 42, 88, 1 +317, 493, 42, 89, 1 +318, 493, 42, 90, 1 +319, 493, 42, 91, 1 +320, 493, 42, 92, 1 +321, 493, 42, 93, 1 +322, 493, 42, 94, 1 +323, 493, 42, 95, 1 +324, 493, 42, 96, 1 +325, 493, 42, 97, 1 +326, 493, 42, 98, 1 +327, 493, 42, 99, 1 +328, 493, 42, 100, 1 +329, 493, 43, 1, 1 +330, 493, 43, 2, 1 +331, 493, 43, 3, 1 +332, 493, 43, 4, 1 +333, 493, 43, 5, 1 +334, 493, 43, 6, 1 +335, 493, 43, 7, 1 +336, 493, 43, 8, 1 +337, 493, 43, 9, 1 +338, 493, 43, 10, 1 +339, 493, 43, 11, 1 +340, 493, 43, 12, 1 +341, 493, 43, 13, 1 +342, 493, 43, 14, 1 +343, 493, 43, 15, 1 +344, 493, 43, 16, 1 +345, 493, 43, 17, 1 +346, 493, 43, 18, 1 +347, 493, 43, 19, 1 +348, 493, 43, 20, 1 +349, 493, 43, 21, 1 +350, 493, 43, 22, 1 +351, 493, 43, 23, 1 +352, 493, 43, 24, 1 +353, 493, 43, 25, 1 +354, 493, 43, 26, 1 +355, 493, 43, 27, 1 +356, 493, 43, 28, 1 +357, 493, 43, 29, 1 +358, 493, 43, 30, 1 +359, 493, 43, 31, 1 +360, 493, 43, 32, 1 +361, 493, 43, 33, 1 +362, 493, 43, 34, 1 +363, 493, 43, 35, 1 +364, 493, 43, 36, 1 +365, 493, 43, 37, 1 +366, 493, 43, 38, 1 +367, 493, 43, 39, 1 +368, 493, 43, 40, 1 +369, 493, 43, 41, 1 +370, 493, 43, 42, 1 +371, 493, 43, 43, 1 +372, 493, 43, 44, 1 +373, 493, 43, 45, 1 +374, 493, 43, 46, 1 +375, 493, 43, 47, 1 +376, 493, 43, 48, 1 +377, 493, 43, 49, 1 +378, 493, 43, 50, 1 +379, 493, 43, 51, 1 +380, 493, 43, 52, 1 +381, 493, 43, 53, 1 +382, 493, 43, 54, 1 +383, 493, 43, 55, 1 +384, 493, 43, 56, 1 +385, 493, 43, 57, 1 +386, 493, 43, 58, 1 +387, 493, 43, 59, 1 +388, 493, 43, 60, 1 +389, 493, 43, 61, 1 +390, 493, 43, 62, 1 +391, 493, 43, 63, 1 +392, 493, 43, 64, 1 +393, 493, 43, 65, 1 +394, 493, 43, 66, 1 +395, 493, 43, 67, 1 +396, 493, 43, 68, 1 +397, 493, 43, 69, 1 +398, 493, 43, 70, 1 +399, 493, 43, 71, 1 +400, 493, 43, 72, 1 +401, 493, 43, 73, 1 +402, 493, 43, 74, 1 +403, 493, 43, 75, 1 +404, 493, 43, 76, 1 +405, 493, 43, 77, 1 +406, 493, 43, 78, 1 +407, 493, 43, 79, 1 +408, 493, 43, 80, 1 +409, 493, 43, 81, 1 +410, 493, 43, 82, 1 +411, 493, 43, 83, 1 +412, 493, 43, 84, 1 +413, 493, 43, 85, 1 +414, 493, 43, 86, 1 +415, 493, 43, 87, 1 +416, 493, 43, 88, 1 +417, 493, 43, 89, 1 +418, 493, 43, 90, 1 +419, 493, 43, 91, 1 +420, 493, 43, 92, 1 +421, 493, 43, 93, 1 +422, 493, 43, 94, 1 +423, 493, 43, 95, 1 +424, 493, 43, 96, 1 +425, 493, 43, 97, 1 +426, 493, 43, 98, 1 +427, 493, 43, 99, 1 +428, 493, 43, 100, 1 +429, 493, 44, 1, 1 +430, 493, 44, 2, 1 +431, 493, 44, 3, 1 +432, 493, 44, 4, 1 +433, 493, 44, 5, 1 +434, 493, 44, 6, 1 +435, 493, 44, 7, 1 +436, 493, 44, 8, 1 +437, 493, 44, 9, 1 +438, 493, 44, 10, 1 +439, 493, 44, 11, 1 +440, 493, 44, 12, 1 +441, 493, 44, 13, 1 +442, 493, 44, 14, 1 +443, 493, 44, 15, 1 +444, 493, 44, 16, 1 +445, 493, 44, 17, 1 +446, 493, 44, 18, 1 +447, 493, 44, 19, 1 +448, 493, 44, 20, 1 +449, 493, 44, 21, 1 +450, 493, 44, 22, 1 +451, 493, 44, 23, 1 +452, 493, 44, 24, 1 +453, 493, 44, 25, 1 +454, 493, 44, 26, 1 +455, 493, 44, 27, 1 +456, 493, 44, 28, 1 +457, 493, 44, 29, 1 +458, 493, 44, 30, 1 +459, 493, 44, 31, 1 +460, 493, 44, 32, 1 +461, 493, 44, 33, 1 +462, 493, 44, 34, 1 +463, 493, 44, 35, 1 +464, 493, 44, 36, 1 +465, 493, 44, 37, 1 +466, 493, 44, 38, 1 +467, 493, 44, 39, 1 +468, 493, 44, 40, 1 +469, 493, 44, 41, 1 +470, 493, 44, 42, 1 +471, 493, 44, 43, 1 +472, 493, 44, 44, 1 +473, 493, 44, 45, 1 +474, 493, 44, 46, 1 +475, 493, 44, 47, 1 +476, 493, 44, 48, 1 +477, 493, 44, 49, 1 +478, 493, 44, 50, 1 +479, 493, 44, 51, 1 +480, 493, 44, 52, 1 +481, 493, 44, 53, 1 +482, 493, 44, 54, 1 +483, 493, 44, 55, 1 +484, 493, 44, 56, 1 +1, 494, 44, 57, 1 +2, 494, 44, 58, 1 +3, 494, 44, 59, 1 +4, 494, 44, 60, 1 +5, 494, 44, 61, 1 +6, 494, 44, 62, 1 +7, 494, 44, 63, 1 +8, 494, 44, 64, 1 +9, 494, 44, 65, 1 +10, 494, 44, 66, 1 +11, 494, 44, 67, 1 +12, 494, 44, 68, 1 +13, 494, 44, 69, 1 +14, 494, 44, 70, 1 +15, 494, 44, 71, 1 +16, 494, 44, 72, 1 +17, 494, 44, 73, 1 +18, 494, 44, 74, 1 +19, 494, 44, 75, 1 +20, 494, 44, 76, 1 +21, 494, 44, 77, 1 +22, 494, 44, 78, 1 +23, 494, 44, 79, 1 +24, 494, 44, 80, 1 +25, 494, 44, 81, 1 +26, 494, 44, 82, 1 +27, 494, 44, 83, 1 +28, 494, 44, 84, 1 +29, 494, 44, 85, 1 +30, 494, 44, 86, 1 +31, 494, 44, 87, 1 +32, 494, 44, 88, 1 +33, 494, 44, 89, 1 +34, 494, 44, 90, 1 +35, 494, 44, 91, 1 +36, 494, 44, 92, 1 +37, 494, 44, 93, 1 +38, 494, 44, 94, 1 +39, 494, 44, 95, 1 +40, 494, 44, 96, 1 +41, 494, 44, 97, 1 +42, 494, 44, 98, 1 +43, 494, 44, 99, 1 +44, 494, 44, 100, 1 +45, 494, 45, 1, 1 +46, 494, 45, 2, 1 +47, 494, 45, 3, 1 +48, 494, 45, 4, 1 +49, 494, 45, 5, 1 +50, 494, 45, 6, 1 +51, 494, 45, 7, 1 +52, 494, 45, 8, 1 +53, 494, 45, 9, 1 +54, 494, 45, 10, 1 +55, 494, 45, 11, 1 +56, 494, 45, 12, 1 +57, 494, 45, 13, 1 +58, 494, 45, 14, 1 +59, 494, 45, 15, 1 +60, 494, 45, 16, 1 +61, 494, 45, 17, 1 +62, 494, 45, 18, 1 +63, 494, 45, 19, 1 +64, 494, 45, 20, 1 +65, 494, 45, 21, 1 +66, 494, 45, 22, 1 +67, 494, 45, 23, 1 +68, 494, 45, 24, 1 +69, 494, 45, 25, 1 +70, 494, 45, 26, 1 +71, 494, 45, 27, 1 +72, 494, 45, 28, 1 +73, 494, 45, 29, 1 +74, 494, 45, 30, 1 +75, 494, 45, 31, 1 +76, 494, 45, 32, 1 +77, 494, 45, 33, 1 +78, 494, 45, 34, 1 +79, 494, 45, 35, 1 +80, 494, 45, 36, 1 +81, 494, 45, 37, 1 +82, 494, 45, 38, 1 +83, 494, 45, 39, 1 +84, 494, 45, 40, 1 +85, 494, 45, 41, 1 +86, 494, 45, 42, 1 +87, 494, 45, 43, 1 +88, 494, 45, 44, 1 +89, 494, 45, 45, 1 +90, 494, 45, 46, 1 +91, 494, 45, 47, 1 +92, 494, 45, 48, 1 +93, 494, 45, 49, 1 +94, 494, 45, 50, 1 +95, 494, 45, 51, 1 +96, 494, 45, 52, 1 +97, 494, 45, 53, 1 +98, 494, 45, 54, 1 +99, 494, 45, 55, 1 +100, 494, 45, 56, 1 +101, 494, 45, 57, 1 +102, 494, 45, 58, 1 +103, 494, 45, 59, 1 +104, 494, 45, 60, 1 +105, 494, 45, 61, 1 +106, 494, 45, 62, 1 +107, 494, 45, 63, 1 +108, 494, 45, 64, 1 +109, 494, 45, 65, 1 +110, 494, 45, 66, 1 +111, 494, 45, 67, 1 +112, 494, 45, 68, 1 +113, 494, 45, 69, 1 +114, 494, 45, 70, 1 +115, 494, 45, 71, 1 +116, 494, 45, 72, 1 +117, 494, 45, 73, 1 +118, 494, 45, 74, 1 +119, 494, 45, 75, 1 +120, 494, 45, 76, 1 +121, 494, 45, 77, 1 +122, 494, 45, 78, 1 +123, 494, 45, 79, 1 +124, 494, 45, 80, 1 +125, 494, 45, 81, 1 +126, 494, 45, 82, 1 +127, 494, 45, 83, 1 +128, 494, 45, 84, 1 +129, 494, 45, 85, 1 +130, 494, 45, 86, 1 +131, 494, 45, 87, 1 +132, 494, 45, 88, 1 +133, 494, 45, 89, 1 +134, 494, 45, 90, 1 +135, 494, 45, 91, 1 +136, 494, 45, 92, 1 +137, 494, 45, 93, 1 +138, 494, 45, 94, 1 +139, 494, 45, 95, 1 +140, 494, 45, 96, 1 +141, 494, 45, 97, 1 +142, 494, 45, 98, 1 +143, 494, 45, 99, 1 +144, 494, 45, 100, 1 +145, 494, 46, 1, 1 +146, 494, 46, 2, 1 +147, 494, 46, 3, 1 +148, 494, 46, 4, 1 +149, 494, 46, 5, 1 +150, 494, 46, 6, 1 +151, 494, 46, 7, 1 +152, 494, 46, 8, 1 +153, 494, 46, 9, 1 +154, 494, 46, 10, 1 +155, 494, 46, 11, 1 +156, 494, 46, 12, 1 +157, 494, 46, 13, 1 +158, 494, 46, 14, 1 +159, 494, 46, 15, 1 +160, 494, 46, 16, 1 +161, 494, 46, 17, 1 +162, 494, 46, 18, 1 +163, 494, 46, 19, 1 +164, 494, 46, 20, 1 +165, 494, 46, 21, 1 +166, 494, 46, 22, 1 +167, 494, 46, 23, 1 +168, 494, 46, 24, 1 +169, 494, 46, 25, 1 +170, 494, 46, 26, 1 +171, 494, 46, 27, 1 +172, 494, 46, 28, 1 +173, 494, 46, 29, 1 +174, 494, 46, 30, 1 +175, 494, 46, 31, 1 +176, 494, 46, 32, 1 +177, 494, 46, 33, 1 +178, 494, 46, 34, 1 +179, 494, 46, 35, 1 +180, 494, 46, 36, 1 +181, 494, 46, 37, 1 +182, 494, 46, 38, 1 +183, 494, 46, 39, 1 +184, 494, 46, 40, 1 +185, 494, 46, 41, 1 +186, 494, 46, 42, 1 +187, 494, 46, 43, 1 +188, 494, 46, 44, 1 +189, 494, 46, 45, 1 +190, 494, 46, 46, 1 +191, 494, 46, 47, 1 +192, 494, 46, 48, 1 +193, 494, 46, 49, 1 +194, 494, 46, 50, 1 +195, 494, 46, 51, 1 +196, 494, 46, 52, 1 +197, 494, 46, 53, 1 +198, 494, 46, 54, 1 +199, 494, 46, 55, 1 +200, 494, 46, 56, 1 +201, 494, 46, 57, 1 +202, 494, 46, 58, 1 +203, 494, 46, 59, 1 +204, 494, 46, 60, 1 +205, 494, 46, 61, 1 +206, 494, 46, 62, 1 +207, 494, 46, 63, 1 +208, 494, 46, 64, 1 +209, 494, 46, 65, 1 +210, 494, 46, 66, 1 +211, 494, 46, 67, 1 +212, 494, 46, 68, 1 +213, 494, 46, 69, 1 +214, 494, 46, 70, 1 +215, 494, 46, 71, 1 +216, 494, 46, 72, 1 +217, 494, 46, 73, 1 +218, 494, 46, 74, 1 +219, 494, 46, 75, 1 +220, 494, 46, 76, 1 +221, 494, 46, 77, 1 +222, 494, 46, 78, 1 +223, 494, 46, 79, 1 +224, 494, 46, 80, 1 +225, 494, 46, 81, 1 +226, 494, 46, 82, 1 +227, 494, 46, 83, 1 +228, 494, 46, 84, 1 +229, 494, 46, 85, 1 +230, 494, 46, 86, 1 +231, 494, 46, 87, 1 +232, 494, 46, 88, 1 +233, 494, 46, 89, 1 +234, 494, 46, 90, 1 +235, 494, 46, 91, 1 +236, 494, 46, 92, 1 +237, 494, 46, 93, 1 +238, 494, 46, 94, 1 +239, 494, 46, 95, 1 +240, 494, 46, 96, 1 +241, 494, 46, 97, 1 +242, 494, 46, 98, 1 +243, 494, 46, 99, 1 +244, 494, 46, 100, 1 +245, 494, 47, 1, 1 +246, 494, 47, 2, 1 +247, 494, 47, 3, 1 +248, 494, 47, 4, 1 +249, 494, 47, 5, 1 +250, 494, 47, 6, 1 +251, 494, 47, 7, 1 +252, 494, 47, 8, 1 +253, 494, 47, 9, 1 +254, 494, 47, 10, 1 +255, 494, 47, 11, 1 +256, 494, 47, 12, 1 +257, 494, 47, 13, 1 +258, 494, 47, 14, 1 +259, 494, 47, 15, 1 +260, 494, 47, 16, 1 +261, 494, 47, 17, 1 +262, 494, 47, 18, 1 +263, 494, 47, 19, 1 +264, 494, 47, 20, 1 +265, 494, 47, 21, 1 +266, 494, 47, 22, 1 +267, 494, 47, 23, 1 +268, 494, 47, 24, 1 +269, 494, 47, 25, 1 +270, 494, 47, 26, 1 +271, 494, 47, 27, 1 +272, 494, 47, 28, 1 +273, 494, 47, 29, 1 +274, 494, 47, 30, 1 +275, 494, 47, 31, 1 +276, 494, 47, 32, 1 +277, 494, 47, 33, 1 +278, 494, 47, 34, 1 +279, 494, 47, 35, 1 +280, 494, 47, 36, 1 +281, 494, 47, 37, 1 +282, 494, 47, 38, 1 +283, 494, 47, 39, 1 +284, 494, 47, 40, 1 +285, 494, 47, 41, 1 +286, 494, 47, 42, 1 +287, 494, 47, 43, 1 +288, 494, 47, 44, 1 +289, 494, 47, 45, 1 +290, 494, 47, 46, 1 +291, 494, 47, 47, 1 +292, 494, 47, 48, 1 +293, 494, 47, 49, 1 +294, 494, 47, 50, 1 +295, 494, 47, 51, 1 +296, 494, 47, 52, 1 +297, 494, 47, 53, 1 +298, 494, 47, 54, 1 +299, 494, 47, 55, 1 +300, 494, 47, 56, 1 +301, 494, 47, 57, 1 +302, 494, 47, 58, 1 +303, 494, 47, 59, 1 +304, 494, 47, 60, 1 +305, 494, 47, 61, 1 +306, 494, 47, 62, 1 +307, 494, 47, 63, 1 +308, 494, 47, 64, 1 +309, 494, 47, 65, 1 +310, 494, 47, 66, 1 +311, 494, 47, 67, 1 +312, 494, 47, 68, 1 +313, 494, 47, 69, 1 +314, 494, 47, 70, 1 +315, 494, 47, 71, 1 +316, 494, 47, 72, 1 +317, 494, 47, 73, 1 +318, 494, 47, 74, 1 +319, 494, 47, 75, 1 +320, 494, 47, 76, 1 +321, 494, 47, 77, 1 +322, 494, 47, 78, 1 +323, 494, 47, 79, 1 +324, 494, 47, 80, 1 +325, 494, 47, 81, 1 +326, 494, 47, 82, 1 +327, 494, 47, 83, 1 +328, 494, 47, 84, 1 +329, 494, 47, 85, 1 +330, 494, 47, 86, 1 +331, 494, 47, 87, 1 +332, 494, 47, 88, 1 +333, 494, 47, 89, 1 +334, 494, 47, 90, 1 +335, 494, 47, 91, 1 +336, 494, 47, 92, 1 +337, 494, 47, 93, 1 +338, 494, 47, 94, 1 +339, 494, 47, 95, 1 +340, 494, 47, 96, 1 +341, 494, 47, 97, 1 +342, 494, 47, 98, 1 +343, 494, 47, 99, 1 +344, 494, 47, 100, 1 +345, 494, 48, 1, 1 +346, 494, 48, 2, 1 +347, 494, 48, 3, 1 +348, 494, 48, 4, 1 +349, 494, 48, 5, 1 +350, 494, 48, 6, 1 +351, 494, 48, 7, 1 +352, 494, 48, 8, 1 +353, 494, 48, 9, 1 +354, 494, 48, 10, 1 +355, 494, 48, 11, 1 +356, 494, 48, 12, 1 +357, 494, 48, 13, 1 +358, 494, 48, 14, 1 +359, 494, 48, 15, 1 +360, 494, 48, 16, 1 +361, 494, 48, 17, 1 +362, 494, 48, 18, 1 +363, 494, 48, 19, 1 +364, 494, 48, 20, 1 +365, 494, 48, 21, 1 +366, 494, 48, 22, 1 +367, 494, 48, 23, 1 +368, 494, 48, 24, 1 +369, 494, 48, 25, 1 +370, 494, 48, 26, 1 +371, 494, 48, 27, 1 +372, 494, 48, 28, 1 +373, 494, 48, 29, 1 +374, 494, 48, 30, 1 +375, 494, 48, 31, 1 +376, 494, 48, 32, 1 +377, 494, 48, 33, 1 +378, 494, 48, 34, 1 +379, 494, 48, 35, 1 +380, 494, 48, 36, 1 +381, 494, 48, 37, 1 +382, 494, 48, 38, 1 +383, 494, 48, 39, 1 +384, 494, 48, 40, 1 +385, 494, 48, 41, 1 +386, 494, 48, 42, 1 +387, 494, 48, 43, 1 +388, 494, 48, 44, 1 +389, 494, 48, 45, 1 +390, 494, 48, 46, 1 +391, 494, 48, 47, 1 +392, 494, 48, 48, 1 +393, 494, 48, 49, 1 +394, 494, 48, 50, 1 +395, 494, 48, 51, 1 +396, 494, 48, 52, 1 +397, 494, 48, 53, 1 +398, 494, 48, 54, 1 +399, 494, 48, 55, 1 +400, 494, 48, 56, 1 +401, 494, 48, 57, 1 +402, 494, 48, 58, 1 +403, 494, 48, 59, 1 +404, 494, 48, 60, 1 +405, 494, 48, 61, 1 +406, 494, 48, 62, 1 +407, 494, 48, 63, 1 +408, 494, 48, 64, 1 +409, 494, 48, 65, 1 +410, 494, 48, 66, 1 +411, 494, 48, 67, 1 +412, 494, 48, 68, 1 +413, 494, 48, 69, 1 +414, 494, 48, 70, 1 +415, 494, 48, 71, 1 +416, 494, 48, 72, 1 +417, 494, 48, 73, 1 +418, 494, 48, 74, 1 +419, 494, 48, 75, 1 +420, 494, 48, 76, 1 +421, 494, 48, 77, 1 +422, 494, 48, 78, 1 +423, 494, 48, 79, 1 +424, 494, 48, 80, 1 +425, 494, 48, 81, 1 +426, 494, 48, 82, 1 +427, 494, 48, 83, 1 +428, 494, 48, 84, 1 +429, 494, 48, 85, 1 +430, 494, 48, 86, 1 +431, 494, 48, 87, 1 +432, 494, 48, 88, 1 +433, 494, 48, 89, 1 +434, 494, 48, 90, 1 +435, 494, 48, 91, 1 +436, 494, 48, 92, 1 +437, 494, 48, 93, 1 +438, 494, 48, 94, 1 +439, 494, 48, 95, 1 +440, 494, 48, 96, 1 +441, 494, 48, 97, 1 +442, 494, 48, 98, 1 +443, 494, 48, 99, 1 +444, 494, 48, 100, 1 +445, 494, 49, 1, 1 +446, 494, 49, 2, 1 +447, 494, 49, 3, 1 +448, 494, 49, 4, 1 +449, 494, 49, 5, 1 +450, 494, 49, 6, 1 +451, 494, 49, 7, 1 +452, 494, 49, 8, 1 +453, 494, 49, 9, 1 +454, 494, 49, 10, 1 +455, 494, 49, 11, 1 +456, 494, 49, 12, 1 +457, 494, 49, 13, 1 +458, 494, 49, 14, 1 +459, 494, 49, 15, 1 +460, 494, 49, 16, 1 +461, 494, 49, 17, 1 +462, 494, 49, 18, 1 +463, 494, 49, 19, 1 +464, 494, 49, 20, 1 +465, 494, 49, 21, 1 +466, 494, 49, 22, 1 +467, 494, 49, 23, 1 +468, 494, 49, 24, 1 +469, 494, 49, 25, 1 +470, 494, 49, 26, 1 +471, 494, 49, 27, 1 +472, 494, 49, 28, 1 +473, 494, 49, 29, 1 +474, 494, 49, 30, 1 +475, 494, 49, 31, 1 +476, 494, 49, 32, 1 +477, 494, 49, 33, 1 +478, 494, 49, 34, 1 +479, 494, 49, 35, 1 +480, 494, 49, 36, 1 +481, 494, 49, 37, 1 +482, 494, 49, 38, 1 +483, 494, 49, 39, 1 +484, 494, 49, 40, 1 \ No newline at end of file diff --git a/NeuroData/MNIST_LIF_stim.txt b/NeuroData/MNIST_LIF_stim.txt new file mode 100644 index 0000000..bf6ae59 --- /dev/null +++ b/NeuroData/MNIST_LIF_stim.txt @@ -0,0 +1,10000 @@ +0 - 57,58,59,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,145,146,162,163,164,184,185,186,207,208,209,230,231,232,233,252,253,254,255,256,275,276,277,278,279,299,300,301,302,322,323,324,325,341,342,343,344,345,346,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,469,490 +1 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,166,167,171,172,173,182,183,184,185,186,193,194,195,203,204,205,206,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,302,303,304,311,312,313,323,324,325,326,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,380,381,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +2 - 61,62,63,67,68,83,84,85,89,90,105,106,107,111,112,126,127,128,133,134,148,149,150,154,155,156,170,171,172,176,177,178,192,193,194,198,199,200,213,214,215,220,221,222,233,234,235,236,237,242,243,244,248,249,250,251,252,253,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,279,280,287,288,289,290,291,292,293,294,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +3 - 59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,486 +4 - 97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,167,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,210,211,212,213,224,225,226,230,231,232,233,234,246,247,248,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,297,298,299,318,319,320,321,340,341,342,363,364,384,385,386,406,407,408,428,429,430,451,452,453,473,474,475,476,494 +5 - 58,59,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,164,168,169,170,171,183,184,190,191,192,193,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,298,299,300,301,302,303,312,313,314,315,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,339,340,341,342,343,346,347,348,349,350,351,354,355,356,357,359,360,361,362,363,370,371,372,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,421,422,423,487 +6 - 31,32,33,34,52,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,486 +7 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,147,148,149,150,168,169,170,171,172,189,190,191,192,193,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,299,300,301,302,322,323,324,343,344,345,346,356,364,365,366,367,368,376,377,378,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,488 +8 - 54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,363,364,365,385,386,407,408,429,430,431,451,452,453,473,474,475,486 +9 - 41,42,62,63,64,83,84,85,86,105,106,107,119,120,126,127,128,129,141,142,143,148,149,150,163,164,165,169,170,171,172,184,185,186,191,192,193,205,206,207,208,212,213,214,226,227,228,229,233,234,235,236,247,248,249,250,251,252,255,256,257,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,317,318,319,320,321,322,323,333,334,339,340,341,342,343,344,361,362,363,382,383,384,385,403,404,405,406,425,426,427,447,448,449,489 +10 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,119,120,121,122,123,124,141,142,143,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,299,300,301,321,322,323,342,343,344,345,356,357,364,365,366,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,488 +11 - 105,106,107,108,109,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,165,166,167,168,169,170,171,172,187,188,189,207,208,209,210,228,229,230,250,251,252,272,273,274,275,291,295,296,297,298,311,312,313,314,317,318,319,320,333,334,335,339,340,341,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,490 +12 - 45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,122,123,124,125,143,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,282,299,300,301,302,303,304,305,323,324,325,326,327,345,346,347,348,349,358,359,367,368,369,370,371,379,380,388,389,390,391,392,400,401,402,403,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,488 +13 - 12,13,14,15,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,190,191,192,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,279,280,281,282,290,291,292,295,296,297,298,300,301,302,303,312,313,314,316,317,318,319,321,322,323,324,334,335,336,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,491 +14 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +15 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,167,168,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,471,492 +16 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,100,101,102,103,115,116,117,123,124,125,137,138,139,145,146,147,167,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,262,263,276,277,278,279,280,281,282,283,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,342,343,344,355,356,357,363,364,365,366,377,378,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,487 +17 - 61,62,79,80,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,146,147,148,149,161,162,163,167,168,169,170,171,183,184,185,186,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,359,362,363,364,378,379,380,383,384,385,386,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,493 +18 - 13,14,15,16,34,35,36,37,55,56,57,76,77,78,98,99,119,120,121,141,142,162,163,164,184,185,205,206,207,211,212,227,228,231,232,233,234,235,249,250,253,254,256,257,258,270,271,272,274,275,279,280,292,293,294,297,301,302,314,315,324,336,337,345,346,358,359,367,368,380,381,382,388,389,390,403,404,405,407,408,409,410,411,426,427,428,429,430,431,491 +19 - 99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,168,169,170,171,184,185,186,190,191,192,193,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,494 +20 - 37,58,59,60,66,67,68,80,81,82,88,89,90,91,102,103,104,110,111,112,113,114,124,125,126,127,132,133,134,135,136,145,146,147,148,149,155,156,157,158,159,168,169,170,178,179,180,181,189,190,191,192,200,201,202,203,204,209,210,211,212,213,214,222,223,224,225,226,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,321,322,323,324,325,334,335,336,337,343,344,345,346,347,365,366,367,368,369,388,389,390,391,392,410,411,412,413,414,433,434,435,436,437,456,457,458,489 +21 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,187,188,189,190,192,193,194,202,203,204,205,206,209,210,211,215,216,224,225,226,227,237,238,245,246,247,259,260,267,268,269,281,282,288,289,290,291,302,303,304,310,311,312,313,324,325,326,332,333,334,335,345,346,347,348,354,355,356,357,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +22 - 78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,125,126,127,141,142,143,147,148,163,164,168,169,170,184,185,190,191,192,205,206,207,211,212,213,214,227,228,232,233,234,235,249,250,254,255,256,270,271,272,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,340,341,342,361,362,363,383,384,404,405,406,426,427,447,448,449,469,470,494 +23 - 59,60,61,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,468,469,470,486 +24 - 12,13,14,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,209,210,211,212,225,226,227,231,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,337,338,339,340,342,343,344,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,421,422,423,424,486 +25 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,124,125,126,127,128,129,146,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,270,271,272,273,274,275,292,293,294,295,312,313,314,315,316,334,335,336,337,346,347,348,349,350,351,355,356,357,358,359,360,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,487 +26 - 80,81,82,95,96,102,103,104,116,117,118,123,124,125,138,139,145,146,147,160,161,167,168,169,181,182,183,189,190,191,204,205,211,212,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,489 +27 - 52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,142,144,145,146,147,148,149,150,151,152,157,167,168,169,170,171,172,173,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,321,322,323,324,325,326,344,345,346,347,365,366,367,368,369,375,376,377,378,379,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +28 - 46,47,48,49,50,51,52,53,54,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,213,214,215,216,217,235,236,237,238,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,457,458,459,460,472,473,474,475,476,477,478,480,482,487 +29 - 124,125,126,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,190,191,192,193,204,205,206,207,208,211,212,213,214,215,226,227,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,446,492 +30 - 92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,297,298,302,303,304,305,318,319,320,325,326,327,340,341,347,348,349,362,363,364,365,368,369,370,371,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,431,432,433,434,435,488 +31 - 54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,127,128,129,142,143,144,148,149,150,151,152,164,165,166,167,169,170,171,172,173,174,186,187,188,189,190,191,192,193,194,195,208,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,361,362,363,364,377,378,379,383,384,385,386,398,399,400,401,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,493 +32 - 11,12,13,14,15,32,33,34,53,54,55,75,76,77,96,97,98,118,119,120,140,141,142,162,163,183,184,185,205,206,207,227,228,236,248,249,250,255,256,257,258,259,260,270,271,272,276,277,278,279,280,281,282,292,293,294,297,298,299,300,302,303,304,314,315,316,319,320,324,325,326,336,337,338,341,342,345,346,347,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +33 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,168,169,170,171,172,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,494 +34 - 55,56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,205,206,207,208,209,213,214,215,216,227,228,229,230,231,234,235,236,237,238,249,250,251,252,256,257,258,259,260,270,271,272,273,278,279,280,281,291,292,293,294,295,299,300,301,302,303,313,314,315,316,317,321,322,323,324,335,336,337,338,339,342,343,344,345,346,357,358,359,360,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,469,470,471,472,473,485 +35 - 83,84,85,86,87,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,143,144,145,146,147,148,164,165,166,167,185,186,187,188,207,208,209,210,211,228,229,230,231,232,233,234,248,249,250,251,252,254,255,256,270,271,272,276,277,278,293,298,299,300,319,320,321,332,340,341,342,343,354,355,356,360,361,362,363,364,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,490 +36 - 11,12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +37 - 34,35,36,37,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,230,235,236,237,238,239,247,248,249,250,257,258,259,260,268,269,270,271,272,279,280,281,290,291,292,293,294,301,302,303,312,313,314,315,316,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +38 - 91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,259,260,261,262,263,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,341,342,343,356,357,364,365,386,387,408,409,430,431,452,453,475,492 +39 - 33,34,35,54,55,56,57,75,76,77,78,79,96,97,98,99,100,118,119,120,121,122,139,140,141,142,143,161,162,163,164,183,184,185,191,192,205,206,207,211,212,213,214,215,226,227,228,229,233,234,235,236,237,248,249,250,254,255,256,257,258,259,270,271,272,276,277,278,280,281,292,293,294,297,298,299,300,302,303,314,315,316,319,320,321,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,428,429,430,450,451,491 +40 - 55,56,57,77,78,79,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,486 +41 - 38,39,40,55,56,57,60,61,62,76,77,78,79,80,82,83,84,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,139,140,141,144,145,146,147,148,149,161,162,163,167,168,169,170,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,382,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,493 +42 - 99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,166,167,168,180,181,182,183,188,189,190,210,211,232,233,254,255,275,276,277,297,298,299,319,320,321,341,342,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,492 +43 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,140,141,142,145,146,147,161,162,163,166,167,168,169,183,184,185,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,447,448,449,469,470,471,494 +44 - 69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,144,145,146,166,167,168,187,188,189,208,209,210,229,230,231,250,251,252,253,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,344,345,346,366,367,368,387,388,389,409,410,411,430,431,432,451,452,453,470,471,472,473,474,488 +45 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,167,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,279,291,292,293,294,295,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,427,428,429,449,450,451,469,470,471,472,473,494 +46 - 54,55,56,57,58,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,142,143,144,145,146,147,148,158,159,160,167,168,169,180,181,182,189,190,191,203,204,205,206,210,211,212,226,227,228,229,231,232,233,250,251,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,320,321,322,337,338,342,343,344,358,359,360,365,366,367,380,381,382,388,389,402,403,404,409,410,411,424,425,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +47 - 81,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,162,163,166,183,184,185,204,205,206,207,226,227,228,248,249,250,251,252,253,270,271,272,273,274,275,276,294,295,296,297,298,299,318,319,320,321,341,342,343,362,363,364,365,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,490 +48 - 51,52,53,54,72,73,74,75,76,77,94,95,96,97,98,99,100,116,117,118,120,121,122,138,139,140,142,143,144,160,161,162,164,165,166,182,183,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,254,255,256,276,277,278,299,300,321,322,323,343,344,345,365,366,367,387,388,389,403,404,405,406,409,410,411,425,426,427,428,429,430,431,432,433,447,449,450,451,452,453,454,473,474,475,476,494 +49 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,110,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,322,323,324,344,345,346,365,366,367,368,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,488 +50 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,101,102,122,123,124,144,145,165,166,167,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,234,235,236,257,258,279,280,301,302,323,324,345,346,357,366,367,368,378,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,488 +51 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,192,193,194,195,202,203,204,205,214,215,216,217,223,224,225,226,227,235,236,237,238,239,245,246,247,248,257,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,354,355,356,357,366,367,368,369,370,376,377,378,379,387,388,389,390,391,392,398,399,400,401,402,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,485 +52 - 93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,191,192,193,194,195,202,203,204,205,213,214,215,216,217,226,227,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,454,471,472,473,474,475,476,492 +53 - 101,102,103,104,120,121,123,124,125,130,142,143,145,146,152,163,164,165,166,167,168,174,184,185,186,187,188,189,190,196,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,282,283,296,297,298,306,317,318,319,328,339,340,341,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,489 +54 - 94,95,96,97,98,99,106,107,108,115,116,117,118,119,120,121,122,127,128,129,130,135,136,137,138,139,140,142,143,148,149,150,151,157,158,159,169,170,171,172,179,180,190,191,192,193,194,201,202,203,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +55 - 77,78,79,80,81,82,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,146,147,148,149,150,151,160,161,162,167,168,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,358,359,360,361,364,365,379,380,381,382,386,387,401,402,403,407,408,409,422,423,424,425,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,493 +56 - 52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,168,169,170,171,172,180,181,182,183,184,185,186,191,192,193,194,195,201,202,203,204,205,206,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,282,283,284,289,290,291,292,304,305,306,311,312,313,314,326,327,328,333,334,335,336,348,349,350,355,356,357,358,359,369,370,371,372,378,379,380,381,382,383,390,391,392,393,401,402,403,404,405,406,407,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,485 +57 - 99,100,101,102,103,104,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,167,168,169,170,182,183,184,189,190,191,192,204,205,211,212,213,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +58 - 57,58,59,60,71,72,79,80,81,82,92,93,94,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,183,189,190,191,192,201,202,203,204,205,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477,489 +59 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,427,446,447,448,449,486 +60 - 50,60,71,72,73,81,82,83,92,93,94,95,103,104,105,106,114,115,116,117,126,127,128,135,136,137,138,148,149,150,151,156,157,158,159,160,170,171,172,173,177,178,179,180,181,192,193,194,195,199,200,201,202,215,216,217,221,222,223,224,237,238,239,243,244,245,257,258,259,260,261,262,265,266,267,268,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,347,348,349,368,369,370,371,391,392,393,413,414,489 +61 - 82,83,84,103,104,105,106,124,125,126,127,141,142,146,147,148,162,163,164,165,167,168,169,184,185,186,188,189,190,205,206,207,208,210,211,212,226,227,228,229,231,232,233,247,248,249,250,251,252,253,254,255,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,338,339,340,359,360,361,381,382,383,402,403,404,424,425,426,446,447,468,469,489 +62 - 35,36,37,38,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,103,104,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,300,301,302,303,314,315,316,317,318,322,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,449,450,451,452,453,491 +63 - 56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,214,215,216,217,218,225,226,227,228,229,230,231,232,233,236,237,238,239,240,246,247,248,249,250,253,254,258,259,260,261,267,268,269,270,271,280,281,282,283,284,288,289,290,291,292,293,294,302,303,304,305,306,309,310,311,312,313,314,315,316,317,324,325,326,327,331,332,333,334,335,337,338,339,344,345,346,347,348,353,354,355,356,366,367,368,369,375,376,377,378,386,387,388,389,397,398,399,400,401,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,485 +64 - 53,54,55,63,74,75,76,77,84,85,86,96,97,98,99,106,107,108,118,119,120,128,129,130,139,140,141,149,150,151,161,162,163,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,225,226,227,235,236,237,238,246,247,248,257,258,259,267,268,269,270,278,279,280,281,289,290,291,296,297,298,299,300,301,302,311,312,313,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,365,366,367,379,380,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +65 - 109,127,128,129,130,131,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,295,296,297,317,318,319,333,334,339,340,341,355,356,357,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,424,490 +66 - 14,15,16,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,280,281,282,291,292,293,301,302,303,304,313,314,315,322,323,324,325,335,336,337,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +67 - 51,52,53,54,55,56,57,58,59,82,99,100,101,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,302,316,317,318,319,323,324,338,339,340,341,345,346,360,361,362,363,367,368,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,486 +68 - 32,33,34,35,52,53,54,55,56,57,58,72,73,74,75,78,79,80,81,93,94,95,96,101,102,103,104,105,114,115,116,123,124,125,126,127,128,135,136,137,146,149,150,151,156,157,158,172,173,174,178,179,195,196,197,200,201,218,219,222,223,240,241,244,245,262,263,266,267,284,285,288,289,290,306,307,311,312,328,329,333,334,335,350,351,356,357,358,372,373,379,380,381,392,393,394,402,403,404,405,406,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,485 +69 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,190,191,192,193,194,204,205,206,207,208,212,213,214,215,226,227,228,229,235,236,237,238,247,248,249,250,251,256,257,258,259,260,268,269,270,271,272,278,279,280,281,291,292,293,294,300,301,302,303,304,313,314,315,316,322,323,324,325,326,334,335,336,337,344,345,346,356,357,358,359,360,366,367,368,379,380,381,382,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,485 +70 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,99,100,116,117,118,119,120,121,122,138,139,140,141,142,143,144,161,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,302,317,318,319,323,324,325,339,340,341,342,344,345,346,347,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,486 +71 - 122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,191,192,193,194,202,203,204,205,206,207,208,209,212,213,214,215,224,225,226,227,228,233,234,235,236,237,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,492 +72 - 31,32,33,53,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +73 - 11,12,13,14,34,35,36,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,162,163,164,165,170,171,184,185,186,189,190,191,192,193,194,205,206,207,210,211,212,213,214,215,216,227,228,229,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +74 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,142,143,144,145,146,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,253,254,255,256,257,276,277,278,279,298,299,300,301,302,320,321,322,323,324,343,344,345,346,365,366,367,368,380,381,386,387,388,389,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +75 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,190,191,192,193,204,205,206,207,208,209,212,213,214,215,226,227,228,229,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,323,324,325,333,334,335,344,345,346,347,355,356,357,365,366,367,368,369,377,378,379,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +76 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,123,124,125,134,135,136,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,271,272,273,274,275,293,294,295,296,314,315,316,317,336,337,338,358,359,360,361,380,381,382,383,384,385,387,388,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,487 +77 - 57,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,294,295,296,297,315,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,486 +78 - 34,35,36,56,57,58,59,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,486 +79 - 102,103,104,105,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,211,212,213,214,223,224,225,226,227,228,233,234,235,236,246,254,255,256,257,275,276,277,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,466,467,468,469,492 +80 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,80,81,94,95,96,97,102,116,117,118,119,124,125,126,127,138,139,140,141,147,148,149,160,161,162,163,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,227,230,231,232,236,237,248,258,259,269,270,271,280,281,291,292,293,302,303,313,314,315,324,325,335,336,337,346,347,348,357,358,359,360,366,367,368,369,379,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,494 +81 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,216,226,227,228,229,234,235,236,237,238,248,249,250,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,334,335,336,344,345,346,355,356,357,358,365,366,367,368,377,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,474,485 +82 - 8,9,10,11,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,101,102,103,104,116,117,118,119,124,125,126,127,138,139,147,148,149,169,170,171,191,192,193,194,214,215,216,236,237,238,250,251,252,253,254,255,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,487 +83 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,140,141,142,143,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,193,194,205,206,207,210,211,212,213,214,215,216,217,226,227,228,231,232,233,234,237,238,239,247,248,249,250,253,254,255,259,260,261,269,270,271,274,275,276,281,282,283,291,292,293,296,297,298,303,304,312,313,314,318,319,320,323,324,325,326,334,335,336,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,491 +84 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,147,148,149,169,170,171,191,192,193,212,213,214,234,235,236,255,256,257,258,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,475,492 +85 - 53,54,55,56,57,58,59,62,63,75,76,77,78,79,80,81,82,84,85,97,98,99,100,103,104,105,106,107,118,119,120,125,126,127,128,140,141,145,146,147,148,149,150,162,163,164,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,298,299,300,314,315,316,320,321,322,335,336,337,342,343,344,357,358,359,364,365,366,379,380,386,387,400,401,402,407,408,409,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +86 - 68,69,70,71,72,73,74,75,76,88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,117,118,119,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,228,230,231,232,233,234,235,255,256,257,258,259,278,279,280,281,282,301,302,303,304,324,325,326,347,348,349,369,370,371,391,392,393,413,414,415,427,435,436,437,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,480,488 +87 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,206,208,210,211,212,213,214,215,224,225,226,230,231,232,233,234,235,236,246,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,338,339,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +88 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,141,142,143,147,148,149,150,158,159,160,163,164,169,170,171,172,180,181,182,192,193,194,195,202,203,204,215,216,217,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,368,369,370,378,379,380,381,388,389,390,391,392,400,401,402,403,404,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,485 +89 - 84,85,86,87,97,98,105,106,107,108,109,118,119,120,127,128,129,130,140,141,142,148,149,150,151,152,156,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,195,203,204,205,206,212,213,214,215,216,224,225,226,227,234,235,236,237,245,246,247,248,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,340,341,342,343,362,363,364,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,489 +90 - 13,14,15,16,17,34,35,36,37,38,54,55,56,57,58,59,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,214,215,216,225,226,227,228,233,234,235,236,237,238,246,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,279,280,281,282,290,291,292,293,294,295,296,297,298,302,303,304,313,314,315,316,317,318,322,323,324,325,326,335,336,337,338,339,340,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +91 - 121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,234,235,236,237,244,245,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,492 +92 - 59,60,73,80,81,82,94,95,102,103,104,116,117,124,125,126,138,139,146,147,148,160,161,168,169,170,182,183,190,191,192,204,205,212,213,214,226,227,234,235,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,322,323,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,476,477,489 +93 - 12,13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,188,189,190,191,192,205,206,207,209,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,247,248,249,250,252,253,254,255,257,258,259,260,269,270,271,272,274,275,276,280,281,282,291,292,293,296,297,298,302,303,304,313,314,315,318,319,320,323,324,325,335,336,337,340,341,342,344,345,346,357,358,359,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,491 +94 - 56,57,58,59,60,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,169,170,171,182,183,184,185,186,190,191,192,193,205,206,207,208,209,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,384,385,386,387,401,402,403,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +95 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,165,168,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,229,234,235,236,237,247,248,249,250,257,258,259,268,269,270,271,280,281,290,291,292,293,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,344,345,346,356,357,358,359,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +96 - 99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,167,168,169,170,181,182,183,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +97 - 56,61,62,63,75,76,77,78,79,80,81,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,124,125,126,127,128,129,139,140,141,146,147,148,149,150,160,161,162,163,169,170,171,183,184,185,186,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,357,358,359,360,363,364,365,378,379,380,381,385,386,387,400,401,402,403,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +98 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,122,123,124,138,144,145,146,165,166,167,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,390,403,404,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +99 - 57,58,59,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,445,446,447,448,467,468,469,486 +100 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,249,250,251,271,272,273,294,295,296,316,317,318,319,320,321,338,339,340,341,342,343,344,345,361,362,363,364,365,366,367,386,387,388,389,409,410,411,432,433,453,454,455,475,476,477,490 +101 - 124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,213,214,215,216,220,221,222,223,224,225,226,227,228,234,235,236,237,238,242,243,244,245,246,247,256,257,258,259,265,266,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,492 +102 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,295,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,406,407,408,428,429,430,450,451,452,486 +103 - 101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,169,170,171,179,180,181,182,183,184,185,190,191,192,193,202,203,212,213,214,215,234,235,236,255,256,257,258,277,278,279,298,299,300,320,321,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,492 +104 - 30,31,32,52,53,54,74,75,76,96,97,98,118,119,120,121,140,141,142,143,162,163,164,165,185,186,187,207,208,209,229,230,231,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,430,431,432,452,453,454,486 +105 - 35,36,37,38,39,57,58,59,60,61,79,80,81,82,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +106 - 12,13,14,33,34,35,36,54,55,56,57,58,59,75,76,77,78,80,81,96,97,98,99,102,117,118,119,120,139,140,141,160,161,162,181,182,183,184,203,204,205,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,323,324,325,335,336,337,344,345,346,347,348,357,358,359,360,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +107 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,278,279,280,293,294,295,300,301,302,322,323,324,343,344,345,346,364,365,366,367,368,376,377,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,488 +108 - 29,30,49,50,51,52,53,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,120,121,123,124,125,126,127,128,134,135,136,142,148,149,150,151,156,157,158,171,172,173,174,178,179,180,194,195,196,200,201,202,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,291,306,307,311,312,313,314,327,328,329,334,335,336,337,349,350,351,357,358,359,360,370,371,372,373,380,381,382,383,384,385,386,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,451,485 +109 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,142,143,144,164,165,166,185,186,187,188,205,206,207,208,209,225,226,227,228,229,230,247,248,249,250,268,269,270,280,281,282,283,284,285,290,291,292,293,294,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,487 +110 - 76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,251,252,253,254,256,257,268,269,270,271,272,273,274,275,278,279,290,291,292,293,294,295,300,301,313,314,315,316,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,435,455,456,457,477,478,479,494 +111 - 69,71,72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,142,148,149,150,151,158,159,160,161,170,171,172,173,191,192,193,194,195,204,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,323,324,345,346,347,367,368,369,388,389,390,391,396,397,398,399,400,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,464,465,466,467,468,469,470,471,472,473,474,475,488 +112 - 34,35,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,450,451,486 +113 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +114 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,170,171,172,173,174,175,178,179,180,181,182,183,184,185,193,194,195,196,197,200,201,202,203,204,205,206,216,217,218,219,223,224,225,226,227,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,324,325,326,327,328,332,333,334,345,346,347,348,349,354,355,356,357,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +115 - 62,63,64,83,84,85,104,105,106,107,119,126,127,128,140,141,142,143,147,148,149,161,162,163,164,169,170,171,182,183,184,185,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,229,230,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,429,448,449,469,470,471,489 +116 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,168,169,170,181,182,183,184,185,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,320,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,494 +117 - 71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,140,145,146,147,148,149,157,158,159,166,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,249,250,251,252,253,254,268,269,270,271,272,273,274,289,290,291,292,293,294,295,305,306,310,311,312,313,314,315,316,324,325,326,327,328,329,332,333,334,335,336,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,487 +118 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,117,118,119,120,121,126,127,128,138,139,140,141,142,143,144,148,149,150,160,161,162,163,164,165,171,172,182,183,185,186,193,194,203,204,205,207,208,215,216,217,225,226,227,229,230,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,312,313,314,324,325,326,335,336,346,347,348,357,358,359,367,368,369,379,380,381,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +119 - 35,36,37,38,39,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,171,172,173,174,181,182,183,184,185,186,187,189,190,191,193,194,195,196,202,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,301,302,303,304,305,310,311,312,313,321,322,323,324,325,326,331,332,333,334,335,343,344,345,346,347,353,354,355,356,357,358,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +120 - 52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,165,166,167,168,169,170,190,191,192,193,213,214,215,235,236,237,257,258,259,278,279,280,281,297,298,299,300,301,302,303,304,305,317,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,487 +121 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,64,72,73,74,75,76,77,78,79,80,81,82,83,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,107,108,109,114,115,116,117,118,119,120,121,126,129,130,131,136,137,138,139,140,141,151,152,153,157,158,159,160,161,162,173,174,175,179,180,181,182,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,288,289,290,291,304,305,306,310,311,312,313,314,325,326,327,328,332,333,334,335,336,346,347,348,349,350,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,485 +122 - 8,9,10,11,12,13,30,31,32,33,34,35,36,56,57,58,59,79,80,81,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,334,335,336,337,338,339,340,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,406,407,408,409,410,411,412,413,487 +123 - 117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,192,193,194,200,201,202,203,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,298,299,300,301,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,466,467,468,469,492 +124 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,208,209,210,211,230,231,232,233,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471,486 +125 - 38,39,40,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,123,124,125,128,139,140,141,144,145,146,147,161,162,163,164,166,167,184,185,186,187,188,189,206,207,208,209,210,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,298,299,300,301,315,316,317,320,321,322,323,336,337,338,339,342,343,344,358,359,360,364,365,366,380,381,385,386,387,401,402,403,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +126 - 13,14,15,16,17,34,35,36,37,38,39,53,54,55,56,57,58,59,60,74,75,76,77,78,79,96,97,98,99,117,118,119,120,139,140,141,142,161,162,163,182,183,184,185,204,205,206,225,226,227,228,247,248,249,250,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,345,346,347,348,358,359,360,361,362,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,491 +127 - 64,65,85,86,87,106,107,108,109,127,128,129,130,142,143,144,148,149,150,151,164,165,166,170,171,172,185,186,187,188,191,192,193,194,205,206,207,208,209,212,213,214,215,226,227,228,229,230,233,234,235,236,247,248,249,250,251,254,255,256,257,268,269,270,271,276,277,278,289,290,291,292,293,294,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,360,361,362,363,382,383,384,403,404,405,424,425,426,446,447,448,468,469,489 +128 - 33,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,486 +129 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,257,258,259,270,271,272,273,274,275,276,277,279,280,281,292,293,294,295,296,297,301,302,313,314,315,316,317,318,321,322,323,334,335,336,337,338,339,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,431,491 +130 - 49,50,51,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,251,252,253,254,255,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,344,345,346,366,367,368,369,385,386,387,388,389,390,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,469,488 +131 - 83,84,85,98,99,100,104,105,106,107,119,120,121,122,126,127,128,129,140,141,142,143,147,148,149,150,161,162,163,164,165,169,170,171,182,183,184,185,186,190,191,192,203,204,205,206,207,211,212,213,214,223,224,225,226,227,228,232,233,234,235,245,246,247,248,249,250,251,253,254,255,256,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,320,321,322,323,324,325,339,340,341,342,361,362,363,364,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,489 +132 - 32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,490 +133 - 99,100,101,102,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,162,163,164,168,169,170,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,494 +134 - 26,27,28,47,48,49,50,51,69,70,71,72,73,74,92,93,94,95,96,97,114,115,116,117,118,119,137,138,139,140,141,142,160,161,162,163,164,165,183,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,346,364,365,366,367,368,369,387,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,486 +135 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,103,104,105,106,116,117,118,119,125,126,127,128,145,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,374,375,376,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,488 +136 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,121,122,123,136,137,143,144,145,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,346,347,368,369,389,390,391,404,405,410,411,412,413,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,488 +137 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,146,147,148,149,162,163,164,165,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,450,468,469,470,471,493 +138 - 36,37,38,39,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,117,118,119,120,121,122,139,140,141,142,162,163,164,165,166,185,186,187,188,189,208,209,210,211,212,231,232,233,234,235,254,255,256,257,258,259,278,279,280,281,290,291,292,293,294,301,302,303,304,311,312,313,314,315,316,324,325,326,333,334,335,336,345,346,347,348,355,356,357,358,359,367,368,369,370,378,379,380,381,382,383,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,490 +139 - 61,62,63,82,83,84,103,104,105,125,126,127,141,142,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,208,211,212,213,225,226,227,228,229,232,233,234,235,247,248,249,250,254,255,256,258,259,260,268,269,270,271,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,361,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,450,470,471,489 +140 - 49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,97,98,99,100,101,121,122,123,124,144,145,146,166,167,168,169,188,189,190,191,211,212,213,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,362,363,364,383,384,385,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +141 - 103,104,105,106,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,232,233,234,235,247,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,444,445,446,447,466,467,468,492 +142 - 51,52,53,73,74,75,94,95,96,97,104,105,116,117,118,126,127,138,139,140,147,148,149,159,160,161,169,170,181,182,183,190,191,192,203,204,205,211,212,213,225,226,227,228,233,234,235,248,249,250,251,254,255,256,271,272,273,274,275,276,277,278,282,283,284,294,295,296,297,298,299,300,301,302,303,304,305,317,318,319,320,321,322,323,324,325,326,327,341,342,343,344,346,347,362,363,364,384,385,386,406,407,428,429,449,450,451,471,472,473,489 +143 - 79,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,167,168,169,170,178,179,180,181,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,272,273,274,275,293,294,295,296,303,304,305,306,307,313,314,315,316,317,318,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,387,487 +144 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,104,105,106,115,116,126,127,137,138,139,147,148,160,161,162,168,169,170,183,184,185,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,274,275,276,277,295,296,299,300,316,317,321,322,323,338,339,344,345,346,360,361,367,368,382,383,389,390,391,404,405,411,412,413,426,427,428,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +145 - 106,107,108,109,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,203,204,205,207,225,226,227,228,247,248,249,250,251,252,270,271,272,273,274,275,276,295,296,297,298,299,311,312,319,320,321,333,334,340,341,342,343,355,356,357,358,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,423,424,425,426,490 +146 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,105,106,117,118,128,129,130,131,139,140,150,151,152,153,161,162,170,171,172,173,174,175,183,184,190,191,192,193,194,195,206,207,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,335,336,337,338,339,340,342,343,356,357,358,359,360,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,493 +147 - 11,12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,191,192,205,206,207,208,211,212,213,214,215,227,228,229,231,232,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,427,428,429,491 +148 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,101,102,103,118,119,120,124,125,139,140,141,146,147,161,162,163,168,169,183,184,190,191,205,206,211,212,213,233,234,235,255,256,257,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,334,335,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,492 +149 - 50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,124,125,126,127,134,135,136,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,278,279,280,281,291,292,293,294,300,301,302,303,323,324,325,345,346,347,366,367,368,369,388,389,390,391,400,401,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,488 +150 - 57,58,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,209,210,211,224,225,226,227,228,230,231,232,233,245,246,247,248,252,253,254,255,261,262,266,267,268,269,270,271,272,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,472,473,489 +151 - 12,13,14,15,16,17,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,207,213,226,227,228,234,235,236,237,248,249,250,254,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,282,291,292,293,297,298,299,300,301,302,303,304,313,314,315,319,320,321,322,323,324,325,335,336,337,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +152 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,486 +153 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,147,148,161,162,163,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,468,469,470,494 +154 - 95,96,97,98,99,100,115,116,117,118,119,120,121,122,126,127,128,136,137,138,139,140,141,146,147,148,149,150,157,158,159,160,167,168,169,170,171,172,178,179,180,181,187,188,189,190,191,192,193,200,201,202,203,206,207,208,209,210,211,213,214,223,224,225,226,227,228,229,230,231,234,235,236,246,247,248,249,250,251,256,257,258,278,279,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,475,494 +155 - 14,15,16,34,35,36,37,55,56,57,58,59,76,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,191,192,193,205,206,207,208,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,248,249,250,253,254,255,256,258,259,260,269,270,271,272,274,275,276,277,278,280,281,282,291,292,293,294,296,297,298,299,302,303,304,313,314,315,318,319,320,323,324,325,335,336,337,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +156 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,150,151,152,153,158,159,160,161,162,173,174,175,180,181,182,183,195,196,197,201,202,203,217,218,219,222,223,224,225,238,239,240,244,245,246,260,261,262,266,267,268,281,282,283,288,289,290,302,303,304,305,310,311,312,323,324,325,326,332,333,334,344,345,346,347,354,355,356,365,366,367,368,376,377,378,379,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,485 +157 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,103,104,105,106,119,120,121,125,126,127,128,146,147,148,149,150,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,353,363,364,365,366,367,374,375,376,377,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,488 +158 - 91,92,113,114,115,135,136,137,138,139,148,149,157,158,159,160,161,162,163,164,168,169,170,171,172,179,180,181,183,184,185,186,187,188,189,190,191,192,193,201,202,203,208,209,210,211,212,214,215,224,225,236,237,246,247,248,258,259,268,269,270,280,281,290,291,292,301,302,303,313,314,323,324,325,345,346,347,368,369,390,391,412,413,433,434,435,455,456,457,477,478,479,492 +159 - 73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,147,148,149,150,157,158,169,170,171,172,180,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,306,307,313,314,315,316,317,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,402,403,404,405,487 +160 - 32,33,34,54,55,56,76,77,96,97,98,99,104,105,117,118,119,120,121,125,126,127,138,139,140,141,146,147,148,159,160,161,162,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,253,254,255,256,257,275,276,277,278,279,296,297,298,300,301,318,319,322,323,339,340,341,344,345,361,362,363,365,366,367,383,384,385,387,388,389,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,493 +161 - 35,36,37,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,125,126,127,128,129,138,139,140,141,142,145,146,147,148,149,150,161,162,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,229,230,231,232,233,250,251,252,253,270,271,272,273,274,291,292,293,294,295,312,313,314,315,316,333,334,335,336,337,348,349,350,351,354,355,356,357,358,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,487 +162 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,122,123,124,138,139,140,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,294,295,296,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +163 - 62,63,64,82,83,84,85,103,104,105,106,124,125,126,127,140,141,142,143,144,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,188,189,190,191,203,204,205,206,207,209,210,211,212,224,225,226,227,228,231,232,233,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,338,339,340,341,359,360,361,362,381,382,383,403,404,425,426,446,447,467,468,469,489 +164 - 48,49,50,70,71,72,80,81,82,92,93,94,95,102,103,104,105,113,114,115,116,124,125,126,127,135,136,137,138,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,189,190,191,192,193,201,202,203,212,213,214,215,223,224,225,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,322,323,324,325,333,334,335,336,337,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,489 +165 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,304,313,314,315,316,317,318,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +166 - 38,39,60,61,62,82,83,84,96,97,103,104,105,117,118,119,125,126,127,139,140,141,146,147,148,149,161,162,163,168,169,170,182,183,184,185,189,190,191,192,204,205,206,207,211,212,213,226,227,228,232,233,234,235,247,248,249,250,253,254,255,256,257,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,489 +167 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,170,171,172,182,183,184,185,192,193,194,203,204,205,211,212,213,214,215,216,225,226,227,228,229,230,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,293,294,295,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +168 - 71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,473,492 +169 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,209,212,213,214,215,225,226,227,228,229,230,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,273,279,280,281,290,291,292,293,294,301,302,303,312,313,314,315,323,324,325,334,335,336,337,344,345,346,356,357,358,359,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +170 - 97,98,99,100,101,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,148,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,451,452,453,473,474,475,494 +171 - 57,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,149,168,169,170,171,189,190,191,192,193,209,210,211,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,291,292,293,294,295,296,306,307,311,312,313,314,315,316,317,326,327,328,329,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,424,425,426,427,487 +172 - 104,105,106,107,118,119,120,124,125,126,127,128,129,136,137,138,139,140,141,142,145,146,147,148,149,150,158,159,160,161,162,163,165,166,167,168,169,170,171,179,180,181,182,183,185,186,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,212,213,214,215,223,224,225,226,227,228,229,230,234,235,236,246,247,248,249,250,255,256,257,258,270,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +173 - 106,107,108,109,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,185,186,187,188,189,207,208,209,228,229,230,231,232,249,250,251,252,253,254,255,271,272,273,274,275,276,277,296,297,298,299,311,312,318,319,320,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,376,377,378,379,380,381,382,490 +174 - 56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,452,473,474,486 +175 - 105,106,107,108,109,121,122,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,185,186,187,188,189,190,206,207,208,209,227,228,229,230,249,250,251,252,253,254,255,271,272,273,274,275,276,277,290,291,297,298,299,300,311,312,313,320,321,322,323,333,334,335,342,343,344,355,356,357,358,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,490 +176 - 97,98,99,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,187,188,189,190,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,254,255,256,271,272,273,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,476,477,494 +177 - 56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,486 +178 - 16,17,18,36,37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,83,84,98,99,100,105,106,107,119,120,121,127,128,141,142,143,149,150,171,172,192,193,194,214,215,216,224,225,236,237,238,245,246,247,248,258,259,266,267,268,269,270,271,272,279,280,281,288,289,292,293,294,295,296,297,300,301,302,310,311,319,320,322,323,324,332,333,343,344,345,354,355,356,363,364,365,366,376,377,378,379,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,487 +179 - 57,58,59,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,150,151,152,170,171,172,173,174,190,191,192,193,194,195,196,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,300,301,302,323,324,325,345,346,347,354,355,366,367,368,369,375,376,377,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,488 +180 - 10,11,12,31,32,33,34,54,55,56,76,77,78,79,99,100,101,102,121,122,123,124,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,256,275,276,277,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,388,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,487 +181 - 75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,171,172,173,174,191,192,193,194,195,196,212,213,214,215,216,217,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,375,376,377,385,386,387,388,397,398,399,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,472,488 +182 - 31,32,33,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,125,126,136,137,138,139,140,141,142,159,160,161,162,163,164,165,166,183,184,185,186,187,188,189,190,208,209,210,211,212,213,232,233,234,235,236,256,257,258,259,278,279,280,281,301,302,303,324,325,326,336,337,345,346,347,348,358,359,366,367,368,369,370,380,381,382,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +183 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,169,170,171,181,182,183,190,191,192,202,203,204,210,211,212,213,214,224,225,226,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,472,494 +184 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,119,120,121,122,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +185 - 120,121,122,123,124,125,126,127,128,129,138,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,212,213,214,215,216,217,221,222,223,224,225,226,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,335,340,341,342,343,344,356,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +186 - 8,9,10,11,30,31,32,33,51,52,53,54,55,73,74,75,76,95,96,97,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,211,212,213,226,227,228,230,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,281,282,283,293,294,295,296,297,303,304,305,315,316,317,318,319,325,326,327,337,338,339,340,341,347,348,349,360,361,362,363,368,369,370,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,429,430,431,432,433,434,435,491 +187 - 11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,96,97,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,246,247,248,249,250,251,252,268,269,270,271,272,273,289,290,291,292,293,294,310,311,312,313,314,315,326,327,328,329,332,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,487 +188 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,94,95,96,97,100,101,102,103,104,105,116,117,118,125,126,127,138,139,140,147,148,149,159,160,161,162,169,170,171,182,183,184,191,192,193,204,205,206,212,213,214,215,226,227,228,229,234,235,236,248,249,250,251,252,255,256,257,258,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,343,344,345,358,359,360,361,366,367,368,381,382,388,389,390,402,403,404,410,411,412,424,425,426,431,432,433,446,447,448,449,453,454,455,469,470,471,472,473,474,475,476,493 +189 - 76,78,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,248,249,250,251,252,253,269,270,271,272,273,290,291,292,293,294,303,304,305,306,307,311,312,313,314,315,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,402,403,404,487 +190 - 10,11,12,13,14,31,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,142,143,144,145,146,166,167,188,189,209,210,211,230,231,232,233,239,252,253,254,260,261,268,269,273,274,275,276,282,283,289,290,291,292,293,294,295,296,297,303,304,305,310,311,312,313,314,315,316,317,318,325,326,327,332,333,334,335,336,337,338,339,340,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,487 +191 - 107,108,109,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,205,206,207,208,226,227,228,229,248,249,250,270,271,272,273,274,275,292,293,294,295,296,297,298,299,312,313,318,319,320,321,333,334,335,342,343,355,356,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,490 +192 - 11,12,13,14,33,34,35,36,37,55,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,120,121,124,125,126,127,139,140,141,147,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,206,214,215,216,224,225,226,227,228,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,356,357,358,359,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,485 +193 - 105,106,107,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,200,201,202,203,204,205,206,207,214,215,216,217,221,222,223,224,225,226,227,234,235,236,237,238,243,244,245,246,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,424,425,426,427,446,447,448,449,467,468,469,470,492 +194 - 50,51,52,59,60,61,72,73,74,81,82,83,94,95,96,102,103,104,115,116,117,118,124,125,126,127,137,138,139,140,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,232,233,234,235,236,237,246,247,248,249,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,321,322,323,324,337,338,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,455,475,476,489 +195 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,149,150,161,162,163,169,170,171,183,184,185,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,494 +196 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,190,191,192,200,201,202,203,204,205,211,212,213,214,215,223,224,225,226,227,234,235,236,237,246,247,248,256,257,258,278,279,280,281,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,452,453,454,455,474,475,476,477,492 +197 - 55,56,57,58,59,75,76,77,78,79,80,81,82,86,87,97,98,99,100,101,102,103,104,106,107,108,119,120,127,128,129,141,142,143,148,149,150,151,163,164,165,168,169,170,171,172,185,186,187,189,190,191,192,193,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,318,319,320,335,336,337,340,341,342,357,358,359,362,363,364,378,379,380,383,384,385,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,471,493 +198 - 28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,121,122,123,124,133,134,135,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,276,277,278,279,296,297,298,299,300,301,302,322,323,324,325,336,337,338,344,345,346,347,358,359,360,367,368,369,380,381,382,383,384,385,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,488 +199 - 97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,169,170,171,190,191,192,193,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,291,292,293,294,295,296,297,301,302,303,304,305,306,307,311,312,313,314,315,316,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,487 +200 - 30,31,32,33,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,486 +201 - 59,60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,268,273,274,275,276,277,289,294,295,296,297,298,310,311,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,428,445,446,447,448,468,469,486 +202 - 41,42,43,63,64,65,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,125,126,127,128,140,141,142,143,146,147,148,149,162,163,164,167,168,169,170,183,184,185,188,189,190,191,205,206,207,209,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,320,321,322,336,337,338,342,343,344,357,358,359,363,364,365,366,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,493 +203 - 76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,148,149,150,151,152,161,162,169,170,171,172,173,174,189,190,191,192,193,194,195,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,272,273,274,275,276,277,297,298,299,300,301,320,321,322,323,343,344,345,346,365,366,367,368,376,377,378,386,387,388,389,397,398,399,400,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,488 +204 - 10,11,12,32,33,34,54,55,75,76,77,97,98,99,119,120,121,141,142,162,163,164,184,185,186,191,192,206,207,208,211,212,213,214,215,227,228,229,230,233,234,235,236,237,238,249,250,251,254,255,256,257,258,259,271,272,273,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +205 - 37,38,39,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +206 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,125,126,127,128,136,137,138,139,140,141,142,143,144,148,149,150,151,157,158,159,160,161,165,171,172,173,179,180,181,193,194,195,200,201,202,215,216,217,218,222,223,224,237,238,239,240,244,245,246,259,260,261,262,266,267,268,282,283,284,288,289,304,305,309,310,311,312,325,326,327,331,332,333,334,347,348,349,354,355,356,368,369,370,371,376,377,378,379,389,390,391,392,399,400,401,402,403,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,485 +207 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,141,142,143,145,146,147,148,149,150,151,152,159,160,170,171,172,173,174,193,194,195,196,213,214,215,216,217,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,295,296,297,298,299,300,309,310,320,321,322,331,332,342,343,344,353,354,363,364,365,366,375,376,377,378,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,488 +208 - 34,35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +209 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,119,120,121,122,123,124,125,126,127,128,136,137,138,139,147,148,149,150,151,157,158,159,160,170,171,172,173,179,180,181,182,193,194,195,196,201,202,203,216,217,218,222,223,224,225,238,239,240,244,245,246,260,261,262,263,266,267,268,282,283,284,285,288,289,290,304,305,306,310,311,312,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,485 +210 - 54,55,56,57,58,75,76,77,78,79,80,96,97,98,101,102,103,104,117,118,119,120,124,125,126,139,140,141,147,148,149,160,161,162,169,170,171,182,183,192,193,204,205,214,215,225,226,237,238,247,248,259,260,269,270,281,282,291,292,303,304,313,314,325,326,335,336,347,348,357,358,368,369,379,380,390,391,402,403,410,411,412,424,425,426,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +211 - 34,35,36,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +212 - 75,76,77,78,96,97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,159,160,161,162,163,165,166,167,181,182,183,184,187,188,189,203,204,205,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,492 +213 - 10,11,12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,102,103,104,105,117,118,119,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,211,212,213,214,226,231,232,233,234,235,246,247,248,249,250,251,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,389,390,391,392,393,394,399,400,401,402,403,412,413,414,415,416,435,436,437,487 +214 - 95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,190,191,192,193,194,212,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,281,299,300,301,302,303,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,476,492 +215 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,322,323,324,343,344,345,346,353,354,355,364,365,366,367,368,374,375,376,377,378,379,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +216 - 52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,148,161,162,163,164,168,169,170,183,184,185,190,191,192,204,205,206,207,213,214,215,226,227,228,229,235,236,237,247,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,302,303,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,368,369,370,379,380,381,389,390,391,402,403,404,411,412,413,424,425,426,427,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,485 +217 - 36,37,58,59,60,80,81,82,102,103,104,105,124,125,126,127,139,140,146,147,148,149,161,162,168,169,170,171,183,184,190,191,192,193,204,205,206,212,213,214,226,227,228,234,235,236,247,248,249,250,255,256,257,258,269,270,271,272,273,274,275,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,342,343,344,364,365,366,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,489 +218 - 11,12,13,14,32,33,34,35,36,53,54,55,56,74,75,76,77,96,97,98,117,118,119,138,139,140,141,160,161,162,168,169,170,182,183,184,188,189,190,191,192,193,194,204,205,206,209,210,211,212,213,214,215,216,226,227,228,230,231,232,233,234,237,238,239,248,249,250,251,252,253,254,259,260,261,270,271,272,273,274,275,281,282,283,292,293,294,295,296,303,304,305,314,315,316,317,318,324,325,326,337,338,339,340,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,432,491 +219 - 60,61,62,63,64,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,266,277,278,279,280,287,288,299,300,301,302,309,310,311,321,322,323,331,332,333,334,343,344,345,354,355,356,357,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,490 +220 - 24,25,26,27,28,29,30,31,32,33,34,35,36,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,90,91,92,101,102,103,104,105,106,107,127,128,129,149,150,151,170,171,172,173,192,193,194,195,212,213,214,215,233,234,235,236,237,254,255,256,257,258,274,275,276,277,278,279,294,295,296,297,298,299,314,315,316,317,318,319,334,335,336,337,338,339,340,354,355,356,357,358,359,360,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,449,450,451,452,453,454,455,456,457,458,459,460,487 +221 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,74,75,76,77,78,96,97,98,99,117,118,119,120,137,138,139,140,141,159,160,161,162,163,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,253,254,255,256,257,259,260,261,268,269,270,271,274,275,276,277,278,281,282,283,290,291,292,293,296,297,298,299,302,303,304,305,312,313,314,315,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +222 - 49,50,70,71,72,73,92,93,94,95,113,114,115,116,117,125,126,127,128,135,136,137,138,147,148,149,150,151,156,157,158,159,160,169,170,171,172,173,178,179,180,181,188,189,190,191,192,193,194,195,200,201,202,203,208,209,210,211,212,213,214,215,216,217,222,223,224,225,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,301,302,303,304,310,311,312,313,314,315,316,317,318,323,324,325,326,333,334,335,336,337,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,489 +223 - 94,95,96,104,105,116,117,118,119,120,121,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,191,192,193,194,204,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,249,250,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,492 +224 - 37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,124,125,126,127,128,129,138,139,140,141,142,143,146,147,148,149,159,160,161,162,163,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,210,211,212,213,222,223,224,232,233,234,244,245,254,255,256,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,367,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,486 +225 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,102,103,104,105,106,118,119,120,121,127,128,140,141,142,143,148,149,150,162,163,164,165,169,170,171,172,184,185,186,187,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,297,298,299,300,311,312,313,314,319,320,321,322,332,333,334,341,342,343,344,354,355,356,363,364,365,366,376,377,378,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,493 +226 - 94,95,96,97,98,99,100,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,143,144,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,228,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +227 - 76,77,78,79,80,96,97,98,99,100,101,102,103,109,117,118,119,120,121,122,123,124,125,126,131,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,190,191,192,204,205,206,211,212,213,214,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +228 - 47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,91,92,93,96,97,98,99,120,121,140,141,142,143,161,162,163,164,165,182,183,184,185,203,204,205,206,226,227,228,229,230,249,250,251,252,253,254,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,324,344,345,346,347,367,368,369,389,390,391,412,413,414,430,431,432,433,434,435,436,452,453,454,455,456,457,458,475,476,477,478,479,488 +229 - 31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,143,144,145,146,147,148,149,150,158,159,160,161,167,168,169,170,171,172,180,181,182,191,192,193,194,195,201,202,203,204,215,216,217,218,223,224,225,226,237,238,239,240,241,245,246,247,248,260,261,262,263,267,268,269,282,283,284,285,288,289,290,291,305,306,307,310,311,312,313,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,369,370,371,372,373,376,377,378,379,380,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,485 +230 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,169,170,171,172,182,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,468,469,470,492 +231 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,429,447,448,449,450,486 +232 - 13,14,33,36,53,54,55,56,57,58,59,74,75,76,81,96,97,98,103,104,117,118,119,125,126,139,140,141,147,148,161,162,169,170,183,184,191,192,205,206,213,214,226,227,228,235,236,248,249,250,257,258,270,271,272,279,280,292,293,294,301,302,314,315,316,322,323,324,337,338,344,345,346,359,360,361,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,485 +233 - 12,13,14,15,16,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,81,82,83,84,97,98,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,317,318,319,320,321,322,323,332,333,334,337,338,339,340,341,342,343,344,345,353,354,355,357,358,359,360,361,362,363,365,366,367,375,376,377,378,379,380,381,382,383,388,389,397,398,399,400,401,402,403,404,420,421,422,423,424,487 +234 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,104,105,106,117,118,119,120,126,127,128,138,139,140,141,148,149,150,159,160,161,162,167,168,169,170,171,172,181,182,183,189,190,191,193,202,203,204,205,211,212,213,214,224,225,226,227,234,235,236,246,247,248,256,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,311,312,313,323,324,325,333,334,335,336,345,346,347,356,357,358,367,368,378,379,380,381,382,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +235 - 30,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,257,276,277,278,279,299,300,301,302,321,322,323,324,342,343,344,345,352,353,354,355,364,365,366,367,374,375,376,377,378,379,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +236 - 62,63,64,65,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,205,206,207,227,228,229,230,250,251,252,253,273,274,275,296,297,298,318,319,320,321,341,342,343,355,356,364,365,366,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +237 - 37,38,59,60,81,82,83,103,104,105,125,126,127,136,137,138,147,148,149,158,159,160,169,170,171,180,181,182,190,191,192,193,202,203,204,212,213,214,224,225,226,233,234,235,236,245,246,247,248,249,255,256,257,258,267,268,269,270,271,272,273,274,275,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,489 +238 - 12,13,14,15,16,33,34,35,36,37,38,53,54,55,56,57,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,182,183,184,203,204,205,213,214,215,225,226,227,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,302,303,304,313,314,315,316,317,318,319,320,323,324,325,326,336,337,338,339,340,341,342,345,346,347,361,362,363,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,427,428,429,430,431,491 +239 - 99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,184,185,186,205,206,207,208,209,210,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,280,287,300,301,302,309,310,311,322,323,324,331,332,333,334,335,343,344,345,346,354,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,490 +240 - 53,54,55,56,57,75,76,77,78,79,80,97,98,101,102,119,120,121,123,124,141,142,143,145,146,148,149,164,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,297,298,299,315,316,317,319,320,321,337,338,339,341,342,343,359,360,361,363,364,365,381,382,383,385,386,387,407,408,409,429,430,431,449,450,451,452,453,471,472,473,474,493 +241 - 9,10,11,12,31,32,33,52,53,54,55,74,75,76,94,95,96,97,116,117,118,119,137,138,139,158,159,160,161,180,181,182,183,194,201,202,203,204,214,215,216,217,223,224,225,226,235,236,237,238,239,240,245,246,247,248,256,257,258,259,260,261,262,267,268,269,270,277,278,279,280,281,282,283,284,289,290,291,292,298,299,300,301,303,304,305,306,311,312,313,314,315,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,491 +242 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,116,117,118,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,273,274,275,276,279,280,281,288,289,290,301,302,303,309,310,311,312,322,323,324,325,331,332,333,334,344,345,346,347,353,354,355,356,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +243 - 94,95,96,97,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,166,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +244 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,160,161,162,163,182,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,280,281,282,283,291,292,293,294,295,296,297,298,302,303,304,305,313,314,315,316,317,323,324,325,326,336,337,338,344,345,346,347,348,366,367,368,369,370,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +245 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,126,127,128,129,140,141,142,148,149,150,151,163,164,165,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,297,298,299,313,314,315,316,319,320,321,335,336,337,341,342,343,356,357,358,359,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,469,470,471,472,473,493 +246 - 54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,104,105,106,113,114,115,117,118,119,127,128,129,135,136,137,139,140,141,150,151,156,157,158,163,172,173,174,178,179,180,195,196,200,201,217,218,222,223,239,240,241,244,245,262,263,266,267,283,284,285,288,289,290,305,306,307,310,311,312,327,328,333,334,349,350,355,356,357,370,371,372,378,379,392,393,400,401,402,413,414,415,423,424,425,426,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,485 +247 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,106,107,117,118,119,120,121,124,125,138,139,140,141,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,206,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,494 +248 - 30,31,32,33,52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,344,363,364,365,366,385,386,387,388,389,390,407,408,409,410,411,412,413,430,431,432,433,434,435,453,454,455,456,486 +249 - 31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,146,147,148,149,150,151,158,159,160,161,170,171,172,173,179,180,181,182,193,194,195,196,200,201,202,203,215,216,217,218,219,222,223,224,238,239,240,241,244,245,246,261,262,263,266,267,268,284,285,288,289,306,307,310,311,312,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,369,370,371,372,377,378,379,380,381,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,485 +250 - 112,113,114,115,116,117,118,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,177,185,186,187,188,189,190,191,192,211,212,213,214,228,229,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,297,300,301,302,303,304,323,324,325,326,327,337,338,347,348,349,359,360,361,363,364,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,488 +251 - 34,35,36,56,57,58,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +252 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,114,115,121,122,123,124,137,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,487 +253 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,81,82,83,84,85,94,95,96,97,104,105,106,107,127,128,129,148,149,150,151,170,171,172,173,192,193,194,195,213,214,215,216,217,226,228,229,230,234,235,236,237,238,247,248,249,250,251,252,253,254,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,296,297,298,299,300,301,302,308,309,310,311,318,319,320,321,322,323,324,330,331,332,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,421,422,423,424,487 +254 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,80,81,82,95,96,97,102,103,104,117,123,124,125,144,145,146,147,165,166,167,168,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,256,257,258,259,279,280,281,302,303,315,316,324,325,337,338,346,347,358,359,367,368,369,380,381,389,390,391,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,488 +255 - 32,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,104,105,106,107,117,118,119,120,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,278,298,299,300,301,308,309,310,320,321,322,323,330,331,332,342,343,344,345,352,353,354,355,362,363,364,365,366,375,376,377,378,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +256 - 15,16,17,37,38,39,58,59,60,61,79,80,81,82,101,102,103,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,254,255,272,273,274,276,277,278,293,294,295,298,299,300,315,316,317,320,321,322,336,337,338,339,342,343,344,358,359,360,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,424,425,426,427,428,491 +257 - 39,40,41,61,62,63,83,84,85,104,105,106,126,127,128,140,141,148,149,150,161,162,163,169,170,171,172,183,184,185,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,233,234,235,236,247,248,249,250,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,326,334,335,336,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,489 +258 - 78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,146,147,148,160,161,168,169,170,189,190,191,211,212,213,233,234,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,492 +259 - 83,84,85,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,161,162,163,164,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,253,254,255,256,257,264,265,277,278,279,286,287,288,299,300,301,309,310,311,312,320,321,322,323,332,333,334,335,336,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,490 +260 - 117,118,121,122,123,124,125,126,127,138,139,140,142,143,144,145,146,147,148,149,150,151,159,160,161,164,165,171,172,173,174,179,180,181,182,186,187,188,194,195,196,197,200,201,202,203,217,218,219,222,223,224,240,241,244,245,262,263,266,267,283,284,285,288,289,304,305,306,310,311,324,325,326,327,332,333,334,342,343,344,345,346,347,348,355,356,357,358,362,363,364,365,366,367,379,380,381,382,383,384,385,386,403,404,405,406,485 +261 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,213,214,215,225,226,227,228,229,234,235,236,237,238,246,247,248,249,250,255,256,257,258,259,260,268,269,270,271,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,319,320,321,322,323,324,325,334,335,336,337,338,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +262 - 10,11,12,13,33,34,35,36,37,57,58,59,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,225,226,227,228,246,247,248,249,267,268,269,289,290,291,311,312,318,321,333,334,335,338,339,340,341,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,412,413,414,415,416,487 +263 - 94,95,96,97,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,190,191,192,193,201,202,203,204,212,213,214,215,224,225,226,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,472,492 +264 - 53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,100,101,115,116,117,122,123,136,137,138,144,145,146,158,159,160,166,167,168,179,180,181,189,190,191,201,202,203,204,211,212,213,224,225,226,233,234,235,236,246,247,248,249,255,256,257,258,269,270,271,272,273,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,341,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,458,478,479,494 +265 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,148,149,150,161,162,163,164,170,171,172,184,185,186,187,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,362,363,364,365,377,378,379,380,384,385,386,387,399,400,401,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,474,493 +266 - 31,32,33,34,38,39,40,41,42,50,51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,100,101,102,114,115,116,117,137,138,139,140,160,161,162,163,183,184,185,186,206,207,208,209,229,230,231,232,251,252,253,254,255,274,275,276,277,297,298,299,300,301,320,321,322,323,324,335,336,343,344,345,346,347,356,357,358,366,367,368,369,377,378,379,380,381,382,383,384,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,449,450,451,452,453,454,455,456,457,490 +267 - 76,77,78,79,80,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,210,211,212,225,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,272,273,274,276,277,278,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,470,471,472,473,494 +268 - 96,97,98,99,100,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,166,167,168,178,179,180,181,188,189,190,200,201,210,211,212,222,223,232,233,234,254,255,256,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,300,301,302,303,304,305,306,307,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,426,427,487 +269 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,447,448,449,486 +270 - 34,35,56,57,77,78,79,99,100,101,121,122,123,143,144,164,165,166,186,187,188,208,209,210,230,231,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,382,383,384,404,405,406,426,427,428,448,449,450,486 +271 - 37,38,59,60,61,81,82,83,103,104,124,125,126,146,147,148,161,162,168,169,170,183,184,185,190,191,205,206,207,211,212,213,226,227,228,229,233,234,235,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,340,341,342,343,344,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,489 +272 - 83,84,85,95,96,104,105,106,107,115,116,117,118,126,127,128,129,136,137,138,139,147,148,149,150,151,157,158,159,160,161,169,170,171,172,179,180,181,182,190,191,192,193,194,200,201,202,203,207,208,209,210,211,212,213,214,215,221,222,223,224,225,227,228,229,230,231,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,255,256,257,258,266,267,268,269,270,271,277,278,279,289,290,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,489 +273 - 102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,183,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,264,265,277,278,279,280,286,287,288,300,301,302,308,309,310,311,322,323,324,331,332,333,334,343,344,345,354,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,426,427,428,429,490 +274 - 15,16,17,36,37,38,39,57,58,59,60,61,79,80,81,100,101,102,121,122,123,124,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,228,229,230,231,249,250,251,252,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,320,321,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,366,367,368,378,379,380,381,387,388,389,390,400,401,402,403,408,409,410,411,422,423,424,428,429,430,431,432,491 +275 - 38,39,40,60,61,62,82,83,84,104,105,106,125,126,127,128,147,148,149,150,160,161,162,169,170,171,172,182,183,184,191,192,193,204,205,206,212,213,214,215,225,226,227,228,234,235,236,247,248,249,250,251,252,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,318,319,320,321,322,323,324,333,334,335,336,341,342,343,344,345,356,357,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,489 +276 - 35,36,57,58,78,79,80,100,101,102,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,486 +277 - 10,11,12,13,14,15,16,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,103,104,105,125,126,127,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,246,247,248,249,250,251,252,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,294,295,296,297,298,299,300,301,308,309,310,311,317,318,319,320,321,322,323,330,331,332,339,340,341,342,343,344,345,346,352,353,354,355,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,410,411,412,413,419,420,421,422,423,424,425,426,433,434,487 +278 - 10,11,12,13,14,15,16,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,164,165,166,186,187,188,189,208,209,210,211,212,231,232,233,234,235,255,256,257,258,259,278,279,280,281,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,490 +279 - 53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,125,126,127,138,139,140,141,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,214,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,300,321,322,323,332,343,344,345,353,354,355,365,366,367,375,376,377,378,386,387,388,397,398,399,400,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +280 - 99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,146,147,148,161,162,163,164,168,169,170,182,183,184,185,189,190,191,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,270,271,272,273,274,275,277,278,279,293,294,295,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,494 +281 - 29,30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,80,81,82,83,84,85,95,96,105,106,107,126,127,128,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,257,258,276,277,278,279,280,300,301,302,322,323,324,344,345,346,347,352,353,365,366,367,368,369,374,375,376,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,488 +282 - 116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,167,168,169,178,179,180,190,191,200,201,202,203,223,224,225,226,227,228,247,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,323,324,325,345,346,347,367,368,389,390,411,412,432,433,434,454,455,456,476,477,478,494 +283 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,101,102,103,104,105,106,115,116,117,118,119,124,125,126,127,128,129,137,138,139,140,148,149,150,151,152,158,159,160,161,162,170,171,172,173,174,179,180,181,182,183,192,193,194,195,196,197,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,227,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,303,304,305,306,307,310,311,312,313,314,315,325,326,327,328,332,333,334,335,336,337,338,346,347,348,349,350,354,355,356,357,358,359,360,361,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,485 +284 - 47,48,49,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,136,137,138,139,158,159,160,161,162,181,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,250,257,258,259,260,280,281,282,302,303,304,310,311,325,326,327,332,333,334,347,348,349,354,355,356,357,368,369,370,377,378,379,390,391,392,400,401,402,410,411,412,413,423,424,425,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +285 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,160,161,162,168,169,182,183,184,190,204,205,206,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,494 +286 - 12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,95,96,97,98,99,100,116,117,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,429,430,431,432,433,491 +287 - 100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,151,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,257,265,266,267,277,278,279,287,288,299,300,301,309,310,311,320,321,322,323,331,332,333,334,335,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,490 +288 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,161,168,169,170,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +289 - 38,39,60,61,82,83,103,104,105,125,126,127,147,148,149,161,162,168,169,170,183,184,185,190,191,192,204,205,206,207,211,212,213,214,226,227,228,233,234,235,247,248,249,250,255,256,257,269,270,271,272,273,274,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,489 +290 - 35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,429,448,449,450,451,486 +291 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,102,103,104,105,119,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,257,276,277,278,279,299,300,301,320,321,322,323,341,342,343,344,345,353,354,362,363,364,365,366,375,376,377,378,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,488 +292 - 32,33,34,54,55,56,76,77,78,98,99,100,119,120,121,123,124,141,142,143,145,146,147,163,164,165,167,168,169,184,185,186,187,189,190,191,206,207,208,210,211,212,213,227,228,229,230,232,233,234,235,249,250,251,254,255,256,270,271,272,273,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,337,338,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,489 +293 - 31,32,33,36,37,38,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,101,102,103,104,105,106,107,116,117,118,119,120,121,124,125,126,127,128,129,138,139,140,141,142,148,149,150,151,159,160,161,162,163,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,206,215,216,217,218,223,224,225,226,227,228,237,238,239,240,245,246,247,248,249,250,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,303,304,305,311,312,313,314,323,324,325,326,327,333,334,335,336,337,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,485 +294 - 81,82,89,90,91,92,103,104,105,111,112,113,114,115,125,126,127,128,133,134,135,136,137,147,148,149,150,151,155,156,157,158,159,169,170,171,172,173,177,178,179,180,181,191,192,193,194,195,199,200,201,202,203,212,213,214,215,216,217,221,222,223,224,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,324,325,326,327,333,334,335,336,337,338,339,340,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,435,436,437,457,458,459,460,480,481,482,489 +295 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,105,106,127,128,129,141,142,148,149,150,163,164,169,170,171,172,185,186,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,319,320,321,335,336,337,341,342,343,356,357,358,363,364,365,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,451,493 +296 - 8,9,10,31,32,33,53,54,55,56,75,76,77,78,79,80,81,82,94,95,98,99,100,101,102,103,104,105,115,116,117,118,121,122,123,124,125,126,127,128,137,138,139,146,147,148,149,150,151,159,160,161,171,172,173,174,180,181,182,193,194,195,202,203,204,215,216,217,223,224,225,226,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,359,360,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,485 +297 - 39,40,41,61,62,63,83,84,85,104,105,106,107,126,127,128,129,140,148,149,150,161,162,163,169,170,171,182,183,184,185,191,192,193,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,246,247,248,249,255,256,257,258,267,268,269,270,271,272,273,274,275,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,314,315,316,317,318,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,489 +298 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,136,137,142,143,144,145,146,163,164,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,323,324,325,326,345,346,347,348,367,368,369,370,388,389,390,391,392,401,402,403,404,405,406,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,488 +299 - 10,11,12,13,14,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,95,96,97,98,116,117,118,119,120,138,139,140,141,160,161,162,163,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,210,211,212,213,214,215,216,217,225,226,227,228,232,233,234,235,236,237,238,239,246,247,248,249,252,253,254,255,256,257,259,260,261,268,269,270,272,273,274,275,276,277,280,281,282,290,291,292,293,294,295,296,297,298,301,302,303,304,305,312,313,314,315,316,317,318,319,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +300 - 57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,166,167,168,169,184,185,186,188,189,190,206,207,209,210,211,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,340,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,403,404,407,408,409,410,425,426,429,430,431,447,448,449,450,451,452,469,470,471,472,473,493 +301 - 97,98,99,116,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,166,167,168,169,170,171,172,181,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,227,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +302 - 13,14,15,34,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,226,227,228,229,230,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,296,297,298,299,300,301,302,303,313,314,315,316,318,319,320,321,322,323,324,325,334,335,336,337,338,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,491 +303 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,124,125,126,127,128,139,140,141,142,143,146,147,148,149,150,151,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,192,193,194,195,196,203,204,205,206,207,214,215,216,217,218,225,226,227,228,229,236,237,238,239,240,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,302,303,304,310,311,312,313,314,323,324,325,326,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +304 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,144,145,146,159,160,165,166,167,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,233,234,255,256,277,278,299,300,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,474,475,494 +305 - 96,97,98,99,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,492 +306 - 74,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,234,235,236,237,238,258,259,260,261,281,282,283,284,287,288,304,305,306,309,310,311,326,327,328,331,332,333,334,348,349,350,354,355,356,357,358,369,370,371,372,377,378,379,380,381,382,383,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,450,451,452,453,454,490 +307 - 95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,142,143,144,145,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,189,190,191,192,204,205,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,492 +308 - 29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,102,103,104,105,106,127,128,149,150,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,366,367,368,369,370,375,376,377,378,379,380,381,382,389,390,391,392,393,398,399,400,401,402,403,412,413,414,415,435,436,457,458,487 +309 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,427,446,447,448,486 +310 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,450,451,452,486 +311 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,182,183,184,185,203,204,205,206,213,214,225,226,227,228,234,235,236,237,246,247,248,249,254,255,256,257,258,259,268,269,270,276,277,278,279,280,281,282,290,291,292,297,298,299,300,301,302,303,304,311,312,313,314,318,319,320,321,322,323,324,325,334,335,336,337,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +312 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,114,115,116,117,118,136,137,138,139,158,159,160,161,162,181,182,183,184,185,186,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,228,229,230,231,232,233,234,235,236,237,238,239,240,241,251,252,253,254,255,256,257,258,259,261,262,263,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,359,360,361,362,364,365,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +313 - 76,77,78,79,80,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,146,147,148,160,161,162,163,167,168,169,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,225,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,494 +314 - 50,51,72,73,74,94,95,96,105,106,116,117,118,126,127,128,129,138,139,140,148,149,150,160,161,162,170,171,172,181,182,183,192,193,203,204,205,214,215,225,226,236,237,246,247,248,249,250,251,252,253,258,259,268,269,270,271,272,273,274,275,276,277,279,280,281,290,291,292,293,294,297,298,299,300,301,302,303,312,313,314,320,321,322,323,324,325,344,345,346,347,366,367,368,387,388,389,408,409,410,430,431,432,452,453,454,474,475,489 +315 - 36,37,38,57,58,59,60,79,80,81,82,83,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,486 +316 - 54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,114,115,116,137,138,159,160,161,181,182,183,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,257,258,259,260,280,281,282,303,304,325,326,347,348,368,369,370,390,391,392,403,404,411,412,413,426,427,428,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,490 +317 - 13,14,15,16,17,18,30,31,32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,83,84,85,97,98,105,106,107,127,128,129,148,149,150,151,169,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,295,296,297,298,299,300,310,311,312,313,314,317,318,319,320,321,322,332,333,334,335,338,339,340,341,342,343,344,345,354,355,356,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,387,388,389,390,397,398,399,400,401,402,403,404,405,409,410,420,421,422,423,424,425,487 +318 - 56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,121,123,124,125,136,137,138,139,140,141,144,145,146,158,159,160,161,166,167,168,180,187,188,189,208,209,210,211,230,231,232,251,252,253,272,273,274,275,294,295,296,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,347,348,349,350,358,359,360,361,362,370,371,372,379,380,381,382,393,394,395,400,401,402,403,416,417,422,423,424,443,444,445,465,466,487 +319 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,148,149,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,446,447,448,449,450,468,469,470,471,494 +320 - 31,32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,123,124,125,126,127,138,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,191,192,193,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,258,259,269,270,271,280,281,291,292,293,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,343,344,345,346,347,357,358,359,360,361,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +321 - 34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,103,104,105,106,118,119,125,126,127,128,146,147,148,149,167,168,169,170,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,324,331,332,333,341,342,343,344,345,353,354,355,363,364,365,366,375,376,377,378,379,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +322 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,125,126,137,138,139,147,148,149,158,159,160,169,170,171,179,180,181,190,191,192,193,201,202,203,211,212,213,214,223,224,225,232,233,234,235,236,245,246,247,253,254,255,256,257,258,268,269,270,272,273,274,275,276,278,279,280,290,291,292,293,294,295,296,297,300,301,302,313,314,315,316,317,322,323,324,344,345,346,366,367,368,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +323 - 10,11,12,13,31,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,224,225,226,227,235,236,237,238,245,246,247,248,256,257,258,259,260,261,267,268,269,270,276,277,278,279,280,281,282,283,289,290,291,292,298,299,300,301,302,303,304,305,312,313,314,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,491 +324 - 98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,147,148,156,157,158,159,160,161,162,163,168,169,170,179,180,189,190,191,192,211,212,213,214,233,234,235,254,255,256,268,269,270,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,492 +325 - 32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,82,83,84,85,96,97,98,99,105,106,107,108,119,126,127,128,129,130,148,149,150,151,169,170,171,172,173,191,192,193,194,212,213,214,215,216,233,234,235,236,237,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,386,387,388,389,390,398,399,400,401,402,403,404,408,409,410,411,412,421,422,423,430,431,432,433,434,452,453,454,455,487 +326 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,149,160,161,162,163,164,169,170,171,172,181,182,183,184,185,192,193,194,195,203,204,205,206,215,216,217,224,225,226,227,237,238,239,246,247,248,249,259,260,268,269,270,281,282,290,291,292,302,303,304,312,313,314,324,325,334,335,336,344,345,346,347,356,357,358,365,366,367,368,378,379,380,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +327 - 32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,97,98,99,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,299,300,301,302,320,321,322,323,324,330,331,341,342,343,344,352,353,354,361,362,363,364,365,366,374,375,376,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,488 +328 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,321,322,323,324,325,342,343,344,345,346,347,363,364,365,366,367,368,380,381,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,470,471,472,473,490 +329 - 17,18,19,39,40,41,61,62,82,83,84,104,105,106,125,126,127,128,140,141,147,148,149,150,161,162,163,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,233,234,235,236,245,246,247,248,249,250,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,489 +330 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,168,186,187,188,189,190,191,209,210,211,212,213,214,234,235,236,256,257,258,278,279,280,281,300,301,302,303,304,322,323,324,325,326,343,344,345,346,347,364,365,366,367,368,378,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +331 - 11,12,13,32,33,34,35,54,55,56,57,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,213,214,215,216,225,226,227,228,229,235,236,237,238,247,248,249,250,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,291,292,293,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,408,409,410,491 +332 - 38,39,40,41,42,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,137,138,139,140,141,159,160,161,162,181,182,183,184,204,205,206,207,208,227,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,279,299,300,301,302,322,323,324,345,346,347,357,358,367,368,369,379,380,381,389,390,391,401,402,403,404,405,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,490 +333 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,127,128,129,130,137,138,139,140,141,148,149,150,151,159,160,161,162,163,169,170,171,172,182,183,184,185,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,302,313,314,315,316,322,323,324,335,336,337,344,345,346,357,358,359,366,367,368,379,380,381,388,389,390,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +334 - 52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,123,124,125,137,138,139,146,147,158,159,160,168,169,170,180,181,182,189,190,191,192,193,202,203,204,210,211,212,213,214,215,224,225,226,232,233,234,235,236,237,246,247,248,249,255,256,257,258,268,269,270,271,272,277,278,279,291,292,293,294,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,364,365,366,367,386,387,388,408,409,410,431,432,453,454,455,475,476,477,494 +335 - 85,86,99,100,103,104,105,106,107,108,109,120,121,122,124,125,126,127,128,129,130,131,140,141,142,143,144,147,148,149,150,151,162,163,164,165,182,183,184,185,186,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,248,249,254,255,256,257,266,267,277,278,279,288,289,300,301,310,311,312,313,322,323,333,334,335,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,403,404,405,406,407,490 +336 - 51,52,53,59,60,73,74,75,80,81,82,95,96,102,103,104,117,118,124,125,126,139,140,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,450,451,452,472,473,489 +337 - 94,95,96,97,98,99,100,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,167,168,169,170,171,172,180,181,182,190,191,192,193,194,201,202,203,204,212,213,214,215,216,223,224,225,226,233,234,235,236,237,246,247,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +338 - 74,75,83,84,95,96,97,104,105,106,117,118,119,125,126,127,139,140,147,148,149,160,161,162,169,170,171,181,182,183,190,191,192,203,204,205,212,213,214,224,225,226,227,233,234,235,240,246,247,248,249,255,256,257,260,261,262,268,269,270,271,272,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,489 +339 - 13,14,15,16,17,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,82,83,84,85,96,97,98,99,104,105,106,107,119,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,215,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,295,296,297,298,299,300,301,310,311,312,313,316,317,318,319,320,321,322,323,331,332,333,334,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,365,366,367,368,374,375,376,377,378,379,380,381,382,383,388,389,390,391,396,397,398,399,400,401,402,403,410,411,412,413,420,421,422,423,432,433,434,435,487 +340 - 76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,146,161,162,163,164,166,167,168,182,183,184,185,186,188,189,190,204,205,206,207,208,210,211,212,213,225,226,227,228,233,234,235,236,237,247,248,249,250,255,256,257,258,268,269,270,271,277,278,279,280,289,290,291,292,293,300,301,302,311,312,313,314,322,323,324,325,343,344,345,346,347,364,365,366,367,368,386,387,389,407,408,409,410,411,429,430,431,450,451,452,453,472,473,474,492 +341 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,103,104,105,106,107,126,127,128,129,147,148,149,150,151,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,300,301,302,309,310,322,323,324,330,331,332,333,343,344,345,346,352,353,354,364,365,366,367,368,374,375,376,377,378,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +342 - 59,80,81,101,102,103,123,124,140,145,146,161,162,163,166,167,168,183,184,185,188,189,190,205,206,207,208,209,210,211,212,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,276,277,278,279,291,292,293,298,299,313,314,315,319,320,321,335,336,341,342,343,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,474,489 +343 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,82,83,84,85,97,98,99,100,105,106,107,119,120,121,127,128,129,141,142,143,148,149,150,151,163,164,165,166,169,170,171,172,186,187,188,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,338,341,342,343,356,357,358,362,363,364,378,379,380,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,449,450,493 +344 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,138,139,140,148,149,159,160,161,169,170,171,180,181,182,191,192,202,203,204,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,321,322,343,344,365,366,387,388,409,410,411,431,432,433,453,454,455,475,476,477,494 +345 - 36,37,38,57,58,59,60,61,79,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,486 +346 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,182,183,184,185,189,190,191,192,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,276,278,279,299,300,301,321,322,342,343,344,364,365,366,376,377,385,386,387,398,399,400,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,468,469,470,471,472,494 +347 - 12,13,14,15,16,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,75,76,80,81,82,83,84,104,105,106,107,126,127,128,129,148,149,150,151,170,171,172,191,192,193,194,213,214,215,216,235,236,237,238,246,247,248,249,250,251,252,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,318,319,320,321,322,323,331,332,333,334,339,340,341,342,343,344,345,353,354,355,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,410,411,412,413,420,421,422,423,424,425,433,434,435,487 +348 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,124,125,126,127,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,346,358,359,360,361,362,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,448,449,450,451,493 +349 - 92,93,94,95,96,97,98,99,100,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,169,170,171,172,173,179,180,181,182,191,192,193,194,195,201,202,203,213,214,215,216,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +350 - 75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,144,145,146,147,159,160,161,162,167,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,253,254,255,256,257,269,270,271,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,342,343,344,363,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,454,455,473,474,475,476,494 +351 - 36,37,38,39,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,486 +352 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,79,80,81,82,83,94,95,96,97,103,104,105,116,117,118,125,126,127,137,138,139,147,148,149,159,160,161,163,164,165,168,169,170,180,181,182,183,184,185,186,187,188,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,292,293,294,296,301,302,303,304,313,314,315,316,324,325,326,327,336,337,347,348,358,359,360,369,370,380,381,382,383,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +353 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,144,145,146,147,148,149,160,161,162,168,169,170,171,182,183,184,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +354 - 52,53,54,55,73,74,75,76,77,94,95,96,97,116,117,118,119,138,139,140,159,160,161,162,167,168,169,181,182,183,184,188,189,190,191,203,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,408,409,430,431,432,452,453,454,475,476,489 +355 - 36,37,38,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,448,486 +356 - 48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,93,94,95,98,99,100,101,102,103,116,117,123,124,125,145,146,147,167,168,169,187,188,189,190,191,208,209,210,211,212,231,232,233,234,253,254,255,256,276,277,278,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +357 - 36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +358 - 30,31,52,53,54,74,75,76,96,97,98,118,119,120,140,141,142,143,163,164,165,185,186,187,207,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +359 - 34,35,36,56,57,58,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,145,146,147,148,149,150,151,161,162,163,164,168,169,170,171,172,173,182,183,184,185,193,194,195,196,203,204,205,206,216,217,218,225,226,227,228,238,239,240,246,247,248,249,260,261,262,268,269,270,271,281,282,283,284,289,290,291,292,303,304,305,311,312,313,324,325,326,327,333,334,335,346,347,348,349,355,356,357,366,367,368,369,370,377,378,379,386,387,388,389,390,391,399,400,401,402,403,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +360 - 5,6,7,8,9,10,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,75,76,77,78,79,91,92,98,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,363,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,426,427,428,429,430,431,432,433,434,435,436,437,438,487 +361 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,126,127,128,129,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,277,278,295,296,297,298,299,300,301,320,321,322,323,332,333,343,344,345,353,354,355,364,365,366,367,375,376,377,386,387,388,389,397,398,399,400,401,402,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +362 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,148,161,162,163,167,168,169,170,182,183,184,190,191,192,204,205,206,213,214,226,227,228,234,235,236,237,248,249,250,251,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,317,318,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +363 - 38,39,59,60,61,81,82,83,103,104,105,124,125,126,146,147,148,167,168,169,170,182,183,189,190,191,204,205,206,210,211,212,213,225,226,227,232,233,234,235,247,248,249,250,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,316,317,318,319,320,321,322,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,448,449,489 +364 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,124,125,139,140,141,146,147,160,161,162,168,169,182,183,184,189,190,191,204,205,211,212,213,225,226,227,233,234,235,247,248,249,254,255,256,257,270,271,275,276,277,278,292,293,296,297,298,299,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,360,362,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,494 +365 - 33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,102,103,104,105,116,117,118,125,126,127,147,148,149,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,408,409,410,411,412,431,432,433,434,454,455,456,487 +366 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,486 +367 - 11,12,13,14,32,33,34,35,53,54,55,56,57,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,224,225,226,227,235,236,237,238,246,247,248,249,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,298,299,300,301,302,303,304,305,312,313,314,315,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +368 - 31,32,33,52,53,54,55,56,74,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,186,187,188,189,190,191,192,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,297,298,299,314,315,316,320,321,336,337,338,342,343,357,358,359,363,364,365,379,380,381,384,385,386,387,401,402,403,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,493 +369 - 61,62,63,82,83,84,85,96,104,105,106,117,118,119,125,126,127,139,140,141,146,147,148,149,160,161,162,163,168,169,170,182,183,184,185,190,191,192,203,204,205,206,211,212,213,224,225,226,227,233,234,235,246,247,248,249,250,251,252,253,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,320,321,322,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,489 +370 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,139,140,143,144,145,146,161,162,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +371 - 93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,165,166,167,168,169,170,171,172,173,180,181,182,183,192,193,194,195,202,203,204,205,214,215,216,217,224,225,226,235,236,237,238,256,257,258,259,260,278,279,280,281,299,300,301,302,303,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,492 +372 - 28,29,50,51,72,73,81,93,94,95,102,103,104,115,116,117,123,124,125,137,138,145,146,147,158,159,160,167,168,180,181,182,189,190,202,203,204,210,211,212,224,225,226,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,319,320,321,341,342,343,363,364,365,385,386,387,407,408,428,429,430,431,450,451,452,489 +373 - 39,40,61,62,82,83,84,103,104,105,106,125,126,127,146,147,148,149,161,162,168,169,170,182,183,184,190,191,192,203,204,205,206,211,212,213,224,225,226,227,233,234,235,245,246,247,248,250,251,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,489 +374 - 74,75,76,77,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,159,160,161,162,163,166,167,168,181,182,183,184,185,187,188,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,228,229,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,342,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +375 - 13,14,15,16,17,33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,104,105,106,107,119,120,121,127,128,129,141,148,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,216,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,295,296,297,298,299,300,301,310,311,312,313,317,318,319,320,321,322,331,332,333,334,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,387,388,389,390,391,397,398,399,400,401,402,403,404,409,410,411,412,413,421,422,432,433,434,487 +376 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,101,102,117,118,119,120,123,124,139,140,141,161,162,163,183,184,185,206,207,208,228,229,230,231,251,252,253,273,274,275,276,277,296,297,298,299,300,319,320,321,322,342,343,344,345,359,365,366,367,368,381,382,383,384,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,490 +377 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,165,166,167,169,170,171,172,180,181,182,183,184,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,233,234,235,236,237,248,255,256,257,258,277,278,279,280,298,299,300,301,302,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +378 - 7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,77,78,79,80,100,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,211,212,232,233,234,248,254,255,256,268,269,270,271,272,273,276,277,278,289,290,291,292,293,294,295,296,298,299,300,311,312,313,314,315,316,317,318,319,320,321,333,334,335,338,339,340,341,342,343,350,355,356,357,358,361,362,363,364,365,366,367,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,434,435,436,487 +379 - 39,40,60,61,62,82,83,84,103,104,105,125,126,127,146,147,148,162,168,169,170,183,184,185,189,190,191,192,205,206,207,211,212,213,226,227,228,229,232,233,234,235,247,248,249,250,251,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,318,319,320,321,322,323,339,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,448,449,489 +380 - 27,28,29,49,50,51,71,72,73,74,92,93,94,95,114,115,116,125,126,127,128,135,136,137,138,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,191,192,193,200,201,202,203,212,213,214,215,222,223,224,234,235,236,237,244,245,246,247,255,256,257,258,259,262,267,268,269,270,277,278,279,280,281,282,283,284,289,290,291,292,293,294,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,387,388,389,409,410,411,431,432,433,434,454,455,456,457,489 +381 - 13,14,33,34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,140,141,142,143,144,147,148,149,162,163,164,165,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,250,251,252,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,317,318,319,320,321,322,323,332,333,334,335,338,339,340,341,342,343,344,345,353,354,355,356,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,387,388,389,390,391,397,398,399,400,401,402,403,404,410,411,412,420,421,422,423,424,425,487 +382 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +383 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,159,160,161,162,163,169,170,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,494 +384 - 81,82,102,103,104,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,177,178,179,180,181,182,183,184,185,186,187,189,190,191,210,211,212,213,232,233,234,254,255,256,270,271,272,273,274,275,276,277,278,279,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,342,343,344,364,365,386,387,408,409,429,430,431,451,452,473,474,492 +385 - 15,16,17,18,33,34,35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,104,105,106,107,119,120,121,122,125,126,127,128,129,147,148,149,150,151,169,170,171,172,189,190,191,192,193,211,212,213,214,215,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,322,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,387,388,389,390,391,392,396,397,398,399,400,401,402,403,409,410,411,412,413,419,420,421,422,423,424,432,433,434,487 +386 - 51,52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,83,84,91,92,93,94,95,96,112,113,114,115,116,134,135,149,150,151,156,157,158,159,160,161,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,230,231,232,233,234,235,236,252,253,254,255,256,257,258,259,274,275,276,279,280,281,282,295,296,297,302,303,304,316,317,318,319,324,325,326,327,338,339,340,346,347,348,349,360,361,368,369,370,371,382,383,389,390,391,392,404,405,406,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +387 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,143,144,145,146,147,148,149,159,160,161,168,169,170,171,180,181,182,190,191,192,193,203,204,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +388 - 13,14,34,35,55,56,57,77,78,98,99,100,120,121,141,142,143,163,164,165,185,186,206,207,208,228,229,230,250,251,254,255,256,257,258,272,273,275,276,277,278,279,280,294,295,296,297,298,299,301,302,316,317,318,319,322,323,324,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,386,404,405,491 +389 - 78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,147,148,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,226,227,228,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,470,471,472,494 +390 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,79,80,81,82,95,96,97,102,103,104,117,118,119,124,125,126,139,140,141,145,146,147,148,161,162,163,164,167,168,169,183,184,185,186,187,188,189,190,191,207,208,209,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,301,302,303,316,317,318,319,322,323,324,325,337,338,339,340,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,409,410,411,412,413,423,424,425,426,427,432,433,434,435,445,446,447,448,487 +391 - 16,17,18,37,38,39,40,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,146,148,149,150,165,166,167,170,171,172,188,191,192,193,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,275,276,277,278,279,280,287,288,289,290,291,297,298,299,300,301,302,309,310,311,318,319,320,321,322,323,324,325,331,332,333,338,339,340,341,342,344,345,346,347,353,354,358,359,360,361,362,363,367,368,369,375,376,377,378,379,380,381,382,383,384,389,390,391,397,398,399,400,401,402,403,404,411,412,413,414,420,421,422,423,424,425,434,435,487 +392 - 47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,100,101,102,103,110,111,112,113,123,124,125,132,133,134,145,146,147,155,156,167,168,169,188,189,190,191,209,210,211,212,213,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,300,301,302,303,323,324,325,326,346,347,348,367,368,369,370,381,382,388,389,390,391,392,401,402,403,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,488 +393 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,96,97,99,100,101,102,103,106,107,108,118,119,121,122,123,127,128,129,130,139,140,141,148,149,150,151,161,162,163,164,169,170,171,172,184,185,186,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,359,362,363,364,377,378,379,380,383,384,385,386,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +394 - 31,32,33,34,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,339,340,341,342,361,362,363,364,384,385,386,387,406,407,408,409,410,429,430,431,432,433,434,452,453,454,455,456,486 +395 - 12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,140,141,142,161,162,163,164,182,183,184,185,186,204,205,206,207,214,215,225,226,227,228,236,237,238,247,248,249,250,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,298,299,300,301,302,303,304,312,313,314,315,319,320,321,322,324,325,326,334,335,336,337,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +396 - 33,34,35,36,55,56,57,76,77,78,79,80,98,99,100,101,102,103,104,105,106,120,121,123,124,125,126,127,141,142,143,163,164,184,185,186,205,206,207,227,228,229,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,301,302,323,324,345,346,366,367,368,379,387,388,389,401,402,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +397 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,336,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,422,423,424,425,426,445,446,447,448,486 +398 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +399 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,148,149,150,151,152,161,162,163,164,165,171,172,173,174,182,183,184,185,186,193,194,195,196,204,205,206,207,208,215,216,217,218,224,225,226,227,228,229,237,238,239,240,246,247,248,249,250,251,258,259,260,261,262,267,268,269,270,271,272,280,281,282,283,284,289,290,291,292,293,300,301,302,303,304,305,310,311,312,313,314,315,321,322,323,324,325,326,332,333,334,335,336,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,485 +400 - 4,5,6,7,8,9,25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,68,69,70,75,76,77,78,79,98,99,100,101,121,122,123,124,143,144,145,146,147,166,167,168,169,188,189,190,191,205,211,212,213,226,227,228,233,234,235,247,248,249,250,251,255,256,257,269,270,271,272,273,277,278,279,291,292,293,294,295,296,299,300,301,314,315,316,317,318,319,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,431,432,433,434,435,436,437,487 +401 - 13,14,15,34,35,36,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,235,236,248,249,250,255,256,257,258,259,270,271,272,276,277,278,279,280,281,292,293,294,298,299,300,301,302,303,314,315,316,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,408,409,491 +402 - 61,62,82,83,84,104,105,106,119,126,127,140,141,148,149,150,161,162,163,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,213,214,215,225,226,227,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,299,300,301,311,312,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +403 - 77,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,129,130,140,141,142,143,144,145,161,162,163,164,183,184,185,186,204,205,206,207,208,209,227,228,229,230,231,232,233,234,254,255,256,257,277,278,279,280,287,288,289,299,300,301,302,309,310,311,321,322,323,324,331,332,333,334,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,490 +404 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,92,93,94,96,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,138,139,140,145,146,147,148,158,159,160,161,162,163,164,166,167,168,183,184,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,270,271,272,277,278,279,280,291,292,293,300,301,302,303,312,313,314,323,324,325,334,335,345,346,347,348,355,356,357,367,368,369,370,377,378,379,389,390,391,399,400,401,402,403,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,471,472,473,474,475,493 +405 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,105,106,107,126,127,128,147,148,149,150,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,281,300,301,302,303,308,309,310,322,323,324,325,330,331,332,344,345,346,352,353,354,365,366,367,368,375,376,377,386,387,388,389,397,398,399,400,401,403,404,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +406 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,407,408,409,410,411,430,431,432,433,434,453,454,455,456,486 +407 - 60,61,62,80,81,82,83,84,85,86,101,102,103,104,105,106,107,108,120,121,123,124,125,126,127,128,129,141,142,143,145,146,147,162,163,164,165,183,184,185,186,204,205,206,207,208,209,227,228,229,230,231,232,233,252,253,254,255,256,257,277,278,279,280,287,288,300,301,302,309,310,321,322,323,324,331,332,333,334,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,427,428,490 +408 - 56,57,58,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,430,450,451,452,473,474,486 +409 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,147,148,155,156,161,162,163,164,169,170,182,183,184,185,190,191,192,204,205,206,212,213,214,226,227,228,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +410 - 5,6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,307,315,316,317,318,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,487 +411 - 96,97,98,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,166,168,169,170,171,172,180,181,182,183,184,190,191,192,193,203,204,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +412 - 96,97,117,118,119,139,140,145,146,147,160,161,162,167,168,169,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,275,276,277,297,298,299,319,320,341,342,362,363,364,384,385,386,406,407,428,429,450,451,472,473,489 +413 - 40,41,61,62,83,84,104,105,106,119,120,126,127,128,140,141,142,148,149,162,163,164,169,170,171,183,184,185,186,191,192,205,206,207,212,213,214,226,227,228,234,235,236,246,247,248,249,250,255,256,257,268,269,270,271,272,273,274,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,449,450,489 +414 - 34,35,36,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,210,211,212,226,227,228,229,232,233,234,247,248,249,250,254,255,256,269,270,271,272,276,277,278,290,291,292,293,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,386,387,388,389,409,410,411,412,431,432,433,453,454,455,489 +415 - 57,58,59,60,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,126,127,128,129,130,140,141,142,143,144,145,150,151,152,161,162,163,164,165,166,167,171,172,173,174,183,184,185,186,192,193,194,195,206,207,208,213,214,215,216,217,228,229,230,231,233,234,235,236,237,251,252,253,254,255,256,257,258,274,275,276,277,278,279,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,356,357,358,359,360,362,363,364,378,379,380,381,383,384,385,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +416 - 14,15,35,36,37,57,58,59,79,80,81,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,429,486 +417 - 123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,207,208,209,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,299,300,310,311,312,320,321,322,332,333,334,335,336,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,403,404,405,406,407,490 +418 - 127,128,129,130,131,146,147,148,149,150,151,152,153,167,168,169,170,188,189,190,194,195,196,210,211,212,213,214,215,216,217,231,232,233,234,235,250,251,252,253,254,255,270,271,272,273,276,277,291,292,293,298,299,312,313,319,320,321,333,334,340,341,342,355,356,359,360,361,362,363,377,378,379,380,381,382,383,400,401,402,403,493 +419 - 78,79,80,81,82,99,100,101,102,103,104,105,118,119,120,121,125,126,127,139,140,141,142,147,148,149,160,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +420 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,161,162,163,183,184,185,186,187,188,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,249,250,251,254,255,256,257,277,278,279,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,490 +421 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,213,214,215,225,226,227,228,233,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,269,270,271,275,276,277,278,279,280,281,282,290,291,292,293,296,297,298,299,300,302,303,304,313,314,315,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +422 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,189,190,191,210,211,212,232,233,234,253,254,255,275,276,277,297,298,318,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,429,449,450,451,471,472,473,492 +423 - 77,78,79,80,81,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,182,183,184,185,190,191,192,204,205,206,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,494 +424 - 74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,164,165,166,167,168,177,178,179,180,181,182,186,187,188,189,190,199,200,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,275,276,277,278,297,298,299,300,320,321,322,323,324,343,344,345,346,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,414,432,433,434,435,436,455,456,457,458,459,477,478,479,480,481,494 +425 - 55,56,57,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,128,129,130,139,140,141,142,150,151,152,162,163,170,171,172,173,191,192,193,194,195,211,212,213,214,215,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,288,289,300,301,302,309,310,311,322,323,324,331,332,333,343,344,345,353,354,355,364,365,366,367,376,377,378,379,380,381,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,488 +426 - 127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,255,256,257,258,259,260,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +427 - 34,35,36,37,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,146,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,186,191,192,193,194,195,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,229,236,237,238,239,245,246,247,248,249,250,258,259,260,261,266,267,268,269,270,271,279,280,281,282,283,288,289,290,291,292,293,301,302,303,304,310,311,312,313,314,315,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,447,448,449,485 +428 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,121,122,123,124,137,138,139,144,145,146,147,158,159,160,167,168,169,180,181,182,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,477,494 +429 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,100,101,102,103,104,105,106,115,116,117,118,119,124,125,126,127,128,129,137,138,139,140,147,148,149,150,151,158,159,160,161,162,170,171,172,173,174,180,181,182,183,193,194,195,196,197,201,202,203,204,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,336,346,347,348,349,354,355,356,357,358,359,360,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +430 - 13,14,15,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,98,99,100,119,120,121,140,141,142,143,162,163,164,184,185,205,206,207,227,228,229,248,249,250,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,324,325,326,335,336,337,346,347,348,358,359,367,368,369,380,381,382,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +431 - 12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,275,276,277,278,280,281,282,291,292,293,294,297,298,299,301,302,303,313,314,315,316,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +432 - 6,7,8,9,10,11,12,13,25,26,27,28,29,30,31,32,33,34,35,36,37,47,48,49,50,51,52,56,57,58,59,81,82,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,213,214,215,235,236,256,257,258,271,272,273,274,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,317,318,319,320,321,322,323,334,335,336,342,343,344,345,356,357,358,363,364,365,366,367,368,378,379,384,385,386,388,389,390,391,400,401,402,403,404,405,406,407,412,413,414,415,416,423,424,425,426,427,428,435,436,437,487 +433 - 29,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,80,81,82,83,84,103,104,105,106,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,277,278,299,300,321,322,332,342,343,344,353,354,355,363,364,365,366,375,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +434 - 72,73,74,75,76,77,78,92,93,94,95,99,100,101,114,115,116,123,124,135,136,137,145,146,147,157,158,168,169,178,179,180,190,191,192,201,202,211,212,213,214,223,224,232,233,234,235,236,245,246,254,255,256,257,258,267,268,269,270,275,276,277,278,279,290,291,292,293,294,295,296,297,298,300,301,314,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,476,477,478,479,480,494 +435 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,123,124,125,126,127,128,129,137,138,139,140,141,148,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,193,194,195,196,197,201,202,203,204,205,216,217,218,219,223,224,225,226,227,239,240,241,244,245,246,247,248,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,350,355,356,357,358,359,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,485 +436 - 76,77,98,99,119,120,121,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,182,183,184,185,186,189,190,191,192,203,204,205,206,212,213,214,224,225,226,227,234,235,236,245,246,247,248,256,257,258,268,269,278,279,300,301,321,322,323,343,344,345,364,365,366,386,387,407,408,409,429,430,450,451,452,472,473,492 +437 - 102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,163,164,165,166,167,168,183,184,185,186,187,188,205,206,207,208,209,227,228,229,230,231,232,233,250,252,253,254,255,256,277,278,279,280,287,288,289,299,300,301,302,309,310,311,312,313,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,490 +438 - 51,52,53,59,60,72,73,74,75,80,81,82,94,95,96,97,101,102,103,104,116,117,118,119,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,181,182,183,184,185,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,489 +439 - 58,59,67,80,81,82,83,84,85,98,102,103,104,105,106,107,119,120,121,122,125,126,128,129,130,141,142,143,144,149,150,151,152,163,164,165,166,170,171,172,173,174,185,186,187,188,190,191,192,193,194,195,208,209,210,211,212,213,214,215,216,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,319,320,321,334,335,336,337,341,342,343,356,357,358,362,363,364,365,377,378,379,380,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +440 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,157,158,159,160,162,163,164,178,179,180,181,182,184,185,186,195,200,201,202,203,204,207,208,216,217,218,222,223,224,225,226,229,230,237,238,239,240,244,245,246,247,248,251,252,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,303,304,305,306,307,311,312,313,314,315,325,326,327,328,329,334,335,336,337,338,347,348,349,350,351,356,357,358,359,360,361,362,369,370,371,372,379,380,381,382,383,384,385,386,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,485 +441 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,123,124,125,139,140,141,142,146,147,160,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +442 - 31,32,52,53,54,74,75,95,96,97,104,116,117,118,119,125,126,127,138,139,140,146,147,148,160,161,162,168,169,170,181,182,183,189,190,191,203,204,205,211,212,225,226,227,233,234,247,248,249,254,255,256,259,269,270,271,272,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,489 +443 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,401,402,403,404,423,424,425,426,445,446,447,486 +444 - 49,50,51,52,69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,114,118,119,120,121,141,142,143,144,163,164,165,166,186,187,188,189,208,209,210,211,231,232,253,254,255,275,276,277,297,298,299,319,320,321,339,340,341,342,360,361,362,363,364,384,385,386,387,388,407,408,409,410,411,430,431,432,433,434,435,453,454,455,456,457,458,477,478,479,480,487 +445 - 55,56,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,103,104,105,106,107,117,118,119,120,121,122,127,128,129,139,140,141,142,149,150,151,162,163,164,165,169,170,171,172,185,186,187,190,191,192,193,207,208,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,334,335,336,337,338,341,342,343,356,357,358,359,363,364,365,378,379,380,385,386,387,400,401,402,407,408,409,422,423,424,425,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +446 - 92,93,94,98,99,100,101,102,103,104,113,114,115,116,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,146,147,148,149,159,160,161,162,163,168,169,170,171,180,181,182,183,191,192,193,203,204,205,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,257,258,259,260,268,269,270,271,279,280,281,290,291,292,301,302,303,312,313,314,322,323,324,334,335,336,344,345,346,356,365,366,367,368,387,388,389,409,410,411,430,431,432,452,453,473,474,475,492 +447 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +448 - 12,13,14,15,32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,80,81,82,83,103,104,105,125,126,127,146,147,148,149,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,352,353,354,355,356,357,358,359,360,361,374,375,376,377,378,379,380,381,396,397,398,399,400,487 +449 - 11,12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,213,214,215,225,226,227,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,296,297,298,299,300,301,302,303,304,312,313,314,315,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,405,406,407,408,428,429,430,491 +450 - 34,35,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +451 - 33,34,35,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,188,189,190,191,192,203,204,205,206,211,212,213,214,215,224,225,226,227,228,233,234,235,236,237,238,246,247,248,249,250,256,257,258,259,260,268,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,304,312,313,314,315,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +452 - 50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,116,122,123,124,125,126,127,146,147,148,149,160,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,256,257,258,259,260,279,280,281,282,283,288,289,290,304,305,306,309,310,311,326,327,328,331,332,333,346,347,348,349,350,353,354,355,356,357,358,359,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,426,427,488 +453 - 37,38,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,128,129,130,140,141,142,143,151,152,153,161,162,163,164,173,174,175,182,183,184,185,195,196,197,203,204,205,206,217,218,219,224,225,226,227,239,240,241,245,246,247,248,249,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,310,311,312,313,322,323,324,325,326,327,332,333,334,343,344,345,346,347,354,355,356,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,446,447,448,485 +454 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,450,451,472,473,474,486 +455 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,466,467,468,469,486 +456 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,103,104,105,119,120,127,128,140,141,142,162,163,184,185,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,249,250,251,252,271,272,273,274,293,294,295,296,297,315,316,318,319,336,337,338,340,341,342,358,359,360,363,364,380,381,382,385,386,402,403,404,407,408,409,425,426,427,429,430,431,448,449,450,451,452,471,472,473,474,493 +457 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,99,104,105,106,107,126,127,128,129,148,149,150,170,171,172,192,193,194,213,214,215,216,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,319,320,321,322,323,324,333,334,335,336,337,340,341,342,343,355,356,357,361,362,363,364,376,377,378,379,381,382,383,384,385,398,399,400,401,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,487 +458 - 49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,125,126,127,128,137,138,139,140,148,149,150,151,158,159,160,161,162,170,171,172,173,174,180,181,182,183,193,194,195,196,201,202,203,204,205,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,289,290,291,292,302,303,304,305,306,311,312,313,314,324,325,326,327,333,334,335,336,337,346,347,348,349,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,388,389,390,391,392,400,401,402,403,404,405,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +459 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,121,122,123,124,125,126,137,138,139,145,146,147,148,159,160,161,168,169,170,171,182,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,411,429,430,431,432,433,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +460 - 97,98,99,100,101,118,119,120,121,122,123,126,139,140,141,142,143,144,145,148,149,160,161,162,163,164,167,169,170,171,181,182,183,184,191,192,193,203,204,205,212,213,214,215,225,226,234,235,236,247,248,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,300,301,313,314,315,316,317,318,319,322,323,336,337,338,339,344,345,365,366,367,387,388,389,409,410,412,413,431,432,433,434,453,454,455,475,476,477,494 +461 - 40,41,42,61,62,63,64,73,74,83,84,85,94,95,96,105,106,107,116,117,118,126,127,128,129,137,138,139,148,149,150,159,160,161,170,171,172,180,181,182,183,191,192,193,194,202,203,204,213,214,215,223,224,225,226,234,235,236,237,245,246,247,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,489 +462 - 57,58,59,78,79,80,81,82,93,94,95,98,99,100,101,102,103,104,105,106,114,115,116,117,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,141,142,143,144,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,170,171,172,173,178,179,180,181,182,184,185,186,193,194,195,196,200,201,202,203,204,206,207,215,216,217,218,221,222,223,224,225,228,237,238,239,240,243,244,245,246,247,259,260,261,262,265,266,267,268,269,281,282,283,284,287,288,289,290,291,302,303,304,305,306,309,310,311,312,313,323,324,325,326,327,331,332,333,334,335,336,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,447,448,450,451,452,485 +463 - 121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,169,170,171,172,173,174,175,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,277,296,297,298,299,319,320,321,340,341,342,343,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,490 +464 - 28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,122,123,124,125,126,134,135,136,137,145,146,147,148,149,156,157,158,159,168,169,170,171,172,178,179,180,181,191,192,193,194,195,200,201,202,203,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,259,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,314,326,327,328,329,332,333,334,335,336,337,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,450,451,452,453,485 +465 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,213,214,215,216,217,226,227,228,229,233,234,235,236,237,238,239,240,247,248,249,250,253,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,282,283,284,290,291,292,293,296,297,298,299,303,304,305,311,312,313,314,317,318,319,320,323,324,325,326,327,333,334,335,336,338,339,340,341,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,491 +466 - 36,37,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,428,448,449,486 +467 - 92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,166,167,168,169,170,171,172,173,192,193,194,195,196,215,216,217,218,235,236,237,238,239,256,257,258,259,260,261,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,381,382,383,384,385,386,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +468 - 136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,192,193,194,195,198,199,200,216,217,220,221,222,238,239,243,244,245,260,261,266,267,268,281,282,283,288,289,290,303,304,305,325,326,327,346,347,348,368,369,370,389,390,391,411,412,413,432,433,434,454,455,475,476,477,492 +469 - 77,78,79,80,81,82,83,86,87,98,99,100,101,102,103,104,105,107,108,109,119,120,121,122,123,125,126,127,128,129,130,131,139,140,141,142,143,147,148,149,150,151,152,160,161,162,163,164,169,170,171,172,173,182,183,184,185,190,191,192,193,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,249,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,384,385,386,387,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,493 +470 - 54,55,56,75,76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,143,162,163,164,165,184,185,186,206,207,208,228,229,230,250,251,252,272,273,274,294,295,296,316,317,318,319,339,340,341,361,362,363,364,383,384,385,386,387,406,407,408,409,410,429,430,431,432,433,452,453,454,455,475,476,477,486 +471 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,467,468,469,470,494 +472 - 31,32,33,51,52,53,54,55,56,72,73,74,75,77,78,79,93,94,95,96,100,101,115,116,122,123,137,138,144,145,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,342,343,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,411,412,413,414,424,425,426,446,447,487 +473 - 36,37,56,57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,127,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,164,172,173,174,181,182,183,184,185,194,195,196,203,204,205,206,216,217,218,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,288,289,290,301,302,303,304,305,309,310,311,321,322,323,324,325,331,332,333,341,342,343,344,345,346,353,354,355,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,442,443,444,445,446,485 +474 - 76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,125,126,127,128,131,138,139,140,141,144,159,160,161,162,181,182,183,202,203,204,205,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,299,300,301,302,322,323,324,344,345,346,356,357,366,367,368,378,379,380,381,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,490 +475 - 59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,466,467,468,486 +476 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,146,147,160,161,162,168,169,190,191,212,213,233,234,235,247,248,249,250,251,252,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,296,297,298,299,300,301,302,311,312,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,346,347,348,349,350,351,355,356,357,358,359,360,361,362,378,379,380,487 +477 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,100,101,102,103,104,105,106,125,126,127,128,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,319,320,321,322,323,332,333,334,335,340,341,342,343,344,354,355,356,360,361,362,363,364,375,376,377,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,443,444,445,487 +478 - 90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,283,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +479 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,123,124,125,126,127,139,147,148,149,150,168,169,170,171,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,488 +480 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,181,182,183,184,203,204,205,206,207,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +481 - 64,65,85,86,87,107,108,109,128,129,130,141,142,149,150,151,152,161,162,163,164,170,171,172,173,182,183,184,185,186,192,193,194,203,204,205,206,213,214,215,224,225,226,227,234,235,236,237,245,246,247,248,255,256,257,258,267,268,269,276,277,278,279,289,290,291,292,293,294,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,489 +482 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,123,124,125,140,141,142,145,146,147,162,163,164,168,169,170,183,184,185,189,190,191,205,206,207,211,212,213,226,227,228,233,234,235,248,249,250,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,340,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +483 - 71,72,73,74,75,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,141,142,143,144,145,146,147,148,149,150,151,152,167,168,169,170,171,172,173,174,175,193,194,195,196,197,215,216,217,218,219,236,237,238,239,240,257,258,259,260,261,262,277,278,279,280,281,282,297,298,299,300,301,302,303,318,319,320,321,322,323,339,340,341,342,343,344,359,360,361,362,363,364,380,381,382,383,384,385,400,401,402,403,404,405,421,422,423,424,425,426,442,443,444,445,446,464,465,466,467,492 +484 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,450,451,452,453,486 +485 - 38,39,40,41,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,118,119,120,121,122,123,139,140,141,142,143,153,160,161,162,163,164,172,173,174,175,182,183,184,192,193,194,195,196,203,204,205,212,213,214,215,216,217,225,226,227,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,338,339,340,341,342,356,357,358,359,362,363,364,377,378,379,385,386,399,400,401,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +486 - 53,54,55,56,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,121,122,123,132,133,134,135,143,144,145,164,165,166,167,185,186,187,188,205,206,207,208,209,227,228,229,230,232,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,300,301,302,303,304,305,325,326,327,347,348,349,368,369,370,381,388,389,390,391,392,402,403,404,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,471,488 +487 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,149,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,204,205,206,211,212,213,214,215,221,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,494 +488 - 7,8,28,29,30,50,51,52,71,72,73,93,94,95,103,115,116,117,123,124,125,126,127,137,138,139,144,145,146,147,148,149,150,159,160,161,165,166,167,168,169,170,171,172,173,181,182,183,187,188,189,190,193,194,195,203,204,205,208,209,210,211,212,216,217,225,226,227,230,231,232,233,238,239,247,248,249,250,252,253,254,255,260,261,262,269,270,271,272,274,275,276,282,283,284,291,292,293,294,296,297,298,304,305,314,315,316,317,318,319,320,325,326,327,337,338,339,340,341,342,347,348,349,360,361,362,363,364,368,369,370,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,428,429,430,431,432,491 +489 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,107,108,109,117,118,119,120,121,122,127,128,129,130,131,139,140,141,142,149,150,151,152,153,159,160,161,162,163,172,174,175,181,182,183,184,195,196,197,202,203,204,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,259,260,261,262,266,267,268,280,281,282,283,288,289,290,301,302,303,304,310,311,312,321,322,323,324,325,332,333,334,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,485 +490 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,101,102,103,116,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,370,375,376,377,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,488 +491 - 60,61,62,63,82,83,84,104,105,106,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,399,400,401,402,420,421,422,423,442,443,444,445,464,465,466,467,486 +492 - 58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,473,486 +493 - 52,53,74,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,149,150,151,171,172,173,193,194,195,214,215,216,217,233,234,235,236,237,238,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,374,375,376,377,378,379,380,381,382,396,397,398,399,400,401,402,419,420,487 +494 - 8,9,10,29,30,31,51,52,53,72,73,74,94,95,96,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,191,192,193,194,195,203,204,205,215,216,217,225,226,227,237,238,239,240,246,247,248,249,260,261,262,268,269,270,271,282,283,284,290,291,292,293,304,305,306,312,313,314,315,326,327,328,334,335,336,337,347,348,349,350,357,358,359,360,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,491 +495 - 29,30,31,51,52,53,54,55,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,167,168,169,170,171,172,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,279,280,281,282,283,303,304,305,324,325,326,327,345,346,347,348,349,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,488 +496 - 37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,119,120,121,140,141,142,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,233,234,235,236,248,249,250,251,256,257,258,270,271,272,278,279,280,292,293,294,300,301,302,322,323,324,337,344,345,346,357,358,359,365,366,367,368,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +497 - 75,76,77,78,79,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,145,146,147,148,149,150,151,152,170,171,172,173,191,192,193,194,195,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,442,443,444,445,463,464,465,466,492 +498 - 13,14,15,16,34,35,36,37,55,56,57,76,77,78,97,98,99,119,120,121,141,142,162,163,164,184,185,186,205,206,207,227,228,229,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,300,301,302,303,314,315,316,317,318,323,324,325,336,337,338,339,340,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,380,381,383,384,385,386,387,388,389,390,406,407,408,409,410,491 +499 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,103,104,118,119,120,121,140,141,142,143,152,153,162,163,164,165,170,171,172,173,174,175,184,185,186,187,190,191,192,193,194,195,196,197,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,360,363,364,365,379,380,381,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +500 - 68,69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,141,142,143,144,145,146,147,166,167,168,169,189,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,363,364,365,384,385,386,387,388,408,409,410,411,431,432,433,434,454,455,456,457,477,478,479,488 +501 - 99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,149,150,162,163,164,165,171,172,184,185,186,192,193,194,205,206,207,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,464,465,466,494 +502 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,100,101,102,117,118,122,139,140,161,162,163,184,185,206,207,228,229,230,250,251,252,253,273,274,275,276,296,297,298,299,320,321,322,342,343,344,365,366,387,388,409,410,425,426,427,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +503 - 37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,185,186,187,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,341,342,356,357,358,362,363,364,377,378,379,383,384,385,399,400,401,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,493 +504 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,98,99,100,101,102,103,104,105,106,107,114,115,116,125,126,127,136,137,138,158,159,160,161,180,181,182,183,184,203,204,205,206,207,208,209,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,282,300,301,302,303,304,305,324,325,326,327,334,335,336,345,346,347,348,349,355,356,357,358,366,367,368,369,370,371,376,377,378,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,490 +505 - 102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,191,192,193,194,201,202,203,204,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +506 - 31,32,51,52,53,54,73,74,75,76,94,95,96,97,98,99,115,116,117,120,136,137,138,157,158,159,160,179,180,181,191,192,193,194,195,196,197,201,202,203,211,212,213,214,215,216,217,218,219,223,224,232,233,234,235,236,237,238,239,240,241,245,246,254,255,256,257,262,263,267,268,269,275,276,277,278,283,284,285,289,290,291,292,296,297,298,299,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,383,384,385,405,406,407,427,428,429,450,451,491 +507 - 58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,447,466,467,468,486 +508 - 60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,423,424,425,445,446,447,467,468,469,486 +509 - 78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,148,149,150,151,161,162,168,169,170,171,172,173,188,189,190,191,192,193,208,209,210,211,212,213,228,229,230,231,232,233,234,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,320,321,322,334,335,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,423,424,425,426,427,428,441,442,443,444,445,446,447,448,463,464,465,466,467,468,469,488 +510 - 36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +511 - 96,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,442,443,444,445,446,464,465,466,467,492 +512 - 51,52,53,73,74,75,76,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,164,165,166,167,168,169,170,171,172,173,179,180,181,182,201,202,203,204,205,206,224,225,226,227,228,229,230,231,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,296,297,298,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,380,381,386,387,388,389,390,401,402,403,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +513 - 106,107,108,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,204,205,206,207,226,227,228,229,248,249,250,251,252,253,254,271,272,273,274,275,276,277,297,298,299,300,313,314,315,320,321,322,333,334,335,336,342,343,344,355,356,357,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,424,425,490 +514 - 30,31,32,33,52,53,54,55,56,74,75,76,77,78,79,96,97,99,100,101,102,118,119,122,123,124,139,140,141,161,162,163,164,165,166,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,228,229,232,233,234,235,256,257,258,278,279,280,300,301,321,322,323,336,342,343,344,345,357,358,363,364,365,366,367,379,380,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,490 +515 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,149,150,151,152,172,173,174,193,194,195,196,215,216,217,236,237,238,239,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,367,368,369,370,375,376,377,378,379,380,381,382,383,391,392,397,398,399,400,401,402,487 +516 - 49,50,62,63,64,65,71,72,73,74,80,81,82,83,84,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,157,158,159,160,178,179,180,181,200,201,202,222,223,224,225,226,245,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,303,322,323,324,325,326,327,346,347,348,349,358,359,369,370,371,372,380,381,382,390,391,392,393,403,404,405,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,472,473,474,475,476,477,490 +517 - 35,36,37,38,39,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,106,107,108,118,119,120,121,139,140,141,142,161,162,163,183,184,185,186,205,206,207,208,228,229,230,231,232,234,235,236,237,238,239,240,251,252,253,254,255,256,257,258,259,260,261,262,274,275,276,277,278,279,280,281,282,283,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,357,358,359,360,361,364,365,366,378,379,380,381,382,385,386,387,399,400,401,402,406,407,408,409,421,422,423,426,427,428,429,430,443,444,447,448,449,450,451,493 +518 - 112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,304,318,319,320,325,326,327,328,329,340,341,342,348,349,350,351,361,362,363,382,383,384,385,404,405,406,426,427,428,449,492 +519 - 57,58,59,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,167,168,169,170,171,172,173,174,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,221,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,283,288,289,290,291,292,300,301,302,303,304,309,310,311,312,313,320,321,322,323,324,325,331,332,333,334,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,485 +520 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,137,138,139,140,146,147,159,160,161,162,168,169,170,181,182,183,184,190,191,192,203,204,205,212,213,214,215,224,225,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,317,318,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,494 +521 - 97,98,99,100,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,193,194,195,201,202,203,204,205,206,207,208,209,213,214,215,216,217,223,224,225,226,227,228,229,235,236,237,238,245,246,247,248,249,256,257,258,259,268,277,278,279,280,298,299,300,301,302,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +522 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +523 - 123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,205,206,207,226,227,228,229,230,231,249,250,251,252,253,254,255,274,275,276,277,278,298,299,300,319,320,321,339,340,341,342,343,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,398,399,400,401,402,490 +524 - 31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,115,116,117,118,124,125,137,138,139,140,146,147,148,158,159,160,161,168,169,170,171,180,181,182,191,192,193,194,195,201,202,203,204,214,215,216,217,223,224,225,226,237,238,239,240,245,246,247,259,260,261,262,267,268,269,281,282,283,284,289,290,303,304,305,306,311,312,325,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,485 +525 - 99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,150,156,161,162,163,164,165,168,169,170,171,172,173,178,182,183,184,185,190,191,192,193,194,195,203,204,205,206,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,445,446,447,466,467,468,469,494 +526 - 30,31,32,33,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,127,136,137,138,139,140,141,146,147,148,149,150,157,158,159,160,161,162,169,170,171,172,173,179,180,181,182,183,192,193,194,195,201,202,203,204,214,215,216,217,222,223,224,225,226,237,238,239,240,244,245,246,247,248,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,314,326,327,328,329,332,333,334,335,336,348,349,350,351,355,356,357,358,359,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,485 +527 - 60,61,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,127,128,142,143,144,145,146,147,149,150,163,164,165,166,168,169,170,171,172,183,184,185,186,187,190,192,193,194,205,206,207,208,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,256,257,258,259,268,269,270,271,272,277,278,279,280,281,289,290,291,292,293,299,300,301,302,311,312,313,314,320,321,322,323,333,334,335,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,424,485 +528 - 57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,163,164,165,166,167,177,178,179,180,181,184,185,186,187,188,199,200,201,202,203,204,205,206,207,208,209,210,221,222,223,224,225,226,227,228,229,230,231,245,246,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,430,431,432,433,434,435,436,437,493 +529 - 80,81,82,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,171,172,183,184,185,186,189,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,447,466,467,468,494 +530 - 46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,123,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,324,325,326,327,328,329,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,423,424,425,487 +531 - 86,87,107,108,109,128,129,130,141,142,143,149,150,151,162,163,164,170,171,172,173,182,183,184,185,186,191,192,193,194,197,203,204,205,206,207,212,213,214,215,218,224,225,226,227,233,234,235,236,239,245,246,247,248,254,255,256,257,259,260,261,267,268,269,275,276,277,278,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,338,339,340,341,359,360,361,362,381,382,383,402,403,404,489 +532 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,122,123,124,125,126,136,137,138,139,140,144,145,146,147,148,158,159,160,161,165,166,167,168,169,170,180,181,182,183,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,249,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,322,323,324,338,339,340,344,345,346,360,361,362,366,367,368,382,383,384,388,389,390,404,405,406,407,410,411,412,426,427,428,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +533 - 62,63,64,65,84,85,86,87,105,106,107,108,125,126,127,128,129,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,399,400,401,402,421,422,423,442,443,444,445,464,465,466,486 +534 - 7,8,9,29,30,31,51,52,53,73,74,94,95,96,116,117,118,138,139,140,160,161,162,182,183,184,188,189,190,191,192,204,205,206,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,257,258,259,260,270,271,272,273,274,280,281,282,283,292,293,294,295,302,303,304,315,316,317,323,324,325,326,337,338,339,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +535 - 40,41,60,61,62,63,82,83,84,85,103,104,105,106,107,124,125,126,127,128,129,146,147,148,149,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,272,273,274,275,276,277,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,356,357,358,359,360,361,377,378,379,380,381,382,383,399,400,401,402,403,404,422,423,424,425,443,444,445,446,486 +536 - 10,11,32,33,53,54,55,74,75,76,96,97,98,118,119,139,140,141,161,162,183,184,204,205,206,214,215,226,227,234,235,236,237,238,248,249,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,292,293,297,298,299,301,302,303,314,315,318,319,320,321,322,323,324,336,337,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,491 +537 - 80,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,163,164,165,166,167,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,320,321,322,323,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,423,424,425,426,427,490 +538 - 36,37,38,58,59,60,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,360,361,362,382,383,384,403,404,405,425,426,427,447,448,449,486 +539 - 53,54,55,56,64,65,74,75,76,77,78,79,85,86,87,94,95,96,97,98,99,100,101,102,103,106,107,108,109,114,116,117,118,119,124,126,127,128,129,130,138,139,140,147,148,149,150,151,160,161,162,168,169,170,171,172,182,183,184,190,191,192,193,204,205,206,207,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,324,337,338,339,340,341,344,345,346,358,359,360,361,362,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,493 +540 - 73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,124,125,126,127,145,146,147,148,165,166,167,168,169,185,186,187,188,189,205,206,207,208,209,226,227,228,229,230,248,249,250,270,271,272,273,274,293,294,295,296,297,298,317,318,319,320,321,341,342,343,364,365,366,387,388,408,409,410,429,430,431,432,450,451,452,453,466,467,468,469,470,471,472,473,474,488 +541 - 63,64,65,84,85,86,99,100,105,106,107,119,120,121,126,127,128,140,141,142,143,147,148,149,150,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,202,203,204,205,211,212,213,214,223,224,225,226,233,234,235,245,246,247,254,255,256,257,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,340,341,342,361,362,363,364,382,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,489 +542 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,141,147,148,149,150,162,163,164,165,169,170,171,172,184,185,186,187,191,192,193,194,205,206,207,208,209,213,214,215,216,226,227,228,229,230,231,235,236,237,238,247,248,249,250,251,252,257,258,259,260,269,270,271,272,273,274,279,280,281,291,292,293,294,300,301,302,303,312,313,314,315,316,322,323,324,325,335,336,337,342,343,344,345,346,347,357,358,359,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +543 - 61,62,63,64,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,208,226,227,228,229,230,231,232,251,252,253,254,255,276,277,297,298,299,319,320,321,340,341,342,343,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,448,490 +544 - 28,29,30,31,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,97,98,99,100,101,102,103,104,105,106,107,115,116,117,122,123,124,125,126,127,128,129,137,138,139,140,160,161,162,183,184,185,186,206,207,208,209,210,211,229,230,231,232,233,234,235,253,254,255,256,257,258,259,260,276,277,278,279,280,281,282,283,301,302,303,304,305,324,325,326,327,344,345,346,347,348,349,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,490 +545 - 36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,97,98,99,100,101,108,119,120,121,127,128,129,130,140,141,142,143,148,149,150,151,162,163,164,168,169,170,171,172,184,185,186,189,190,191,192,206,207,208,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,358,359,360,361,364,365,366,379,380,381,382,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +546 - 5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,48,49,53,54,55,56,76,77,78,79,99,100,101,102,121,122,123,124,144,145,146,166,167,168,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,234,235,254,255,256,257,277,278,279,280,300,301,302,312,322,323,324,325,333,334,335,345,346,347,354,355,356,357,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,488 +547 - 34,35,36,55,56,57,58,69,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,183,184,185,186,190,191,192,193,205,206,207,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,359,360,361,362,363,380,381,382,383,402,403,404,405,424,425,426,446,447,491 +548 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,116,117,118,119,120,124,125,126,127,139,140,141,142,147,148,149,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,238,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,299,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,326,327,332,333,334,335,342,343,344,345,346,347,348,349,354,355,356,363,364,365,366,367,370,371,375,376,377,378,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,487 +549 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,127,128,129,130,140,141,148,149,150,151,169,170,171,172,173,189,190,191,192,193,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,278,279,280,300,301,302,321,322,323,342,343,344,362,363,364,365,379,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,463,464,465,466,467,468,488 +550 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,203,204,205,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,299,300,301,302,315,316,317,321,322,323,324,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,473,474,475,476,494 +551 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,79,80,81,82,83,84,85,97,105,106,107,127,128,129,130,149,150,151,152,171,172,173,193,194,195,203,206,207,215,216,217,225,228,229,237,238,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,321,322,323,332,333,334,335,341,342,343,344,353,354,355,356,357,361,362,363,364,365,375,376,377,378,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,487 +552 - 12,13,14,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,207,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,486 +553 - 58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,383,402,403,404,405,406,422,423,424,425,426,444,445,446,447,448,466,467,468,469,486 +554 - 53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,158,159,160,161,162,181,182,183,184,189,190,191,192,202,203,204,205,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,257,258,259,260,261,268,269,270,271,272,273,274,275,280,281,282,283,291,292,293,294,295,302,303,304,305,313,314,315,316,324,325,326,327,345,346,347,348,349,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,490 +555 - 35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,126,127,128,129,148,149,150,151,170,171,172,191,192,193,194,213,214,215,216,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,297,298,299,300,301,302,303,312,313,314,315,318,319,320,321,322,323,324,334,335,336,337,339,340,341,342,343,355,356,357,360,361,362,363,364,377,378,379,381,382,383,384,399,400,401,402,403,404,420,421,422,423,424,425,426,443,444,445,446,487 +556 - 55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,472,473,474,475,486 +557 - 56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,127,128,129,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,257,258,259,272,279,280,281,300,301,302,303,321,322,323,324,341,342,343,344,345,361,362,363,364,365,366,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,463,464,465,466,467,488 +558 - 90,91,92,112,113,114,115,116,117,118,119,134,135,136,137,138,139,140,141,142,161,162,163,164,165,185,186,187,207,208,209,229,230,231,250,251,252,253,271,272,273,274,275,293,294,295,296,315,316,317,318,319,329,338,339,340,341,342,343,344,345,346,347,348,349,350,351,362,363,364,365,366,367,368,369,370,371,372,373,387,388,389,390,391,487 +559 - 37,38,39,40,41,42,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,105,106,107,108,119,120,121,122,126,127,128,129,140,141,142,143,147,148,149,150,162,163,164,168,169,170,171,184,185,186,189,190,191,192,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,299,300,313,314,315,316,321,322,334,335,336,337,341,342,343,344,354,355,356,357,358,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,493 +560 - 70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,124,125,126,145,146,147,148,167,168,169,188,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +561 - 57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,120,127,128,129,130,148,149,150,151,168,169,170,171,172,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,257,258,259,279,280,281,300,301,302,321,322,323,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,426,441,442,443,444,445,446,447,464,488 +562 - 88,89,90,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,191,192,193,194,214,215,216,236,237,238,257,258,259,260,279,280,281,300,301,302,303,322,323,324,343,344,345,364,365,366,367,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,471,472,473,474,475,492 +563 - 35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,106,107,108,119,128,129,130,150,151,152,172,173,174,193,194,195,211,214,215,216,217,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,271,272,273,274,275,277,278,279,280,281,292,293,294,295,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,375,376,377,378,379,380,381,382,383,398,399,400,401,402,403,419,420,421,422,423,424,425,441,442,443,444,445,446,487 +564 - 52,53,54,60,74,75,76,81,82,83,95,96,97,98,103,104,105,116,117,118,119,125,126,127,137,138,139,140,146,147,148,158,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +565 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,194,203,204,205,206,209,210,211,212,213,214,215,216,225,226,227,230,231,232,233,234,235,236,237,238,247,248,251,252,253,254,256,257,258,259,260,267,268,269,270,272,273,274,275,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,401,402,403,404,491 +566 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,141,145,146,147,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,210,211,212,213,225,226,227,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,277,278,294,295,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +567 - 94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,162,168,169,170,171,172,191,192,193,194,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,444,445,446,447,465,466,467,468,492 +568 - 24,25,26,28,29,30,31,32,33,34,35,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,77,78,79,80,81,82,102,103,104,105,124,125,126,127,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,237,238,239,240,254,255,256,257,258,259,260,261,274,275,276,277,278,279,280,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,357,358,359,360,362,363,364,365,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,487 +569 - 63,64,65,84,85,86,87,105,106,107,108,118,119,126,127,128,129,140,141,147,148,149,150,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,211,212,213,214,225,226,227,228,232,233,234,235,247,248,249,254,255,256,258,259,260,268,269,270,271,275,276,277,278,279,280,281,289,290,291,292,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,446,447,448,468,469,470,489 +570 - 72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,165,166,167,168,169,170,171,177,178,189,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,487 +571 - 57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,128,129,130,140,141,142,143,148,149,150,151,152,153,162,163,164,165,169,170,171,172,173,174,175,184,185,186,189,190,191,192,193,194,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,341,342,343,357,358,359,360,363,364,365,366,379,380,381,386,387,388,400,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +572 - 32,33,34,35,54,55,56,57,76,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,486 +573 - 59,60,61,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +574 - 55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,144,145,146,165,166,167,186,187,188,189,208,209,210,229,230,231,251,252,253,273,274,275,276,295,296,297,298,299,319,320,321,342,343,363,364,365,385,386,387,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,452,468,469,470,471,472,488 +575 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,104,105,106,107,119,120,121,128,129,141,142,151,163,164,170,171,185,186,190,191,192,193,207,208,211,212,213,214,215,229,230,231,232,233,234,235,237,251,252,253,254,255,272,273,274,275,276,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,361,362,363,378,379,380,383,384,385,400,401,402,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,467,468,469,493 +576 - 50,51,72,73,93,94,95,101,102,115,116,117,123,124,136,137,138,144,145,146,158,159,160,165,166,167,168,180,181,182,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,233,234,255,256,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,456,457,474,475,476,477,478,479,489 +577 - 61,62,77,78,79,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,193,194,195,196,203,204,205,206,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,266,267,268,269,270,279,280,281,282,283,288,289,290,291,300,301,302,303,304,309,310,311,312,313,322,323,324,325,331,332,333,334,342,343,344,345,346,353,354,355,356,362,363,364,365,366,367,375,376,377,378,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,485 +578 - 33,34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,226,227,228,248,249,250,270,271,272,273,292,293,294,295,296,297,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,345,359,360,361,365,366,367,368,382,383,384,385,388,389,390,405,406,407,408,409,411,412,413,428,429,430,431,432,433,434,435,452,453,454,455,456,457,491 +579 - 83,84,85,86,87,102,103,104,105,106,107,108,109,121,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,162,163,164,165,166,183,184,185,186,187,188,204,205,206,207,225,226,227,228,247,248,249,269,270,271,272,273,292,293,294,295,296,297,316,317,318,319,320,340,341,342,356,357,362,363,364,365,378,379,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,490 +580 - 77,78,79,80,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,168,169,170,182,183,184,189,190,191,203,204,205,209,210,211,212,213,214,224,225,226,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,255,256,257,268,269,270,271,272,273,274,277,278,279,291,292,293,294,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,454,473,474,475,476,494 +581 - 54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,126,127,128,129,147,148,149,150,151,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,381,382,383,384,385,386,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,428,440,441,442,443,444,445,446,447,462,463,464,465,466,488 +582 - 53,54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,168,169,170,182,183,184,185,186,190,191,192,203,204,205,206,207,213,214,215,225,226,227,228,235,236,237,238,247,248,249,250,258,259,260,269,270,271,272,280,281,282,291,292,293,294,302,303,304,313,314,315,316,324,325,326,335,336,337,338,346,347,348,358,359,360,367,368,369,370,380,381,382,383,388,389,390,391,392,403,404,405,406,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,473,474,475,476,477,485 +583 - 79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,162,163,164,165,169,170,171,183,184,185,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,465,466,467,494 +584 - 9,10,11,12,32,33,34,55,56,57,78,79,80,101,102,103,123,124,125,146,147,168,169,190,191,192,212,213,214,234,235,236,247,248,249,256,257,258,269,270,271,272,273,274,278,279,280,291,292,293,294,295,296,297,298,300,301,302,313,314,315,318,319,320,321,322,323,324,335,336,337,343,344,345,358,359,360,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,487 +585 - 108,109,119,120,121,128,129,130,131,140,141,142,143,149,150,151,152,160,161,162,163,164,169,170,171,172,173,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,223,224,225,226,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,361,362,363,383,384,385,405,406,427,428,489 +586 - 75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,125,126,127,136,137,148,149,170,171,191,192,193,212,213,214,234,235,236,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,492 +587 - 60,61,62,63,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,319,336,337,338,339,357,358,359,360,361,379,380,381,382,400,401,402,403,422,423,424,443,444,445,446,466,467,486 +588 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,104,118,124,125,126,145,146,147,148,167,168,169,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,360,361,362,382,383,384,385,404,405,406,407,426,427,428,429,430,449,450,451,452,453,454,472,473,474,475,476,487 +589 - 79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,150,162,163,164,165,166,170,171,172,184,185,186,187,192,193,194,205,206,207,208,213,214,215,216,227,228,229,233,234,235,236,237,238,248,249,250,251,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,494 +590 - 79,80,81,99,101,102,103,120,121,123,124,141,142,143,145,146,162,163,164,166,167,168,183,184,185,188,189,190,204,205,206,210,211,225,226,227,232,233,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,319,320,321,341,342,363,364,385,386,406,407,408,428,429,430,450,451,472,473,489 +591 - 36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,126,127,128,129,137,138,139,140,141,142,148,149,150,151,158,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,195,214,215,216,235,236,237,238,256,257,258,259,260,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,374,375,376,379,380,381,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,418,419,420,421,422,423,424,425,426,441,442,443,444,445,487 +592 - 7,8,29,30,50,51,52,72,73,74,94,95,96,116,117,138,139,159,160,161,181,182,183,203,204,205,211,212,213,225,226,227,232,233,234,235,236,237,248,249,253,254,255,256,257,258,259,270,271,272,275,276,280,281,282,292,293,294,297,298,302,303,304,315,316,317,319,320,321,324,325,326,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,369,384,385,386,387,388,389,390,491 +593 - 39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,486 +594 - 32,33,34,35,53,54,55,56,57,74,75,76,77,95,96,97,98,117,118,119,123,124,125,126,138,139,140,144,145,146,147,148,160,161,162,166,167,168,169,170,182,183,184,188,189,190,191,192,204,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,257,258,273,274,275,279,280,281,294,295,296,297,301,302,303,315,316,317,318,323,324,325,337,338,339,345,346,347,359,360,361,366,367,368,369,380,381,382,388,389,390,402,403,404,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +595 - 99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,162,163,164,167,168,169,183,184,185,189,190,191,192,205,206,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,466,467,468,494 +596 - 30,31,51,52,53,54,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,167,168,169,170,171,172,180,181,182,183,192,193,194,201,202,203,204,205,215,216,223,224,225,226,227,237,238,239,246,247,248,260,261,268,269,270,282,283,284,290,291,292,304,305,306,312,313,314,315,326,327,328,335,336,337,347,348,349,350,357,358,359,360,361,362,363,364,365,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,485 +597 - 14,15,16,35,36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,141,142,143,144,145,163,164,165,166,184,185,186,187,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,258,259,260,269,270,271,272,273,274,275,276,279,280,281,283,284,291,292,293,294,295,296,297,300,301,302,303,312,313,314,315,316,317,318,321,322,323,324,333,334,335,336,338,339,340,341,342,343,344,345,355,356,357,358,360,361,362,363,364,365,366,377,378,379,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,491 +598 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,144,160,161,162,163,164,165,181,182,183,184,185,186,203,204,205,206,207,224,225,226,227,228,246,247,248,249,250,268,269,270,271,272,277,278,279,280,281,282,283,289,290,291,292,293,294,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,391,491 +599 - 97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,169,170,171,172,181,182,191,192,193,202,203,204,212,213,214,215,224,225,233,234,235,236,246,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,444,445,446,466,467,468,492 +600 - 98,99,100,101,118,119,120,121,122,123,124,139,140,141,142,143,145,146,161,162,163,167,168,183,184,185,188,189,190,191,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,297,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,494 +601 - 78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,126,127,128,141,142,143,144,149,150,151,162,163,164,171,172,173,183,184,185,192,193,194,195,205,206,207,212,213,214,215,216,227,228,233,234,235,236,237,249,250,252,253,254,255,256,257,258,271,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,339,340,341,360,361,362,381,382,383,402,403,404,423,424,425,444,445,446,466,467,494 +602 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,100,101,102,117,118,122,123,124,139,140,141,143,144,145,162,163,164,165,166,185,186,187,188,207,208,209,210,228,229,230,231,232,233,234,250,251,252,254,255,256,257,258,271,272,273,277,278,279,280,281,293,294,295,301,302,303,304,314,315,316,325,326,327,336,337,338,346,347,348,349,358,359,360,367,368,369,370,380,381,382,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,493 +603 - 37,38,39,40,59,60,61,62,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,171,172,173,184,185,186,187,188,193,194,195,205,206,207,208,209,215,216,217,226,227,228,229,230,236,237,238,248,249,250,251,257,258,259,260,269,270,271,272,279,280,281,282,289,290,291,292,293,300,301,302,303,311,312,313,314,321,322,323,324,325,332,333,334,335,342,343,344,345,354,355,356,357,362,363,364,365,366,375,376,377,378,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,485 +604 - 57,58,79,80,100,101,102,122,123,124,144,145,146,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,276,296,297,318,319,340,341,361,362,363,383,384,385,405,406,427,428,449,450,471,472,486 +605 - 86,87,107,108,109,127,128,129,130,131,148,149,150,151,153,163,164,169,170,171,172,174,175,184,185,186,190,191,192,193,196,205,206,207,208,211,212,213,214,217,226,227,228,232,233,234,235,247,248,249,250,253,254,255,256,259,268,269,270,271,274,275,276,280,281,289,290,291,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,358,359,360,361,380,381,382,401,402,403,422,423,424,443,444,445,465,466,489 +606 - 23,24,45,46,47,66,67,68,69,79,80,88,89,90,91,101,102,103,110,111,112,113,123,124,125,126,132,133,134,135,145,146,147,148,154,155,156,157,167,168,169,170,176,177,178,179,189,190,191,192,199,200,201,202,210,211,212,213,214,215,221,222,223,224,225,226,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,327,344,345,346,347,348,349,367,368,369,370,371,389,390,391,392,393,412,413,414,415,434,435,436,437,457,458,459,489 +607 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,82,83,98,99,100,101,102,104,105,120,121,122,141,142,143,144,162,163,164,165,168,169,183,184,185,186,189,190,191,192,193,205,206,207,210,211,212,213,214,215,216,226,227,228,229,231,232,233,234,236,237,238,247,248,249,250,253,254,255,258,259,269,270,271,274,275,276,279,280,281,290,291,292,293,296,297,298,300,301,302,303,312,313,314,318,319,320,321,322,323,324,334,335,336,340,341,342,343,344,345,355,356,357,362,363,364,365,366,377,378,379,380,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,491 +608 - 69,70,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,246,247,248,249,256,257,258,269,270,271,277,278,279,280,291,292,293,299,300,301,302,313,314,315,321,322,323,343,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +609 - 59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,424,425,426,446,447,448,468,469,470,486 +610 - 97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,152,153,159,160,161,162,163,164,167,168,169,180,181,182,183,184,201,202,203,204,222,223,224,225,244,245,246,266,267,268,269,270,271,272,273,274,275,276,288,289,290,291,292,293,294,295,296,297,298,299,300,320,321,322,323,324,344,345,346,367,368,369,389,390,391,411,412,413,433,434,454,455,456,476,477,478,490 +611 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,146,147,148,149,167,168,169,170,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,466,467,468,492 +612 - 31,32,33,52,53,54,55,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,121,122,123,124,125,126,138,139,140,141,145,146,147,148,149,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,214,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,312,313,314,324,325,326,334,335,336,337,345,346,347,348,356,357,358,359,366,367,368,369,370,379,380,381,382,383,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +613 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,145,146,147,148,149,162,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,278,279,280,290,291,292,293,300,301,302,321,322,323,324,342,343,344,345,363,364,365,366,367,384,385,386,387,405,406,407,408,425,426,427,428,429,445,446,447,448,449,450,465,466,467,468,469,470,488 +614 - 107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,203,204,205,206,207,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,299,300,301,302,311,312,313,314,315,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,381,382,383,384,385,490 +615 - 56,57,58,59,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,130,131,138,139,140,141,151,152,153,160,161,162,171,172,173,174,175,182,183,184,192,193,194,195,204,205,206,212,213,214,215,216,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,469,470,471,493 +616 - 52,53,54,73,74,75,76,77,81,82,94,95,96,97,98,99,103,104,105,116,117,118,119,120,124,125,126,127,138,139,140,141,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,342,343,344,345,346,365,366,367,368,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,476,477,478,489 +617 - 96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,148,149,150,151,157,158,159,160,161,162,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +618 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,229,230,231,232,252,253,273,274,275,295,296,297,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,473,474,475,476,486 +619 - 34,35,55,56,57,58,59,60,77,78,79,80,81,82,83,84,99,100,102,103,104,105,106,126,127,128,129,149,150,151,171,172,173,192,193,194,195,214,215,216,235,236,237,238,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,419,420,421,422,487 +620 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,158,159,160,161,162,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,258,259,260,261,269,270,271,280,281,282,283,302,303,304,305,323,324,325,326,344,345,346,347,348,365,366,367,368,369,370,379,380,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +621 - 78,79,80,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,147,148,162,163,164,165,170,171,172,183,184,185,186,191,192,193,194,205,206,207,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,404,405,406,425,426,427,447,448,468,469,470,494 +622 - 39,40,41,61,62,63,81,82,83,84,85,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,180,181,182,183,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,281,282,283,284,304,305,306,312,313,325,326,327,328,333,334,335,347,348,349,355,356,357,367,368,369,370,371,377,378,388,389,390,391,392,399,400,401,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,490 +623 - 35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,191,192,193,194,205,206,207,208,209,211,212,213,214,215,216,217,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,400,401,402,403,422,423,424,425,426,444,445,446,447,491 +624 - 48,49,50,51,52,70,71,72,73,74,92,93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,163,166,167,168,169,170,189,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,426,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +625 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,203,204,205,206,225,226,227,228,229,230,247,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,318,319,320,321,322,323,342,343,344,345,346,363,364,365,366,367,368,384,385,386,387,388,389,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +626 - 103,104,105,106,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,193,194,195,196,200,201,202,203,204,205,206,215,216,217,218,221,222,223,224,225,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,494 +627 - 99,100,101,102,119,120,121,122,123,124,130,131,138,139,140,141,142,143,150,151,152,153,159,160,161,162,163,170,171,172,173,181,182,183,191,192,193,194,203,204,205,211,212,213,214,225,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,323,335,336,337,343,344,345,346,357,358,359,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,493 +628 - 55,56,57,58,59,75,76,77,78,79,80,81,94,95,96,97,98,99,100,102,103,115,116,117,118,119,120,121,122,124,125,137,138,145,146,158,159,166,167,168,180,181,188,189,202,203,204,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,255,256,257,272,273,274,278,279,293,294,295,300,301,302,315,316,323,324,336,337,338,345,346,359,360,367,368,369,381,382,389,390,391,403,404,411,412,413,425,426,427,428,433,434,449,450,451,452,453,454,455,456,473,474,475,476,477,493 +629 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,127,128,129,139,140,141,142,143,144,148,149,150,151,161,162,163,168,169,170,171,172,173,183,184,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,300,301,302,322,323,324,343,344,345,346,363,364,365,366,367,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,462,463,464,465,466,467,468,469,470,488 +630 - 11,12,33,34,55,56,77,78,98,99,100,120,121,122,142,143,144,163,164,165,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,278,279,294,295,300,301,316,317,323,338,339,345,360,361,366,367,383,384,388,389,405,406,407,409,410,411,428,429,430,431,432,491 +631 - 80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,129,141,142,143,144,149,150,151,162,163,164,165,171,172,173,184,185,186,192,193,194,205,206,207,213,214,215,227,228,229,233,234,235,236,237,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,380,381,382,383,400,401,402,403,421,422,423,424,425,443,444,445,446,464,465,466,494 +632 - 125,126,127,128,133,134,135,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,213,214,215,216,224,225,235,236,237,238,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +633 - 38,39,40,41,54,55,56,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,152,162,163,164,165,166,169,170,171,173,174,183,184,185,186,187,191,192,193,195,204,205,206,207,208,212,213,214,215,225,226,227,228,229,234,235,236,237,246,247,248,249,250,256,257,258,259,261,267,268,269,270,271,278,279,280,281,283,289,290,291,292,299,300,301,302,303,305,306,310,311,312,313,320,321,322,323,324,327,331,332,333,334,335,341,342,343,344,345,353,354,355,356,362,363,364,365,366,375,376,377,378,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +634 - 75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,139,140,145,146,147,167,168,169,188,189,190,191,210,211,212,232,233,234,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,448,449,450,470,471,472,473,492 +635 - 58,60,61,62,63,64,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,184,185,186,187,189,190,191,192,212,213,214,215,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,319,320,321,322,323,332,333,334,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,422,423,424,490 +636 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,169,170,183,190,191,192,212,213,233,234,235,255,256,276,277,278,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,492 +637 - 39,40,41,60,61,62,63,64,81,82,83,84,85,103,104,105,106,124,125,126,127,145,146,147,148,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,294,295,296,315,316,317,318,336,337,338,339,358,359,360,379,380,381,382,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +638 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,141,142,143,144,145,164,165,166,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +639 - 37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,148,149,150,161,162,163,164,165,166,167,170,171,172,173,182,183,184,185,186,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,357,364,365,366,367,376,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,485 +640 - 133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,214,215,216,217,223,236,237,238,239,257,258,259,260,261,278,279,280,281,282,300,301,302,303,322,323,324,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,492 +641 - 78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,183,184,185,186,188,189,190,191,192,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,444,445,446,466,467,468,494 +642 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,124,125,126,127,128,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,366,367,368,369,375,376,377,378,380,381,382,383,384,385,389,390,397,398,399,400,402,403,404,405,406,419,420,421,422,423,424,425,426,441,442,443,444,445,446,487 +643 - 52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,279,280,281,282,290,291,300,301,302,303,321,322,323,324,325,342,343,344,345,346,363,364,365,366,367,383,384,385,386,387,388,403,404,405,406,407,408,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,488 +644 - 96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,272,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,469,470,471,492 +645 - 76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,160,161,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,323,324,325,326,344,345,346,347,364,365,366,367,368,369,384,385,386,387,388,389,404,405,406,407,408,409,410,425,426,427,428,429,430,445,446,447,448,449,450,465,466,467,468,469,470,488 +646 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,365,366,380,381,382,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,487 +647 - 87,107,108,109,128,129,130,131,141,142,149,150,151,152,162,163,164,170,171,172,182,183,184,185,191,192,193,203,204,205,206,212,213,214,224,225,226,227,233,234,235,246,247,248,254,255,256,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,317,318,319,338,339,340,359,360,361,380,381,382,401,402,403,422,423,424,444,445,489 +648 - 55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,469,470,471,486 +649 - 15,16,17,18,19,35,36,37,38,39,40,41,57,58,59,60,77,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,212,213,214,215,227,228,229,230,232,233,234,235,236,237,238,248,249,250,251,253,254,255,256,257,258,259,260,270,271,272,274,275,276,277,279,280,281,282,291,292,293,294,295,296,297,298,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,425,426,491 +650 - 91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,165,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,338,339,340,360,361,362,363,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,433,434,435,487 +651 - 97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,170,171,172,173,183,184,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,443,444,445,446,447,465,466,467,468,469,492 +652 - 34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,143,161,162,163,164,165,183,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,234,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,358,359,364,365,366,367,380,381,382,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +653 - 62,63,64,65,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,143,144,145,162,163,164,165,183,184,185,186,187,188,204,205,206,207,226,227,228,229,230,231,232,249,250,251,252,253,254,255,274,275,276,277,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,403,404,405,406,407,408,421,422,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,490 +654 - 100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +655 - 65,85,86,87,98,99,106,107,108,119,120,121,127,128,129,130,139,140,141,142,143,148,149,150,151,152,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,202,203,204,205,206,212,213,214,215,223,224,225,226,227,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,489 +656 - 33,34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,150,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,187,191,192,193,194,195,204,205,206,207,208,213,214,215,216,217,225,226,227,228,229,235,236,237,238,239,247,248,249,250,251,257,258,259,260,261,268,269,270,271,272,273,279,280,281,282,283,290,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,334,335,336,337,338,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,449,450,485 +657 - 56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,126,127,128,129,138,139,140,148,149,150,151,161,170,171,172,173,191,192,193,194,212,213,214,215,233,234,235,236,237,253,254,255,256,257,258,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,345,346,355,356,357,358,359,360,361,362,376,377,378,379,380,381,382,383,398,399,400,401,402,403,404,419,420,421,422,423,424,425,440,441,442,443,444,445,462,463,464,465,487 +658 - 12,13,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,93,94,95,96,114,115,116,117,136,137,138,139,158,159,160,180,181,182,201,202,203,224,225,232,233,234,235,236,237,246,247,252,253,254,255,256,257,258,259,260,261,262,267,268,269,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,294,295,296,297,298,305,306,307,312,313,314,315,316,317,318,327,328,329,334,335,336,337,338,339,340,341,342,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,428,429,430,431,491 +659 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,127,128,129,138,139,140,141,148,149,150,151,161,169,170,171,172,189,190,191,192,193,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,298,299,300,312,313,314,315,319,320,321,322,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,422,423,424,425,426,427,440,441,442,443,444,445,446,447,462,463,464,465,466,467,468,488 +660 - 11,12,13,32,33,34,54,55,56,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,184,185,186,206,207,209,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,278,279,280,293,294,295,300,301,302,315,316,317,323,324,337,338,345,346,359,360,366,367,368,381,382,383,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +661 - 63,64,65,84,85,86,87,105,106,107,108,121,122,123,126,127,128,129,142,143,144,145,147,148,149,150,163,164,165,166,168,169,170,171,184,185,186,187,189,190,191,192,205,206,207,208,210,211,212,213,226,227,228,229,231,232,233,234,236,248,249,250,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,316,317,318,319,337,338,339,358,359,360,361,379,380,381,382,401,402,403,422,423,424,443,444,445,465,466,467,489 +662 - 55,56,57,58,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,161,162,163,164,168,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,214,215,216,226,227,228,237,238,239,247,248,249,259,260,261,269,270,271,281,282,283,290,291,292,293,303,304,312,313,314,315,324,325,326,334,335,336,337,345,346,347,348,356,357,358,359,366,367,368,369,378,379,380,381,387,388,389,390,400,401,402,403,408,409,410,411,423,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +663 - 120,121,129,130,131,141,142,143,150,151,152,153,163,164,165,171,172,173,174,184,185,186,192,193,194,205,206,207,213,214,215,216,225,226,227,228,229,234,235,236,237,246,247,248,249,250,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,318,319,320,321,332,333,339,340,341,342,360,361,362,363,382,383,384,403,404,405,425,426,427,447,448,489 +664 - 93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,162,164,165,166,167,168,169,178,179,180,181,188,189,190,191,200,201,211,212,213,214,222,223,233,234,235,236,255,256,257,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,428,487 +665 - 16,17,18,37,38,39,40,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,141,142,143,144,145,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,257,258,259,260,267,268,269,270,271,272,273,274,275,276,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,378,379,380,381,400,401,402,403,404,405,423,424,425,426,491 +666 - 11,12,13,14,32,33,34,35,36,54,55,56,57,58,59,76,77,79,80,81,97,98,101,102,103,104,118,119,120,124,125,126,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,191,192,193,204,205,206,213,214,215,225,226,227,235,236,237,247,248,249,256,257,258,259,268,269,270,271,278,279,280,290,291,292,299,300,301,302,312,313,314,321,322,323,324,334,335,336,342,343,344,345,356,357,358,359,360,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,485 +667 - 104,105,106,107,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,193,194,195,196,205,206,207,208,209,210,215,216,217,226,227,228,229,230,235,236,237,238,247,248,249,250,251,257,258,259,260,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,311,312,313,314,319,320,321,322,323,324,332,333,334,335,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,422,423,424,425,426,485 +668 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,126,136,137,138,139,140,146,147,148,149,158,159,160,161,169,170,171,181,182,183,191,192,193,194,203,204,205,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,294,302,303,304,313,314,315,316,324,325,326,335,336,337,338,346,347,348,358,359,360,361,368,369,370,380,381,382,383,384,389,390,391,392,403,404,405,406,407,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,485 +669 - 35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,187,192,193,194,195,204,205,206,207,214,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,289,290,291,292,302,303,304,311,312,313,314,323,324,325,326,333,334,335,344,345,346,347,354,355,356,357,365,366,367,368,369,376,377,378,379,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +670 - 28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,99,100,101,102,103,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,193,194,211,212,213,214,215,216,217,236,237,238,239,240,259,260,261,262,282,283,284,285,289,290,292,293,294,295,305,306,307,310,311,312,313,314,315,316,317,318,327,328,329,332,333,334,335,336,337,338,339,349,350,351,354,355,356,357,370,371,372,373,376,377,378,379,380,381,382,383,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,453,454,455,456,488 +671 - 59,60,61,62,80,81,82,83,84,100,101,102,103,104,105,106,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,470,486 +672 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,118,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,491 +673 - 15,16,34,35,36,37,38,39,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,190,191,192,193,211,212,213,214,215,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,374,375,376,377,378,379,380,381,382,383,396,397,398,399,400,401,402,403,487 +674 - 30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,78,79,80,100,101,122,123,143,144,145,165,166,167,187,188,208,209,210,230,231,232,252,253,273,274,275,295,296,297,316,317,318,320,321,338,339,340,341,342,343,344,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,387,388,389,390,391,392,404,405,406,411,412,425,426,427,428,447,448,449,487 +675 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,255,256,257,258,277,278,279,280,281,299,300,301,302,303,321,322,323,324,343,344,345,346,353,354,364,365,366,367,374,375,376,377,378,379,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,488 +676 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,486 +677 - 52,53,54,73,74,75,76,85,95,96,97,98,106,107,116,117,118,119,127,128,129,137,138,139,140,141,149,150,151,159,160,161,162,163,170,171,172,173,180,181,182,183,184,192,193,194,195,201,202,203,204,205,206,207,208,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,272,273,274,275,276,277,278,279,280,281,298,299,300,301,302,303,320,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,489 +678 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,431,450,451,452,486 +679 - 34,35,36,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,165,166,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,232,233,234,235,236,246,247,248,249,250,255,256,257,258,268,269,270,271,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,446,447,448,449,490 +680 - 54,55,63,64,75,76,77,84,85,86,97,98,99,105,106,107,119,120,121,126,127,128,141,142,143,148,149,150,162,163,164,165,170,171,172,184,185,186,191,192,193,205,206,207,208,213,214,215,227,228,229,234,235,236,248,249,250,251,256,257,258,269,270,271,272,277,278,279,290,291,292,293,294,295,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,333,334,338,339,340,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,489 +681 - 12,13,14,15,16,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,138,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,203,204,205,206,215,216,217,224,225,226,227,228,234,235,236,237,238,239,240,246,247,248,249,254,255,256,257,258,259,260,261,262,267,268,269,270,276,277,278,279,280,281,282,283,289,290,291,292,297,298,299,300,301,302,303,304,305,311,312,313,314,318,319,320,321,322,323,324,325,326,333,334,335,336,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,491 +682 - 33,34,55,56,77,78,79,92,93,100,101,114,115,122,123,136,137,144,145,146,158,159,166,167,168,180,181,189,190,201,202,211,212,213,223,224,233,234,235,245,246,252,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,300,301,322,323,344,345,346,366,367,368,388,389,390,410,411,432,433,434,454,455,489 +683 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,194,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +684 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,72,73,74,75,78,79,80,81,82,94,95,101,102,103,104,124,125,126,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,409,410,411,412,423,424,425,426,432,433,434,487 +685 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,125,126,127,128,129,140,141,142,143,146,147,148,149,150,162,163,164,166,167,168,169,170,171,184,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,292,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,339,340,341,357,358,359,361,362,363,378,379,380,383,384,385,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,468,469,470,493 +686 - 90,91,92,93,94,95,112,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,188,189,190,191,192,213,214,235,236,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,387,388,389,409,410,411,431,432,452,453,454,474,475,476,492 +687 - 77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,182,183,184,185,190,191,192,203,204,205,206,211,212,213,214,215,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +688 - 52,53,54,55,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,122,123,124,133,134,135,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,326,327,328,339,340,341,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,426,427,428,429,430,487 +689 - 36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,335,344,345,346,347,353,354,355,356,365,366,367,368,369,375,376,377,378,379,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +690 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,116,117,118,119,120,121,139,140,141,142,161,162,163,183,184,185,204,205,206,207,212,226,227,228,231,232,233,234,235,236,237,248,249,250,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,280,281,291,292,293,294,295,296,297,301,302,303,314,315,316,317,323,324,325,336,337,338,345,346,347,366,367,368,369,388,389,390,408,409,410,411,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,490 +691 - 58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,467,468,469,470,486 +692 - 71,72,73,74,81,82,83,93,94,95,96,103,104,105,115,116,117,118,125,126,127,137,138,139,140,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,208,209,210,211,212,213,214,224,225,226,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,277,278,279,289,290,291,292,293,294,299,300,301,312,313,314,321,322,323,343,344,345,364,365,366,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,452,453,454,455,474,475,476,477,489 +693 - 56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,123,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,347,348,349,354,355,356,357,358,359,360,376,377,378,379,380,487 +694 - 52,53,57,58,59,72,73,74,75,76,79,80,81,94,95,96,97,98,99,101,102,103,116,117,120,121,122,123,124,125,138,139,143,144,145,146,160,161,162,166,167,168,183,184,185,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,274,275,276,296,297,298,299,318,319,320,321,322,339,340,341,342,343,344,345,361,362,363,365,366,367,383,384,385,387,388,389,405,406,407,409,410,411,427,428,430,431,432,433,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +695 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,103,104,105,106,125,126,127,128,145,146,147,148,149,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,255,256,257,277,278,279,299,300,301,320,321,322,323,342,343,344,345,353,354,363,364,365,366,375,376,377,378,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +696 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,80,81,82,96,97,103,104,105,125,126,127,147,148,149,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,365,366,378,379,380,381,382,385,386,387,388,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,449,487 +697 - 53,54,55,74,75,76,77,85,86,96,97,98,99,106,107,108,117,118,119,120,128,129,130,138,139,140,141,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,192,193,194,195,200,201,202,203,204,205,206,207,208,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,235,236,237,238,244,245,246,247,250,251,252,253,254,256,257,258,259,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,469,470,471,472,489 +698 - 36,37,38,39,58,59,60,61,79,80,81,82,83,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +699 - 34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,97,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,235,236,237,247,248,257,258,259,279,280,281,300,301,302,303,322,323,324,325,344,345,346,364,365,366,367,368,374,375,376,377,378,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +700 - 62,63,64,75,76,77,84,85,96,97,98,99,105,106,107,118,119,120,127,128,139,140,141,142,148,149,150,161,162,163,164,169,170,171,182,183,184,185,186,191,192,193,204,205,206,207,208,212,213,214,226,227,228,229,234,235,236,248,249,250,255,256,257,269,270,271,272,277,278,291,292,293,298,299,300,313,314,315,316,317,320,321,336,337,338,339,340,341,342,343,359,360,361,362,363,364,365,366,384,385,386,387,406,407,427,428,429,449,450,451,471,472,473,489 +701 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,192,193,194,203,204,205,206,212,213,214,215,216,217,224,225,226,227,233,234,235,236,237,238,239,240,245,246,247,248,254,255,256,257,258,259,260,261,262,267,268,269,270,275,276,277,278,279,280,281,282,283,284,289,290,291,292,296,297,298,299,300,301,302,303,304,305,311,312,313,317,318,319,320,321,322,323,324,325,326,333,334,335,336,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +702 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,78,79,80,81,82,94,95,96,101,102,103,104,105,115,116,117,118,124,125,126,127,128,137,138,139,140,147,148,149,150,151,159,160,161,162,170,171,172,173,181,182,183,193,194,195,203,204,205,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,304,312,313,314,315,321,322,323,324,325,334,335,336,337,342,343,344,345,346,357,358,359,363,364,365,366,367,379,380,381,382,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,452,485 +703 - 97,98,99,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,167,168,169,170,171,172,173,180,181,182,183,184,185,192,193,194,202,203,204,205,206,213,214,215,216,224,225,226,227,234,235,236,237,247,255,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +704 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,150,151,159,160,161,162,163,166,167,168,169,170,171,172,173,180,181,182,183,187,188,189,190,191,192,193,194,195,201,202,203,204,210,212,213,214,215,216,217,222,223,224,225,233,234,235,236,237,238,239,244,245,246,254,255,256,257,258,259,260,265,266,267,274,275,276,277,280,281,282,287,288,289,295,296,297,298,301,302,303,308,309,310,315,316,317,318,323,324,325,330,331,332,335,336,337,338,339,345,346,347,352,353,354,355,356,357,358,359,360,367,368,369,374,375,376,377,378,379,380,389,390,397,398,399,400,410,411,412,432,433,434,454,455,456,477,478,494 +705 - 57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,105,106,107,108,120,121,122,123,128,129,130,131,142,143,144,148,149,150,151,152,153,164,165,166,169,170,171,172,173,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,339,340,341,356,357,358,361,362,363,378,379,380,382,383,384,385,400,401,404,405,406,421,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,493 +706 - 68,69,70,80,81,90,91,92,102,103,104,112,113,114,123,124,125,134,135,136,145,146,147,156,157,158,167,168,169,178,179,180,188,189,190,191,200,201,202,203,209,210,211,212,213,214,222,223,224,225,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,277,278,279,280,290,291,292,293,294,295,296,299,300,301,302,321,322,323,324,343,344,345,346,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,489 +707 - 77,78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,160,161,162,163,169,182,183,184,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,494 +708 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,144,145,146,161,162,166,167,168,183,184,185,188,189,190,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,321,322,323,338,339,340,344,345,346,360,361,362,366,367,368,382,383,384,388,389,390,405,406,410,411,412,427,428,429,430,431,432,433,450,451,452,453,454,455,473,474,475,476,493 +709 - 76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,171,172,173,181,182,183,184,185,186,193,194,195,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,236,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,280,281,282,287,288,289,290,302,303,304,309,310,311,312,323,324,325,326,331,332,333,344,345,346,347,353,354,355,365,366,367,368,369,375,376,377,378,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +710 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,409,428,429,430,431,451,452,453,486 +711 - 60,61,62,81,82,83,84,85,101,102,103,104,105,106,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,466,467,468,469,486 +712 - 37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,147,148,149,150,151,162,163,164,165,166,169,170,171,172,173,184,185,186,187,188,191,192,193,194,205,206,207,208,209,213,214,215,216,226,227,228,229,230,234,235,236,237,248,249,250,251,252,255,256,257,258,259,270,271,272,273,274,277,278,279,280,291,292,293,294,295,298,299,300,301,312,313,314,315,316,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,485 +713 - 34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,119,120,121,125,126,127,128,129,147,148,149,150,168,169,170,171,172,173,190,191,192,193,194,210,211,212,213,214,215,216,232,233,234,235,236,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,368,369,370,371,374,375,376,377,378,379,380,381,382,383,391,392,396,397,398,399,400,401,402,403,404,418,419,420,421,422,423,424,440,441,442,443,444,487 +714 - 12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,120,121,122,123,124,125,144,145,146,147,166,167,168,188,189,190,209,210,211,212,231,232,233,252,253,254,255,271,272,273,274,275,276,290,291,292,293,294,295,296,297,311,312,313,314,315,316,317,318,319,326,333,334,335,336,337,338,339,340,341,347,348,355,356,357,358,359,360,361,362,363,364,368,369,370,377,378,379,380,381,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,413,430,431,432,433,434,487 +715 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,98,99,100,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,262,270,271,272,273,277,278,279,280,284,299,300,301,302,320,321,322,323,324,331,342,343,344,345,353,354,363,364,365,366,367,375,376,377,378,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,488 +716 - 12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,80,81,82,83,97,98,99,102,103,104,105,119,120,124,125,126,127,141,147,148,149,168,169,170,171,190,191,192,193,207,208,209,210,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,297,298,299,300,301,302,312,313,314,315,319,320,321,322,323,324,334,335,336,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,390,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,487 +717 - 62,63,64,76,77,84,85,86,97,98,99,106,107,108,118,119,120,121,127,128,129,130,139,140,141,142,148,149,150,151,160,161,162,163,170,171,172,173,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,223,224,225,226,227,234,235,236,237,244,245,246,247,248,249,250,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,298,299,300,301,302,303,309,310,311,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,489 +718 - 73,74,75,94,95,96,97,115,116,117,137,138,139,158,159,160,171,180,181,182,183,184,185,186,187,188,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,256,257,258,278,279,280,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,478,489 +719 - 54,55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,256,257,258,259,260,268,269,270,279,280,281,282,302,303,304,323,324,325,326,345,346,347,348,356,366,367,368,369,370,377,378,379,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,473,474,490 +720 - 54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,103,117,118,119,121,122,124,125,126,139,140,141,142,143,144,145,146,147,148,162,163,164,165,167,168,169,185,186,187,188,189,190,207,208,209,210,211,230,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,454,473,474,475,493 +721 - 13,14,15,16,17,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,236,237,238,239,246,247,248,249,250,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,284,289,290,291,292,293,296,297,298,299,300,301,302,303,304,305,311,312,313,314,317,318,319,320,321,322,323,324,325,326,333,334,335,336,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,491 +722 - 72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,127,128,129,130,131,136,137,138,139,153,159,160,161,180,181,182,202,203,204,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,280,281,282,289,290,291,292,302,303,304,324,325,326,346,347,348,349,368,369,370,389,390,391,392,399,410,411,412,413,421,422,431,432,433,434,435,444,445,446,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,476,490 +723 - 96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,195,203,204,205,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +724 - 90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +725 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,108,109,119,120,121,122,123,126,127,128,129,130,131,140,141,142,143,144,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,467,468,469,470,493 +726 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,158,159,160,166,167,168,181,182,183,187,188,189,204,205,206,207,208,209,210,226,227,228,229,230,231,232,250,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,298,299,300,301,302,316,317,318,322,323,324,325,339,340,345,346,347,361,362,367,368,383,384,388,389,390,405,406,410,411,412,427,428,429,431,432,433,450,451,452,453,454,472,473,474,475,476,493 +727 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,149,160,161,162,163,164,182,183,184,191,192,193,203,204,205,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,294,295,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +728 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,139,140,146,147,148,168,169,170,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,469,470,471,492 +729 - 53,54,55,56,74,75,76,77,78,95,96,97,98,99,107,108,109,116,117,118,119,120,128,129,130,131,137,138,139,140,141,150,151,152,153,159,160,161,162,163,171,172,173,174,180,181,182,183,184,192,193,194,195,196,201,202,203,204,205,206,214,215,216,217,222,223,224,225,226,227,228,229,230,235,236,237,238,239,244,245,246,247,248,249,250,251,252,256,257,258,259,260,267,268,271,272,273,274,275,278,279,280,281,282,295,296,297,298,299,300,301,302,303,304,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,489 +730 - 69,70,71,91,92,93,94,95,96,97,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,163,164,165,168,169,170,190,191,192,211,212,213,233,234,235,255,256,257,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,492 +731 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,277,278,279,298,299,300,301,320,321,322,323,331,332,333,342,343,344,345,353,354,355,363,364,365,366,375,376,377,378,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,488 +732 - 5,6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,314,315,316,317,318,335,336,337,338,339,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,487 +733 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,128,129,130,131,140,141,142,143,144,151,152,153,162,163,164,165,173,174,175,183,184,185,186,194,195,196,197,204,205,206,207,216,217,218,219,225,226,227,228,229,238,239,240,246,247,248,249,250,259,260,261,262,268,269,270,271,280,281,282,283,284,289,290,291,292,293,302,303,304,305,311,312,313,314,323,324,325,326,327,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,365,366,367,368,369,376,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +734 - 69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,149,158,159,160,161,162,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,320,321,322,323,337,338,339,340,343,344,345,359,360,361,362,365,366,367,368,381,382,383,388,389,390,391,403,404,405,411,412,413,426,427,428,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,493 +735 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,208,215,216,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,250,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,296,297,298,299,300,301,302,303,304,312,313,314,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,491 +736 - 51,52,53,54,72,73,74,75,76,77,78,79,94,95,96,99,100,101,102,117,118,123,124,125,139,140,141,144,145,146,147,162,163,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,250,251,254,255,272,273,276,277,278,293,294,295,299,300,301,315,316,322,323,324,337,338,344,345,346,358,359,360,367,368,381,382,389,390,391,403,404,412,413,425,426,427,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +737 - 15,16,17,18,35,36,37,38,39,40,57,58,59,60,61,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,191,192,193,194,195,205,206,207,208,212,213,214,215,216,217,226,227,228,229,233,234,235,236,237,238,239,247,248,249,250,251,254,255,256,257,258,259,260,261,269,270,271,272,275,276,277,278,281,282,283,290,291,292,293,296,297,298,299,300,302,303,304,312,313,314,315,317,318,319,320,321,323,324,325,326,334,335,336,337,338,339,340,341,342,343,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +738 - 31,32,53,54,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,408,409,410,430,431,432,452,453,454,486 +739 - 14,15,16,17,35,36,37,38,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,165,170,171,172,173,174,182,183,184,185,186,191,192,193,194,195,196,204,205,206,211,212,213,214,215,216,217,218,225,226,227,228,232,233,234,235,236,237,238,239,240,246,247,248,249,250,253,254,255,256,257,258,259,260,261,268,269,270,271,274,275,276,277,278,279,280,281,282,289,290,291,292,295,296,297,298,299,300,301,302,303,311,312,313,314,316,317,318,319,320,321,322,323,324,333,334,335,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,491 +740 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,162,163,164,165,166,184,185,186,187,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,253,254,255,270,271,272,276,277,278,292,293,294,298,299,300,314,315,321,322,323,336,337,343,344,345,358,359,365,366,367,380,381,382,387,388,389,402,403,404,409,410,411,425,426,427,428,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +741 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,140,141,142,143,146,147,161,162,163,164,170,171,182,183,184,185,186,191,192,193,194,204,205,206,207,213,214,215,216,225,226,227,228,234,235,236,237,247,248,249,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +742 - 98,99,107,119,120,121,128,129,130,140,141,142,143,150,151,152,161,162,163,164,171,172,173,174,182,183,184,185,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,235,236,237,238,245,246,247,248,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,300,301,302,303,309,310,311,312,313,321,322,323,324,331,332,333,343,344,345,346,365,366,367,387,388,389,409,410,411,431,432,489 +743 - 36,37,38,39,40,41,57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,127,128,129,130,140,141,142,143,144,145,149,150,151,152,161,162,163,164,165,166,171,172,173,174,182,183,184,185,186,187,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,229,237,238,239,240,245,246,247,248,249,250,258,259,260,261,266,267,268,269,270,271,280,281,282,283,287,288,289,290,291,292,301,302,303,304,309,310,311,312,313,322,323,324,325,326,331,332,333,334,343,344,345,346,347,353,354,355,356,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +744 - 95,96,97,98,99,116,117,118,119,120,121,122,124,125,138,139,143,144,145,146,147,160,161,165,166,167,168,169,182,183,187,188,189,190,204,205,209,210,211,212,226,227,230,231,232,233,234,248,249,252,253,254,255,256,270,271,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,320,321,341,342,343,363,364,365,385,386,407,408,429,430,451,452,473,474,494 +745 - 38,39,40,41,42,58,59,60,61,62,63,64,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,127,128,129,130,141,142,143,144,145,146,149,150,151,152,162,163,164,165,166,167,171,172,173,174,183,184,185,186,187,188,193,194,195,196,204,205,206,207,208,209,214,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,251,257,258,259,260,267,268,269,270,271,272,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,310,311,312,313,314,320,321,322,323,324,331,332,333,334,335,341,342,343,344,345,346,353,354,355,356,361,362,363,364,365,366,367,375,376,377,378,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,485 +746 - 32,33,34,54,55,56,75,76,77,97,98,99,119,120,121,141,142,143,162,163,164,166,184,185,186,188,189,206,207,208,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,489 +747 - 37,38,39,40,59,60,61,62,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +748 - 28,29,30,31,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,97,98,99,100,101,102,115,116,117,120,121,122,123,124,136,137,138,139,143,144,145,146,159,160,161,181,182,183,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,275,276,277,278,279,280,299,300,301,302,321,322,323,324,325,344,345,346,366,367,368,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,450,451,452,453,454,490 +749 - 56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,129,130,139,140,141,142,143,149,150,151,152,160,161,162,163,164,171,172,173,174,180,181,182,183,184,185,192,193,194,195,201,202,203,204,205,206,207,208,213,214,215,216,223,224,225,226,227,228,229,230,231,234,235,236,237,244,245,246,247,248,251,252,253,254,255,256,257,258,259,267,274,275,276,277,278,279,280,296,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,468,469,470,471,489 +750 - 80,81,82,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,166,167,168,169,180,181,188,189,190,191,201,202,203,204,210,211,212,213,223,224,225,232,233,234,235,245,246,247,254,255,256,257,268,269,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +751 - 56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,255,256,257,258,269,270,278,279,280,281,300,301,302,303,321,322,323,324,333,342,343,344,345,346,354,355,356,364,365,366,367,368,376,377,378,385,386,387,388,389,398,399,400,401,402,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,468,469,470,471,472,490 +752 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,101,102,103,104,113,114,115,116,123,124,125,126,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,333,334,335,345,346,347,355,356,357,366,367,368,369,377,378,379,380,388,389,390,391,400,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,488 +753 - 98,99,100,106,107,110,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,203,204,205,206,211,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,492 +754 - 54,55,75,76,77,96,97,98,118,119,124,140,141,146,147,161,162,163,168,169,183,184,185,189,190,191,192,205,206,211,212,213,214,227,228,232,233,234,235,249,250,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,341,342,362,363,364,384,385,406,407,428,429,450,451,472,473,489 +755 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,150,151,160,161,162,163,164,170,171,181,182,183,184,185,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +756 - 55,56,57,58,63,64,72,73,74,75,76,77,78,79,80,85,86,87,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,166,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,188,189,190,191,192,193,194,195,196,202,203,204,205,206,207,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,493 +757 - 39,40,41,55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,140,141,142,143,161,162,163,164,165,182,183,184,185,186,187,189,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,278,279,280,281,290,300,301,302,303,310,311,312,321,322,323,324,332,333,334,342,343,344,345,346,354,355,356,357,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,448,449,490 +758 - 54,55,56,75,76,77,78,96,97,98,99,100,116,117,118,119,120,121,126,127,128,129,130,131,138,139,140,141,142,146,147,148,149,150,151,152,153,159,160,161,162,163,167,168,169,170,171,172,173,181,182,183,184,187,188,189,190,191,192,193,203,204,205,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,342,343,344,345,346,358,359,360,365,366,367,368,379,380,381,388,389,390,402,403,404,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +759 - 15,16,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,99,100,101,102,120,121,122,123,141,142,143,144,145,161,162,163,164,165,182,183,184,185,186,204,205,206,207,212,213,214,215,216,217,218,225,226,227,228,229,233,234,235,236,237,238,239,240,241,246,247,248,249,250,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,275,276,277,278,281,282,283,284,285,288,289,290,291,292,296,297,298,299,302,303,304,305,306,310,311,312,313,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,337,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,402,403,405,406,407,408,409,491 +760 - 77,78,79,80,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,144,145,146,156,157,158,159,160,164,165,166,167,183,184,185,186,187,188,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,235,247,248,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,301,302,303,304,305,325,326,327,347,348,368,369,370,389,390,391,392,410,411,412,413,430,431,432,433,434,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +761 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,106,107,108,117,118,119,120,127,128,129,130,139,140,141,149,150,151,152,161,162,163,164,169,170,171,172,173,184,185,186,187,190,191,192,193,194,206,207,208,209,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,340,341,342,343,357,358,359,362,363,364,365,379,380,381,384,385,386,387,401,402,403,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +762 - 9,10,11,30,31,32,33,52,53,73,74,75,95,96,117,118,139,140,160,161,162,182,183,184,204,205,206,226,227,228,234,235,236,237,238,248,249,250,255,256,257,258,259,260,261,270,271,272,276,277,278,279,280,281,282,292,293,294,297,298,299,302,303,304,315,316,317,319,320,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,383,384,385,386,387,388,407,408,409,410,491 +763 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,148,149,150,159,160,161,162,163,164,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,232,233,234,235,236,237,245,246,247,248,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,320,321,322,323,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,470,471,472,473,474,475,494 +764 - 95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,167,168,169,170,177,178,179,180,181,189,190,191,192,199,200,201,202,210,211,212,213,214,221,222,223,224,225,228,229,230,231,232,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,278,279,280,289,290,291,292,293,300,301,302,322,323,324,325,344,345,346,347,367,368,369,389,390,391,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +765 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,427,445,446,447,448,486 +766 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,147,148,149,150,161,162,163,164,168,169,170,171,184,185,186,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,357,358,359,360,365,366,367,379,380,381,382,387,388,389,401,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +767 - 28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,101,102,103,104,122,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,252,253,254,255,256,257,276,277,278,279,299,300,301,321,322,323,334,343,344,345,354,355,356,364,365,366,367,376,377,378,379,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +768 - 34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,95,96,97,117,118,138,139,140,160,161,181,182,183,184,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,253,254,255,256,257,278,279,280,290,291,301,302,312,313,323,324,334,335,345,346,355,356,357,366,367,368,378,379,380,387,388,389,390,400,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +769 - 76,77,78,79,80,81,82,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,147,148,149,150,151,152,153,160,161,162,163,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,269,270,271,272,273,274,275,291,292,293,294,295,296,297,313,314,315,317,318,319,320,334,335,336,337,339,340,341,342,356,357,358,361,362,363,364,378,379,380,381,383,384,385,386,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +770 - 4,25,26,47,48,69,70,90,91,92,112,113,129,130,134,135,149,150,151,152,153,156,157,169,170,171,172,173,174,175,178,179,191,192,193,197,200,201,212,213,214,218,219,222,223,233,234,235,240,241,244,245,255,256,261,262,263,266,267,277,278,282,283,284,288,289,299,300,303,304,305,310,311,312,313,320,321,322,324,325,326,333,334,335,336,337,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,382,383,384,385,386,491 +771 - 38,39,40,41,42,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,119,120,121,122,123,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,276,277,278,279,280,293,299,300,301,302,320,321,322,323,342,343,344,345,355,356,357,363,364,365,366,367,376,377,378,379,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +772 - 77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,146,147,148,149,150,158,159,160,161,162,168,169,170,171,172,179,180,181,182,183,189,190,191,192,193,194,201,202,203,204,210,211,212,213,214,215,216,222,223,224,225,226,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,494 +773 - 94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,165,166,167,168,169,170,171,172,181,182,189,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +774 - 12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,81,82,83,84,95,96,97,98,104,105,106,117,126,127,128,129,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,217,236,237,238,257,258,259,260,269,270,271,272,273,274,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,339,340,341,342,343,344,345,354,355,356,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,411,412,413,414,421,422,423,424,425,426,427,428,434,435,436,487 +775 - 60,61,62,63,79,80,81,82,83,84,100,101,102,103,104,121,122,123,124,142,143,144,163,164,165,184,185,186,187,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,278,279,280,300,301,302,321,322,323,335,336,341,342,343,344,345,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,403,404,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,490 +776 - 32,33,34,53,54,55,56,75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,167,168,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,273,278,279,280,281,292,293,294,295,299,300,301,302,303,314,315,316,317,321,322,323,324,336,337,338,339,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,449,450,451,452,485 +777 - 56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,138,139,140,141,142,150,151,152,160,161,162,163,164,170,171,172,173,174,183,184,185,186,187,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,335,336,337,338,342,343,344,357,358,359,360,363,364,365,366,379,380,381,384,385,386,387,388,401,402,403,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +778 - 140,141,142,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,196,197,203,204,205,206,211,212,213,214,215,216,217,218,224,225,226,228,230,231,232,233,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,273,277,278,279,288,289,301,323,344,345,366,367,387,388,408,409,410,429,430,449,450,451,452,469,470,471,472,490 +779 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +780 - 31,32,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,486 +781 - 36,37,38,39,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,127,128,129,130,140,141,142,143,144,145,149,150,151,152,161,162,163,164,165,166,171,172,173,174,182,183,184,185,186,187,193,194,195,196,203,204,205,206,207,208,215,216,217,218,224,225,226,227,228,229,237,238,239,240,245,246,247,248,249,250,258,259,260,261,267,268,269,270,271,280,281,282,283,288,289,290,291,292,301,302,303,304,305,309,310,311,312,313,314,322,323,324,325,326,331,332,333,334,335,343,344,345,346,347,353,354,355,356,363,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +782 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,125,126,127,139,140,141,148,149,160,161,162,170,171,181,182,183,192,193,203,204,205,224,225,226,236,246,247,248,257,258,268,269,270,278,279,280,291,292,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,360,361,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,474,494 +783 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,445,446,447,486 +784 - 32,33,34,35,52,53,54,55,56,57,58,61,74,75,76,77,82,83,84,96,97,98,104,105,106,118,119,120,121,124,125,126,127,128,141,142,143,144,145,146,147,148,164,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,235,251,252,253,255,256,257,272,273,274,277,278,279,293,294,295,296,299,300,301,315,316,317,321,322,323,336,337,338,342,343,344,358,359,360,361,364,365,366,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,493 +785 - 15,16,17,18,35,36,37,38,39,56,57,58,59,60,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,225,226,227,228,234,235,236,237,247,248,249,250,254,255,256,257,258,259,260,268,269,270,271,275,276,277,278,279,280,281,282,290,291,292,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +786 - 98,99,100,101,102,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,145,146,158,159,160,161,162,167,168,169,180,181,182,183,189,190,191,203,204,211,212,213,233,234,235,255,256,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,475,492 +787 - 35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,129,139,140,141,142,143,144,149,150,151,160,161,162,163,164,165,171,172,173,174,182,183,184,185,186,193,194,195,196,203,204,205,206,207,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,249,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,309,310,311,312,323,324,325,326,331,332,333,334,344,345,346,347,348,353,354,355,364,365,366,367,368,369,375,376,377,378,383,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,445,446,447,448,485 +788 - 55,56,57,58,76,77,78,79,80,81,82,83,98,99,100,103,104,105,119,120,121,125,126,127,140,141,142,143,146,147,148,162,163,164,168,169,170,184,185,186,190,191,192,205,206,207,212,213,214,227,228,229,233,234,235,249,250,255,256,257,270,271,272,276,277,278,279,292,293,294,297,298,299,300,301,313,314,315,318,319,320,321,322,335,336,337,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,386,387,388,402,403,404,409,410,431,432,453,454,455,475,476,477,494 +789 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,168,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,354,355,356,363,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +790 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,102,103,104,105,106,107,115,116,117,118,127,128,129,136,137,138,139,150,151,152,157,158,159,160,172,173,174,179,180,181,194,195,196,200,201,202,216,217,218,222,223,224,237,238,239,244,245,259,260,261,265,266,267,280,281,282,283,287,288,289,301,302,303,304,310,311,322,323,324,325,326,332,333,343,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +791 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,127,128,129,130,139,140,141,142,143,147,148,149,150,151,161,162,163,164,167,168,169,170,171,172,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,340,341,342,343,357,358,359,362,363,364,365,379,380,381,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +792 - 34,35,36,37,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,82,91,92,93,94,95,96,112,113,114,115,116,134,135,136,145,146,147,148,156,157,165,166,167,168,169,170,171,178,179,186,187,188,189,200,201,202,207,208,209,210,223,224,225,226,229,230,231,245,246,247,248,249,250,251,252,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,315,316,322,323,324,325,326,337,338,346,347,348,349,358,359,360,369,370,371,381,382,383,391,392,393,403,404,405,406,407,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,493 +793 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,168,169,170,181,182,183,184,188,192,193,194,203,204,205,206,213,214,215,216,225,226,227,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,473,494 +794 - 15,16,17,18,19,36,37,38,39,40,41,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,141,142,143,144,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,230,247,248,249,250,251,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +795 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,145,146,147,148,149,160,161,162,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,328,329,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,450,466,467,468,469,470,471,492 +796 - 33,34,35,36,54,55,56,57,58,59,75,76,77,80,81,96,97,98,102,103,118,119,120,124,125,127,128,140,141,146,147,149,150,161,162,163,170,171,172,173,184,185,186,191,192,193,194,207,208,209,211,212,213,214,215,229,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,320,321,337,338,342,343,359,360,364,365,380,381,382,386,387,402,403,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,493 +797 - 52,53,61,62,63,74,75,76,82,83,84,85,95,96,97,98,104,105,106,107,117,118,119,120,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,168,169,170,171,180,181,182,183,184,189,190,191,192,193,194,202,203,204,205,211,212,213,214,215,216,223,224,225,226,227,228,229,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,271,272,273,274,275,276,277,278,279,280,281,288,289,290,294,295,296,297,298,299,300,301,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,470,471,472,489 +798 - 93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,492 +799 - 38,39,40,41,42,43,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,118,119,120,121,122,123,139,140,141,142,143,160,161,162,163,164,165,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,299,300,301,302,321,322,323,324,334,335,342,343,344,345,346,355,356,357,363,364,365,366,367,376,377,378,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,413,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,490 +800 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,124,125,126,127,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,188,189,190,191,192,204,205,206,210,211,212,213,214,225,226,227,228,232,233,234,235,247,248,249,250,254,255,256,257,269,270,271,272,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,337,338,339,340,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,472,473,474,475,494 +801 - 36,37,38,58,59,60,61,81,82,83,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,209,210,211,212,213,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,353,354,355,356,357,358,359,487 +802 - 9,10,11,12,13,31,32,33,34,35,52,53,54,55,56,74,75,76,77,96,97,98,117,118,119,120,139,140,141,142,161,162,163,182,183,184,185,190,191,204,205,206,207,210,211,212,213,214,226,227,228,231,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,292,293,294,296,297,298,299,300,301,302,314,315,316,318,319,320,321,322,323,324,336,337,338,341,342,343,344,345,346,358,359,360,361,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +803 - 73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,168,169,170,171,172,182,183,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,422,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +804 - 47,48,49,68,69,70,71,82,90,91,92,103,104,105,111,112,113,124,125,126,127,133,134,135,136,147,148,149,155,156,157,168,169,170,171,177,178,179,180,190,191,192,193,199,200,201,202,212,213,214,215,222,223,224,234,235,236,237,244,245,246,247,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,489 +805 - 35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,98,99,100,101,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,255,256,257,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,355,356,363,364,365,366,367,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,490 +806 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,148,159,160,161,162,168,169,170,181,182,183,184,190,191,192,193,202,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,494 +807 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,98,99,100,101,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,346,347,348,349,350,354,355,356,357,358,359,377,378,379,487 +808 - 71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,119,120,121,122,142,143,144,163,164,165,166,183,184,185,186,187,205,206,207,208,209,210,227,228,229,230,231,232,233,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,488 +809 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,335,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +810 - 9,10,11,12,31,32,33,34,35,53,54,55,56,57,74,75,76,77,78,96,97,98,99,117,118,119,120,139,140,141,142,161,162,163,183,184,185,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,301,302,303,304,315,316,317,318,319,320,324,325,326,337,338,339,340,341,342,343,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,491 +811 - 33,34,35,36,37,38,55,56,57,58,59,60,61,80,81,82,83,103,104,105,106,124,125,126,127,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,275,276,277,278,298,299,300,301,309,310,320,321,322,323,331,332,333,342,343,344,345,353,354,355,356,363,364,365,366,376,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +812 - 98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,160,161,162,163,164,168,169,170,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,299,300,301,321,322,343,344,365,366,386,387,388,408,409,410,431,432,453,454,475,476,494 +813 - 77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,146,147,148,149,161,162,163,167,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,324,325,326,327,328,332,333,334,335,336,337,338,339,340,347,348,349,350,353,354,355,356,357,358,359,360,375,376,377,378,379,380,397,398,399,487 +814 - 8,9,10,26,27,28,29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,101,102,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,171,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,333,334,335,336,337,338,339,340,341,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,487 +815 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,233,234,235,236,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,333,334,335,336,343,344,345,346,347,354,355,356,357,364,365,366,367,368,376,377,378,379,380,381,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +816 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,233,234,235,236,248,249,250,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,281,292,293,294,297,298,299,301,302,303,314,315,316,318,319,320,321,323,324,325,336,337,338,340,341,342,345,346,347,358,359,360,361,362,363,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +817 - 57,58,59,60,61,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,335,336,337,338,341,342,343,344,357,358,359,362,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,493 +818 - 54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,148,149,150,151,160,161,162,163,171,172,173,182,183,184,194,195,203,204,205,206,216,217,225,226,227,238,239,246,247,248,259,260,261,268,269,270,281,282,290,291,292,302,303,304,312,313,323,324,325,334,335,345,346,355,356,357,366,367,368,378,379,387,388,389,400,401,402,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +819 - 73,74,75,76,77,94,95,96,97,98,99,100,101,102,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,143,144,145,146,147,148,149,150,151,158,159,160,161,167,168,169,170,171,172,173,180,181,182,191,192,193,194,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,473,492 +820 - 94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,181,189,190,191,192,200,201,202,203,212,213,214,222,223,224,234,235,236,245,256,257,258,278,279,280,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,412,430,431,432,433,453,454,455,456,475,476,477,492 +821 - 39,40,41,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,426,444,445,446,447,448,486 +822 - 77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,145,146,161,162,163,167,183,184,185,189,205,206,207,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,276,277,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,469,470,471,494 +823 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,127,128,129,139,140,141,142,148,149,150,151,161,162,163,169,170,171,172,182,183,184,185,190,191,192,193,194,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,319,320,321,335,336,337,338,341,342,343,357,358,359,362,363,364,365,378,379,380,384,385,386,387,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +824 - 91,92,93,94,95,96,97,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,474,475,476,492 +825 - 15,16,17,18,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,144,145,149,150,151,161,162,163,164,165,166,171,172,173,182,183,184,185,186,187,193,194,195,204,205,206,207,208,214,215,216,217,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,257,258,259,260,261,267,268,269,270,271,278,279,280,281,282,289,290,291,292,293,299,300,301,302,303,310,311,312,313,314,320,321,322,323,324,332,333,334,335,340,341,342,343,344,345,346,353,354,355,356,357,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,485 +826 - 73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,168,169,170,171,172,178,179,180,181,182,191,192,193,194,200,201,202,203,214,215,216,222,223,224,225,244,245,246,247,266,267,268,269,270,271,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,368,369,370,371,390,391,392,393,412,413,414,415,435,436,437,438,458,459,460,461,481,482,483,494 +827 - 79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,162,163,164,165,183,184,185,186,191,204,205,206,207,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,494 +828 - 28,29,30,49,50,51,52,64,71,72,73,74,85,86,92,93,94,106,107,108,113,114,115,116,128,129,130,134,135,136,137,150,151,152,156,157,158,172,173,174,177,178,179,194,195,196,199,200,201,216,217,218,221,222,238,239,240,243,244,245,259,260,261,262,265,266,267,281,282,283,284,288,289,290,291,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,347,348,358,359,360,361,362,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,489 +829 - 14,15,16,17,36,37,38,39,56,57,58,59,60,77,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,192,193,194,205,206,207,208,212,213,214,215,216,217,226,227,228,229,232,233,234,235,236,237,238,239,247,248,249,250,253,254,255,256,257,258,259,260,261,269,270,271,272,274,275,276,277,279,280,281,282,290,291,292,293,295,296,297,298,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,424,425,426,427,491 +830 - 30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,123,124,125,126,135,145,146,147,148,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,271,272,273,274,275,293,294,295,296,314,315,316,317,327,328,336,337,338,346,347,348,349,350,351,357,358,359,360,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,446,447,448,449,450,487 +831 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,129,130,131,139,140,141,142,147,148,149,150,151,152,153,161,162,163,164,169,170,171,172,173,174,175,183,184,185,186,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,341,342,343,355,356,357,358,359,363,364,365,377,378,379,380,385,386,387,399,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +832 - 34,35,36,37,38,53,54,55,56,57,58,59,74,75,76,77,78,79,96,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,165,166,185,186,187,188,189,208,209,210,211,231,232,233,234,254,255,256,257,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,363,364,365,366,367,379,380,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,490 +833 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +834 - 38,39,59,60,61,81,82,102,103,104,124,125,126,139,140,141,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,341,342,343,344,356,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,489 +835 - 36,37,38,39,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,378,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +836 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,102,103,104,105,118,119,120,126,139,140,141,161,162,163,183,184,189,190,191,204,205,206,209,210,211,212,213,214,226,227,228,230,231,232,235,236,237,247,248,249,251,252,253,258,259,269,270,271,272,273,274,280,281,282,291,292,293,294,295,302,303,304,314,315,316,317,324,325,326,336,337,345,346,347,357,367,368,369,378,379,387,388,389,390,400,401,407,408,409,410,411,421,422,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,490 +837 - 36,37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,118,119,120,121,122,140,141,142,143,161,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,234,235,236,249,250,251,256,257,258,259,279,280,281,300,301,302,303,322,323,324,325,332,333,334,343,344,345,346,353,354,355,356,364,365,366,367,368,375,376,377,378,379,380,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,490 +838 - 55,56,57,77,78,79,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,231,232,233,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,486 +839 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,168,169,170,171,172,182,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +840 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,99,100,101,102,103,115,116,122,123,124,125,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,248,249,250,251,252,253,271,272,273,274,275,276,277,296,297,298,299,300,301,319,320,321,322,323,324,342,343,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,488 +841 - 13,14,15,16,17,18,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,225,226,227,228,229,247,248,249,250,255,256,257,258,259,260,268,269,270,271,272,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,491 +842 - 52,53,54,74,75,76,96,97,98,103,117,118,119,125,126,139,140,141,147,148,160,161,162,163,169,170,182,183,184,185,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,255,256,257,258,259,268,269,270,271,272,273,278,279,280,281,290,291,292,293,294,301,302,303,312,313,314,315,323,324,325,334,335,336,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,489 +843 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,79,83,84,85,104,105,106,107,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,270,271,272,273,275,276,277,278,297,298,299,300,319,320,321,333,334,335,340,341,342,343,354,355,356,362,363,364,365,375,376,377,378,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,488 +844 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,104,105,106,118,119,120,126,127,128,139,140,141,142,148,149,150,151,162,163,164,170,171,172,192,193,194,214,215,216,236,237,238,248,249,250,257,258,259,268,269,270,271,272,273,274,278,279,280,281,289,290,291,292,293,294,295,296,297,300,301,302,310,311,312,313,317,318,319,320,322,323,324,332,333,334,340,341,342,343,344,345,354,355,356,363,364,365,366,367,377,378,379,384,385,386,387,388,400,401,402,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,431,432,433,445,446,447,448,449,450,487 +845 - 34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,256,257,258,259,269,270,271,272,278,279,280,281,292,299,300,301,302,321,322,323,324,342,343,344,345,346,354,355,363,364,365,366,367,375,376,377,378,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,490 +846 - 33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,103,104,105,106,107,117,118,119,120,127,128,129,130,138,139,140,141,151,160,161,162,181,182,183,184,203,204,205,206,225,226,227,247,248,249,251,252,253,254,255,256,269,270,272,273,274,275,276,277,278,279,291,292,294,295,296,297,300,301,302,303,313,314,315,316,317,323,324,325,335,336,337,346,347,348,358,359,369,370,381,382,383,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,456,491 +847 - 63,64,65,85,86,87,95,96,106,107,108,109,116,117,118,119,127,128,129,138,139,140,141,148,149,150,151,160,161,162,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,223,224,225,226,234,235,236,237,239,240,244,245,246,247,248,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,470,471,472,489 +848 - 12,13,34,35,36,56,57,58,78,79,80,101,102,103,113,114,123,124,125,134,135,136,145,146,147,148,156,157,158,167,168,169,170,178,179,180,189,190,191,192,199,200,201,202,212,213,214,221,222,223,234,235,236,243,244,245,248,249,250,251,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,344,345,346,347,348,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,489 +849 - 37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,191,192,193,204,205,206,207,208,209,213,214,215,225,226,227,228,229,230,235,236,237,246,247,248,249,250,251,257,258,259,267,268,269,270,271,272,279,280,281,289,290,291,292,293,300,301,302,303,310,311,312,313,314,315,322,323,324,325,332,333,334,335,336,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,376,377,378,379,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +850 - 11,12,13,14,33,34,35,55,56,57,76,77,78,98,99,100,119,120,121,140,141,142,147,148,161,162,163,164,168,169,170,182,183,184,185,190,191,204,205,206,211,212,213,225,226,227,233,234,235,246,247,248,249,254,255,256,268,269,270,276,277,278,283,290,291,297,298,299,305,306,307,312,313,314,315,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,384,385,386,406,407,408,489 +851 - 75,76,96,97,98,107,108,117,118,119,120,128,129,130,138,139,140,141,149,150,151,152,158,159,160,161,162,170,171,172,173,174,180,181,182,183,184,192,193,194,195,200,201,202,203,204,205,213,214,215,216,221,222,223,224,225,226,227,235,236,237,238,243,244,245,246,247,248,249,250,256,257,258,259,265,266,267,270,271,272,273,274,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,362,363,364,365,366,384,385,386,387,406,407,408,428,429,430,450,451,452,473,489 +852 - 13,14,34,35,36,37,56,57,58,59,76,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,184,185,186,187,206,207,208,209,227,228,229,230,235,249,250,251,252,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,403,404,405,406,407,426,427,428,491 +853 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,185,190,191,192,193,194,205,206,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +854 - 77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,145,146,147,148,159,160,161,162,163,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,223,224,225,226,234,235,236,246,247,255,256,257,258,268,269,270,271,277,278,279,299,300,301,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,431,432,433,453,454,455,456,475,476,477,478,479,487 +855 - 53,54,64,65,74,75,76,85,86,87,96,97,98,107,108,109,117,118,119,120,128,129,130,138,139,140,141,149,150,151,152,159,160,161,162,170,171,172,173,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,206,213,214,215,216,222,223,224,225,226,227,228,229,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,256,257,258,259,267,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +856 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,122,123,124,125,139,140,141,144,145,146,166,167,168,187,188,189,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,403,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,488 +857 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,103,104,105,106,124,125,126,127,128,144,145,146,147,148,149,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,256,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,324,333,334,341,342,343,344,345,346,353,354,355,356,361,362,363,364,365,366,367,374,375,376,377,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,488 +858 - 34,35,36,37,51,52,53,57,58,59,60,61,72,73,74,75,82,83,94,95,96,104,105,116,117,126,127,138,139,140,147,148,149,160,161,162,169,170,171,183,184,190,191,192,205,206,207,211,212,213,228,229,230,232,233,234,250,251,252,253,254,255,256,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,359,360,361,363,364,380,381,382,385,386,402,403,407,408,423,424,425,428,429,430,446,447,448,449,450,451,452,493 +859 - 37,38,39,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,148,149,150,151,160,161,162,163,164,165,166,169,170,171,172,181,182,183,184,185,186,187,191,192,193,194,202,203,204,205,206,207,213,214,215,216,224,225,226,227,228,235,236,237,238,245,246,247,248,249,256,257,258,259,266,267,268,269,270,271,278,279,280,281,288,289,290,291,292,299,300,301,302,309,310,311,312,313,321,322,323,324,331,332,333,334,335,342,343,344,345,346,353,354,355,356,363,364,365,366,367,375,376,377,378,379,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +860 - 33,34,35,36,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,129,140,141,142,143,149,150,151,161,162,163,164,171,172,173,183,184,185,193,194,195,204,205,206,207,215,216,217,225,226,227,228,237,238,239,246,247,248,249,250,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,301,302,303,304,305,312,313,314,315,322,323,324,325,326,333,334,335,336,342,343,344,345,346,347,355,356,357,358,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +861 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,100,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,269,270,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,355,356,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +862 - 30,31,32,33,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,97,98,99,100,101,111,112,113,114,115,116,120,121,122,123,133,134,135,143,144,145,146,156,166,167,168,188,189,190,191,210,211,212,213,232,233,234,254,255,256,276,277,278,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,390,391,392,393,394,402,403,404,405,406,407,408,413,414,415,416,424,425,426,427,428,437,438,448,487 +863 - 99,100,101,102,120,121,122,123,124,125,145,146,147,167,168,169,188,189,190,209,210,211,212,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,267,268,269,270,271,272,273,274,275,276,277,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,343,344,345,346,347,348,349,350,351,487 +864 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,123,124,139,140,141,145,146,161,162,163,164,166,167,168,184,185,186,187,188,189,190,207,208,209,210,211,231,232,233,254,255,276,277,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,469,470,471,494 +865 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,129,140,141,142,143,148,149,150,151,152,162,163,164,165,169,170,171,172,173,174,184,185,186,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,312,313,314,315,318,319,320,321,333,334,335,336,340,341,342,343,355,356,357,362,363,364,365,377,378,379,383,384,385,386,387,399,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +866 - 45,46,47,48,49,50,51,52,53,54,55,56,57,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,122,123,124,125,126,127,146,147,148,149,168,169,170,171,172,192,193,194,214,215,216,236,237,238,258,259,260,279,280,281,300,301,302,321,322,323,341,342,343,344,361,362,363,364,365,366,381,382,383,384,385,386,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,467,468,469,470,471,472,473,474,475,476,478,487 +867 - 33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,103,104,105,106,107,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,276,277,278,279,299,300,301,302,321,322,323,324,331,332,343,344,345,346,353,354,355,363,364,365,366,367,368,375,376,377,378,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,488 +868 - 68,69,70,71,91,92,93,94,95,96,97,98,99,100,101,113,114,117,118,119,120,121,122,123,124,125,134,135,136,146,147,148,156,157,158,169,170,179,191,192,193,212,213,214,215,234,235,236,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,492 +869 - 35,36,37,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,99,100,101,102,104,105,106,120,121,122,123,126,127,128,129,141,142,143,144,148,149,150,151,163,164,165,170,171,172,173,184,185,186,187,192,193,194,195,205,206,207,208,214,215,216,227,228,229,236,237,238,248,249,250,251,258,259,260,269,270,271,272,279,280,281,282,291,292,293,301,302,303,312,313,314,315,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,364,365,366,367,377,378,379,384,385,386,387,388,398,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,485 +870 - 29,30,31,51,52,53,73,74,75,76,95,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,166,185,186,187,188,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,344,345,362,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,486 +871 - 36,37,38,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,444,445,446,447,448,486 +872 - 28,29,30,31,32,49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,165,166,167,168,169,170,171,172,179,180,181,182,183,191,192,193,194,195,201,202,203,204,214,215,216,217,218,223,224,225,226,237,238,239,240,245,246,247,248,260,261,262,267,268,269,270,271,282,283,284,285,289,290,291,292,293,304,305,306,307,311,312,313,314,315,327,328,329,334,335,336,337,338,349,350,351,357,358,359,360,361,362,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,458,459,485 +873 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,79,80,81,82,83,94,95,96,103,104,105,116,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,341,342,343,344,345,346,347,348,349,350,353,354,355,363,364,365,366,367,368,369,370,371,375,376,377,384,385,386,387,388,397,398,399,400,401,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,487 +874 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,298,299,300,301,302,303,304,322,323,324,325,326,327,334,345,346,347,348,349,354,355,356,357,358,367,368,369,370,371,376,377,378,379,380,381,382,383,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +875 - 51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,123,124,125,126,133,134,135,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,302,303,304,305,325,326,327,328,348,349,350,370,371,372,392,393,394,400,401,402,403,414,415,416,421,422,423,424,425,434,435,436,437,438,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,488 +876 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,101,102,115,116,117,123,124,137,138,139,145,146,160,161,162,163,166,167,168,183,184,185,186,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,339,340,341,343,344,361,362,363,365,366,367,383,384,385,388,389,405,406,407,410,411,412,428,429,430,432,433,434,450,451,452,453,454,455,456,473,474,475,476,477,493 +877 - 60,61,62,82,83,84,104,105,106,116,126,127,128,137,138,139,147,148,149,150,159,160,161,169,170,171,172,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,224,225,226,227,228,229,230,231,232,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +878 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,124,125,126,145,146,147,165,166,167,168,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,229,230,231,248,249,250,251,252,272,273,274,275,276,296,297,298,299,319,320,321,322,342,343,344,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,431,448,449,450,451,468,469,470,471,472,488 +879 - 142,143,147,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,299,300,312,313,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,490 +880 - 98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +881 - 12,13,14,15,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,169,183,184,185,186,190,191,192,193,205,206,207,208,210,211,212,213,214,215,216,226,227,228,229,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,402,403,404,405,406,407,491 +882 - 50,51,52,72,73,74,75,93,94,95,96,104,105,106,115,116,117,118,126,127,128,137,138,139,148,149,150,159,160,161,170,171,172,180,181,182,183,192,193,194,202,203,204,214,215,216,223,224,225,226,236,237,238,245,246,247,248,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,302,303,304,310,311,312,313,314,315,316,317,323,324,325,326,332,333,334,335,336,345,346,347,348,355,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,478,479,489 +883 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,198,199,200,201,202,203,204,205,206,213,214,215,216,221,222,223,224,235,236,237,238,256,257,258,259,260,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +884 - 53,54,55,56,57,74,75,76,77,78,79,80,97,98,99,100,101,102,103,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,277,278,279,280,295,296,297,298,299,300,301,316,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,492 +885 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,146,147,148,149,150,151,161,162,163,164,167,168,169,170,171,172,173,183,184,185,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,493 +886 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,102,103,113,114,115,116,117,118,135,136,137,138,139,158,159,160,161,162,181,182,183,184,185,186,204,205,206,207,208,209,229,230,231,232,233,252,253,254,255,256,257,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,327,332,333,334,347,348,349,350,355,356,357,358,359,360,370,371,372,378,379,380,381,382,383,384,385,386,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,426,427,428,429,430,431,432,433,434,435,436,437,438,439,451,452,453,454,455,456,457,458,459,460,490 +887 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,146,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,179,180,181,182,183,190,191,192,193,194,195,201,202,203,204,211,212,213,214,215,216,222,223,224,225,231,232,233,234,235,236,237,244,245,246,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,297,298,299,300,301,311,312,313,314,315,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +888 - 93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,181,182,183,184,189,190,191,204,205,206,211,212,213,227,228,232,233,234,250,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +889 - 38,39,40,41,59,60,61,62,63,64,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,128,129,130,141,142,143,144,145,150,151,152,161,162,163,164,165,171,172,173,174,182,183,184,185,186,193,194,195,203,204,205,206,214,215,216,217,225,226,227,236,237,238,246,247,248,256,257,258,259,267,268,269,270,278,279,280,289,290,291,299,300,301,302,310,311,312,319,320,321,322,323,331,332,333,334,339,340,341,342,343,353,354,355,359,360,361,362,363,364,375,376,377,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,441,442,443,444,445,485 +890 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,138,139,140,141,143,144,145,146,160,161,162,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,272,273,274,279,280,281,282,294,295,301,302,303,304,322,323,324,325,344,345,346,347,357,358,359,364,365,366,367,368,379,380,381,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +891 - 36,37,38,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,444,445,446,447,486 +892 - 10,11,12,32,33,34,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,208,209,210,211,212,213,230,231,232,233,234,235,236,251,252,253,254,255,257,258,273,274,275,278,279,280,294,295,296,297,299,300,301,302,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,358,359,360,363,364,379,380,381,400,401,402,422,423,424,491 +893 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,127,128,129,130,137,138,139,140,141,149,150,151,152,160,161,162,171,172,173,174,192,193,194,195,214,215,216,217,235,236,237,238,250,251,252,253,254,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,340,341,342,343,344,354,355,356,357,361,362,363,364,365,375,376,377,378,382,383,384,385,386,397,398,399,400,403,404,405,406,407,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,448,464,465,466,467,468,469,487 +894 - 73,74,79,80,94,95,96,97,100,101,102,103,116,117,118,119,122,123,124,125,138,139,140,141,144,145,146,147,160,161,162,163,166,167,168,182,183,184,185,187,188,189,190,204,205,206,207,209,210,211,212,226,227,228,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,489 +895 - 55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,145,146,147,148,149,165,166,167,168,169,170,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,302,303,304,305,324,325,326,327,346,347,348,349,366,367,368,369,370,377,378,379,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +896 - 55,56,74,75,76,77,78,96,97,98,99,100,108,109,116,117,118,119,120,121,122,129,130,131,138,139,140,141,142,150,151,152,153,158,159,160,161,162,163,171,172,173,174,175,180,181,182,183,184,185,192,193,194,195,196,197,202,203,204,205,206,211,212,213,214,215,216,217,218,224,225,226,227,228,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,468,469,470,489 +897 - 63,64,65,85,86,87,106,107,108,109,127,128,129,130,139,140,141,149,150,151,161,162,163,170,171,172,173,182,183,184,185,192,193,194,204,205,206,213,214,215,225,226,227,228,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,321,322,323,332,333,334,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,489 +898 - 96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,335,336,341,342,343,362,363,364,384,385,386,406,407,408,428,429,449,450,451,471,472,473,492 +899 - 121,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,185,186,187,206,207,208,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,490 +900 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,123,124,140,141,145,146,161,162,163,167,168,182,183,184,189,190,204,205,206,210,211,212,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,297,298,299,319,320,321,341,342,363,364,385,386,407,408,428,429,430,450,451,452,472,473,494 +901 - 13,14,15,16,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,193,204,205,206,207,213,214,215,216,217,226,227,228,229,233,234,235,236,237,238,239,248,249,250,254,255,256,257,258,259,260,261,269,270,271,272,275,276,277,278,279,281,282,291,292,293,296,297,298,299,302,303,312,313,314,315,317,318,319,320,322,323,324,334,335,336,337,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +902 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,106,117,118,119,120,126,127,128,138,139,140,141,148,149,150,159,160,161,162,170,171,172,181,182,183,192,193,194,202,203,204,205,214,215,216,224,225,226,236,237,238,245,246,247,248,257,258,259,260,267,268,269,279,280,281,289,290,291,301,302,303,310,311,312,313,322,323,324,325,332,333,334,343,344,345,346,354,355,356,357,364,365,366,367,368,377,378,379,380,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,430,431,432,452,453,454,475,476,494 +903 - 37,38,39,40,41,42,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,106,107,108,119,120,121,122,123,124,128,129,130,141,142,143,144,145,149,150,151,162,163,164,165,171,172,173,183,184,185,186,192,193,194,195,205,206,207,208,213,214,215,216,226,227,228,229,234,235,236,237,247,248,249,250,255,256,257,258,268,269,270,271,277,278,279,280,290,291,292,293,298,299,300,301,311,312,313,314,318,319,320,321,322,332,333,334,335,339,340,341,342,343,354,355,356,359,360,361,362,363,364,375,376,377,378,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,426,442,443,444,445,446,485 +904 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,167,168,169,170,176,177,178,179,181,182,183,189,190,191,192,198,199,200,211,212,213,214,220,221,222,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,428,429,430,431,432,450,451,452,453,454,455,472,473,474,475,476,477,492 +905 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,486 +906 - 50,51,52,58,59,71,72,73,74,75,79,80,81,82,92,93,94,95,100,101,102,103,104,114,115,116,122,123,124,136,137,138,144,145,146,157,158,159,166,167,168,179,180,181,188,189,190,201,202,203,210,211,212,223,224,225,232,233,234,246,247,248,254,255,256,268,269,270,276,277,278,279,280,281,282,283,284,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,364,365,366,387,388,389,409,410,411,431,432,433,453,454,455,476,477,489 +907 - 14,15,16,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,127,128,129,130,149,150,151,170,171,172,173,191,192,193,194,195,213,214,215,216,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,319,320,321,322,323,325,326,327,328,331,332,333,334,335,340,341,342,343,344,353,354,355,356,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,487 +908 - 133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,235,236,237,257,258,259,278,279,280,300,301,302,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,452,453,454,474,475,476,492 +909 - 34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,125,126,127,128,129,138,146,147,148,149,150,166,167,168,169,170,171,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,279,280,281,282,301,302,303,304,324,325,326,344,345,346,347,348,354,355,356,357,358,365,366,367,368,369,374,375,376,377,378,379,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,488 +910 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,80,81,95,96,97,101,102,116,117,118,137,138,139,159,160,161,180,181,182,202,203,204,223,224,225,226,245,246,247,256,257,258,259,260,267,268,269,277,278,279,280,281,282,283,289,290,291,292,299,300,301,304,305,312,313,314,321,322,326,327,334,335,336,337,343,344,347,348,349,357,358,359,365,366,367,368,369,370,371,372,380,381,382,383,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,491 +911 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,191,192,193,194,203,204,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,492 +912 - 56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,118,119,120,121,122,139,140,141,142,160,161,162,181,182,183,203,204,205,206,226,227,228,229,230,249,250,251,252,253,254,273,274,275,276,296,297,298,299,300,320,321,322,343,344,345,365,366,367,386,387,388,389,402,403,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +913 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,148,149,150,151,152,153,161,162,163,164,165,169,170,171,172,173,174,182,183,184,185,189,190,191,192,193,194,195,204,205,206,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,237,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,442,443,444,445,446,447,493 +914 - 60,61,62,81,82,83,84,94,95,103,104,105,115,116,117,125,126,127,137,138,139,147,148,149,158,159,160,161,169,170,171,180,181,182,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,321,322,323,324,335,336,337,343,344,345,346,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +915 - 121,122,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,207,208,209,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,298,299,300,320,321,322,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,490 +916 - 33,34,35,36,54,55,56,57,58,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,115,116,117,118,119,120,138,139,140,141,142,161,162,163,164,183,184,185,186,190,191,192,205,206,207,208,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,301,302,303,304,315,316,317,318,319,323,324,325,326,336,337,338,344,345,346,347,348,358,359,360,361,362,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,490 +917 - 37,38,39,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,126,127,128,129,143,144,148,149,150,151,170,171,172,173,191,192,193,194,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,318,319,320,321,322,323,324,325,326,327,330,331,332,333,334,339,340,341,342,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,487 +918 - 72,73,74,75,76,94,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,492 +919 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +920 - 32,33,34,35,54,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +921 - 120,121,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,205,206,207,208,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,299,300,301,313,320,321,322,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,490 +922 - 12,13,14,34,35,56,57,77,78,79,99,100,120,121,122,142,143,163,164,165,185,186,187,207,208,229,230,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,321,322,323,338,339,340,343,344,345,360,361,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +923 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,129,139,140,141,142,149,150,151,152,153,161,162,163,170,171,172,173,174,175,182,183,184,185,190,191,192,193,194,195,196,205,206,207,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,379,380,381,384,385,386,387,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +924 - 47,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,134,135,155,156,157,177,178,179,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,253,254,255,256,257,258,259,260,278,279,280,281,282,283,302,303,304,305,325,326,327,328,348,349,350,356,357,370,371,372,378,379,380,381,391,392,393,401,402,403,404,405,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,473,474,475,476,477,490 +925 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,126,127,128,129,130,131,139,140,141,147,148,149,150,151,152,153,160,161,162,168,169,170,171,172,173,182,183,184,189,190,191,192,193,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,363,364,365,379,380,381,382,384,385,386,387,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +926 - 36,37,38,58,59,60,80,81,82,94,95,102,103,104,115,116,117,124,125,126,127,137,138,139,146,147,148,149,159,160,161,168,169,170,171,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,300,301,302,303,310,311,312,313,314,315,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,489 +927 - 37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,126,127,128,141,142,143,144,148,149,150,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,347,354,355,356,357,364,365,366,367,368,376,377,378,379,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +928 - 98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,147,148,149,150,151,157,158,159,160,170,171,172,173,180,192,193,194,195,213,214,215,216,234,235,236,237,255,256,257,258,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,469,470,471,472,492 +929 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,126,127,128,129,138,139,140,141,149,150,151,160,161,162,170,171,172,173,181,182,183,191,192,193,194,202,203,204,212,213,214,215,216,223,224,225,233,234,235,236,237,245,246,254,255,256,257,258,266,267,268,274,275,276,277,278,279,288,289,290,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,320,321,322,333,334,335,336,337,338,341,342,343,344,356,357,363,364,365,384,385,386,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +930 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,128,137,138,139,140,141,142,143,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,206,213,214,215,216,224,225,226,227,234,235,236,237,238,246,247,248,249,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,469,470,471,472,494 +931 - 60,61,62,63,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,128,129,130,140,141,142,143,144,150,151,152,162,163,171,172,173,192,193,194,195,213,214,215,216,226,227,228,229,230,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,296,297,298,299,300,301,302,309,310,311,312,317,318,319,320,321,322,323,324,325,326,331,332,333,337,338,339,340,341,344,345,346,347,353,354,355,358,359,360,361,362,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,420,421,422,423,424,487 +932 - 96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,145,146,159,160,161,162,167,168,169,180,181,182,183,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,230,231,232,233,234,235,245,246,247,248,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,277,278,279,289,290,291,292,293,294,295,299,300,301,313,314,315,321,322,323,343,344,345,366,367,368,388,389,390,410,411,412,432,433,434,454,455,476,477,494 +933 - 127,128,132,147,148,149,150,154,155,161,162,167,168,169,170,171,172,176,177,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,235,236,237,247,248,249,256,257,258,270,277,278,279,298,299,300,301,319,320,321,322,330,340,341,342,343,352,361,362,363,364,383,384,385,404,405,406,425,426,427,447,448,449,492 +934 - 68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,171,172,191,192,193,194,213,214,215,216,217,235,236,237,238,239,257,258,259,260,261,278,279,280,281,282,300,301,302,303,304,320,321,322,323,324,325,341,342,343,344,345,346,361,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,425,426,427,428,429,447,448,449,468,469,470,471,472,473,492 +935 - 124,125,126,127,128,129,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,190,191,192,193,194,195,196,207,208,210,211,212,213,214,215,229,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,312,313,314,315,316,317,318,319,333,334,335,336,337,339,340,354,355,356,357,358,359,360,361,362,376,377,378,379,380,381,382,383,398,399,400,401,402,403,404,493 +936 - 71,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,234,253,254,255,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +937 - 86,87,107,108,109,119,128,129,130,131,140,141,142,149,150,151,152,162,163,164,171,172,173,182,183,184,185,191,192,193,194,204,205,206,213,214,215,224,225,226,227,228,234,235,236,245,246,247,248,249,250,251,252,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,295,296,297,298,299,300,301,302,310,311,319,320,321,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,489 +938 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,102,103,104,105,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,337,338,339,347,348,359,360,361,366,367,368,369,370,380,381,382,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,447,448,449,450,451,487 +939 - 17,18,38,39,40,59,60,61,62,80,81,82,101,102,103,122,123,124,143,144,145,165,166,186,187,188,192,207,208,209,212,213,214,215,228,229,230,233,234,235,236,237,250,251,254,255,256,257,258,259,271,272,275,276,277,279,280,292,293,294,296,297,298,299,300,301,302,314,315,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,400,401,402,403,404,424,425,426,491 +940 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,181,182,183,184,191,192,202,203,204,205,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,254,255,256,257,258,268,269,270,271,277,278,279,280,291,292,293,294,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,360,361,362,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,494 +941 - 37,38,39,59,60,61,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,380,381,382,383,401,402,403,404,423,424,425,444,445,446,486 +942 - 115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,221,222,223,235,236,237,238,239,257,258,259,260,261,278,279,280,281,282,283,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,382,383,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,446,447,448,449,450,451,467,468,469,470,471,492 +943 - 15,16,36,37,38,39,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,168,169,170,171,184,185,186,187,190,191,192,193,205,206,207,208,212,213,214,227,228,229,230,234,235,236,248,249,250,251,255,256,257,258,269,270,271,272,277,278,279,280,291,292,293,298,299,300,301,312,313,314,315,318,319,320,321,322,333,334,335,336,339,340,341,342,343,355,356,357,359,360,361,362,363,364,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,420,421,422,423,424,485 +944 - 11,12,13,14,15,32,33,34,35,36,53,54,55,56,57,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,158,159,160,161,162,179,180,181,182,183,189,190,191,192,201,202,203,204,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,491 +945 - 61,62,82,83,84,97,98,104,105,106,118,119,120,125,126,127,140,141,142,147,148,149,162,163,164,168,169,170,183,184,185,190,191,192,204,205,206,207,211,212,213,226,227,228,233,234,235,247,248,249,250,254,255,256,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,318,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,489 +946 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,147,148,149,150,151,158,159,160,161,167,168,169,170,171,172,181,182,183,189,190,191,192,193,204,209,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,336,337,338,339,340,346,347,357,358,359,360,361,362,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,466,467,468,469,487 +947 - 141,142,143,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,204,205,206,207,226,227,228,229,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,297,298,311,312,319,320,321,333,334,335,340,341,342,355,356,357,358,359,360,361,362,363,379,380,381,382,383,384,490 +948 - 73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,470,492 +949 - 34,35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,125,126,127,128,129,139,140,141,142,143,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,267,268,269,270,278,279,280,281,289,290,291,292,299,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,335,341,342,343,344,345,346,354,355,356,357,361,362,363,364,365,366,376,377,378,379,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,485 +950 - 77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,253,254,255,256,257,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +951 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,447,486 +952 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,125,126,138,139,140,141,142,143,147,148,149,160,161,162,163,169,170,171,182,183,184,191,192,193,204,205,206,213,214,215,226,227,228,235,236,237,247,248,249,250,257,258,259,269,270,271,279,280,281,291,292,293,301,302,313,314,315,322,323,324,335,336,337,338,344,345,346,358,359,360,365,366,367,380,381,382,386,387,388,389,402,403,404,405,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,485 +953 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,102,103,104,105,114,115,116,117,118,119,120,124,125,126,135,136,137,138,139,140,141,142,145,146,147,148,158,159,160,166,167,168,169,187,188,189,190,208,209,210,211,212,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,278,279,280,290,291,292,293,294,299,300,301,302,312,313,314,321,322,323,334,335,343,344,345,364,365,366,367,386,387,388,407,408,409,410,428,429,430,431,441,442,443,448,449,450,451,452,462,463,464,465,466,467,468,469,470,471,472,473,488 +954 - 95,96,97,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,170,171,172,180,181,191,192,193,194,212,213,214,215,234,235,236,237,251,252,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,335,336,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +955 - 14,15,16,36,37,38,57,58,59,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,185,186,206,207,208,212,213,214,227,228,229,233,234,235,236,249,250,253,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,291,292,293,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,400,401,402,403,404,405,491 +956 - 17,18,19,30,31,32,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,118,119,120,121,140,141,142,143,162,163,164,184,185,186,206,207,208,209,210,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,344,345,346,347,355,356,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,490 +957 - 37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,126,127,128,142,143,144,145,148,149,150,163,164,165,166,170,171,172,184,185,186,187,192,193,194,205,206,207,208,214,215,227,228,229,230,235,236,237,248,249,250,251,257,258,270,271,272,278,279,280,291,292,293,299,300,301,302,312,313,314,315,321,322,323,334,335,336,342,343,344,355,356,357,358,363,364,365,366,377,378,379,384,385,386,387,398,399,400,405,406,407,408,419,420,421,422,425,426,427,428,429,441,442,443,446,447,448,449,450,485 +958 - 33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,164,165,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,253,254,255,256,257,258,269,270,271,272,277,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,321,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,450,451,452,491 +959 - 37,38,39,40,57,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,421,422,423,424,425,426,427,442,443,444,445,446,447,448,486 +960 - 53,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,157,158,159,160,161,179,180,181,182,201,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,325,345,346,347,356,357,366,367,368,369,378,379,380,387,388,389,390,391,401,402,403,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,490 +961 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,401,402,403,404,422,423,424,425,444,445,446,486 +962 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,191,192,193,212,213,214,234,235,236,255,256,257,276,277,278,279,298,299,300,301,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,492 +963 - 58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,125,126,127,128,129,141,142,143,144,146,147,148,149,150,151,163,164,165,167,168,169,170,171,172,185,186,188,189,190,191,192,194,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,384,385,386,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,493 +964 - 57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,127,128,142,143,144,164,165,186,187,208,209,230,231,232,233,253,254,255,256,276,277,278,298,299,300,312,320,321,322,333,334,335,341,342,343,344,354,355,356,357,362,363,364,365,376,377,378,379,383,384,385,386,387,398,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,470,490 +965 - 38,39,40,41,59,60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,106,107,121,122,123,124,127,128,129,142,143,144,145,149,150,151,152,163,164,165,166,171,172,173,174,183,184,185,186,194,195,204,205,206,207,215,216,217,226,227,228,237,238,239,247,248,249,250,258,259,260,261,268,269,270,271,279,280,281,282,290,291,292,300,301,302,303,311,312,313,321,322,323,324,325,333,334,335,342,343,344,345,346,355,356,362,363,364,365,366,376,377,378,383,384,385,386,387,398,399,403,404,405,406,407,408,420,421,423,424,425,426,427,428,442,443,444,445,446,447,448,449,485 +966 - 66,67,68,69,70,71,72,73,74,88,89,90,91,92,93,94,95,96,97,110,111,116,117,118,119,138,139,140,159,160,161,181,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,254,255,256,257,258,259,260,279,280,281,282,283,303,304,305,316,317,326,327,338,339,340,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,488 +967 - 64,65,85,86,87,97,98,99,106,107,108,109,118,119,120,121,128,129,130,140,141,142,143,149,150,151,152,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,228,235,236,237,246,247,248,249,250,251,252,253,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,320,321,322,323,332,333,334,341,342,343,344,354,355,363,364,365,366,384,385,386,387,406,407,408,427,428,429,489 +968 - 76,77,78,79,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,144,145,146,160,161,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,341,342,343,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +969 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,169,170,171,177,178,179,180,181,182,183,191,192,193,200,201,213,214,215,235,236,237,257,258,259,278,279,280,281,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +970 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,101,117,118,119,139,140,141,160,161,162,182,183,184,204,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,278,279,280,281,282,283,302,303,304,305,325,326,327,328,346,347,348,349,367,368,369,370,371,379,380,387,388,389,390,391,392,401,402,403,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +971 - 125,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,192,193,194,202,203,204,205,213,214,215,216,234,235,236,237,238,255,256,257,258,259,276,277,278,279,297,298,299,300,318,319,320,321,338,339,340,341,342,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,492 +972 - 74,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,169,170,171,172,173,178,179,181,182,183,184,185,191,192,193,194,195,203,204,205,206,207,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,357,358,359,360,363,364,365,366,367,379,380,381,385,386,387,388,389,401,402,403,404,405,407,408,409,410,411,423,424,425,426,427,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +973 - 14,15,16,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,213,214,227,228,229,230,233,234,235,236,248,249,250,251,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,291,292,293,295,296,297,298,299,300,301,302,303,312,313,314,315,317,318,319,321,322,323,324,334,335,336,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,491 +974 - 53,54,55,56,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,121,122,123,124,125,137,138,139,140,143,144,145,146,147,159,160,161,165,166,167,168,169,180,181,182,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,276,277,278,279,292,299,300,301,302,313,314,315,316,321,322,323,324,336,337,338,339,344,345,346,359,360,361,362,363,366,367,368,382,383,384,385,386,387,389,390,391,406,407,408,409,410,411,412,413,429,430,431,432,433,434,435,436,453,454,455,456,457,458,477,478,479,480,494 +975 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,102,103,104,105,123,124,125,126,127,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,279,280,281,301,302,303,323,324,325,344,345,346,347,364,365,366,367,368,369,375,376,385,386,387,388,389,390,396,397,398,399,400,401,402,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,431,440,441,442,443,444,445,446,447,448,449,450,451,488 +976 - 56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,117,118,119,120,121,122,129,138,139,140,141,150,151,160,161,162,170,171,172,173,181,182,183,184,185,190,191,192,193,204,205,206,207,208,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,358,359,360,365,366,380,381,387,388,389,402,403,404,405,409,410,411,424,425,426,427,428,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +977 - 17,18,19,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,213,227,228,229,230,233,234,235,236,237,248,249,250,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,290,291,292,293,296,297,298,300,301,302,303,312,313,314,317,318,319,320,321,322,323,324,334,335,339,340,341,342,343,344,345,356,357,361,362,363,364,365,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,491 +978 - 51,52,53,73,74,75,76,96,97,98,118,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,252,253,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,407,408,409,429,430,431,451,452,453,474,475,486 +979 - 37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,120,121,122,123,124,126,127,128,141,142,143,144,145,148,149,150,162,163,164,165,166,170,171,172,184,185,186,187,192,193,194,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,312,313,314,315,320,321,322,323,324,333,334,335,336,341,342,343,344,345,355,356,357,361,362,363,364,365,366,377,378,379,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +980 - 76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,144,146,147,148,161,162,163,167,168,169,170,183,184,185,188,189,190,191,192,205,206,207,209,210,211,212,213,227,228,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +981 - 67,76,77,78,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,192,193,194,195,196,201,202,203,204,205,213,214,215,216,217,223,224,225,226,234,235,236,237,238,239,246,247,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,492 +982 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,144,162,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,486 +983 - 57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,125,126,127,135,136,137,138,139,140,146,147,148,149,157,158,159,160,167,168,169,170,179,180,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,299,300,301,302,313,314,315,322,323,324,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,427,428,429,430,431,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,473,474,488 +984 - 29,30,50,51,52,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,121,122,123,124,125,126,136,137,138,146,147,148,149,158,159,160,169,170,171,172,179,180,181,182,192,193,194,195,201,202,203,215,216,217,223,224,225,238,239,240,245,246,247,260,261,262,263,268,269,284,285,290,291,306,307,312,313,328,329,334,335,350,351,356,357,358,371,372,373,379,380,381,392,393,394,401,402,403,412,413,414,415,416,424,425,426,427,428,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,485 +985 - 106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,185,186,187,206,207,208,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,299,300,301,315,320,321,322,323,333,334,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,490 +986 - 7,8,9,10,29,30,31,32,51,52,53,54,71,72,73,74,75,93,94,95,96,115,116,117,118,136,137,138,139,157,158,159,160,161,179,180,181,182,183,189,190,191,192,193,201,202,203,204,210,211,212,213,214,215,216,223,224,225,226,231,232,233,234,235,236,237,238,239,245,246,247,248,253,254,255,256,257,258,259,260,261,267,268,269,270,275,276,277,278,279,280,281,282,283,289,290,291,292,293,297,298,299,300,301,302,303,304,305,312,313,314,315,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +987 - 63,64,65,84,85,86,105,106,107,108,119,120,121,127,128,129,130,140,141,142,143,148,149,150,151,161,162,163,164,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,224,225,226,227,228,229,230,231,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,296,297,298,299,300,301,310,311,312,313,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,489 +988 - 51,52,53,73,74,75,82,83,94,95,96,97,103,104,105,115,116,117,118,125,126,127,137,138,139,140,146,147,148,149,158,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,255,256,257,267,268,269,270,277,278,279,289,290,291,292,293,294,295,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,386,387,388,391,408,409,410,429,430,431,451,452,473,474,489 +989 - 37,38,39,40,41,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,105,106,107,108,118,119,120,121,122,127,128,129,130,140,141,142,143,149,150,151,171,172,173,192,193,194,195,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,296,297,298,299,300,301,302,303,310,311,312,313,318,319,320,321,322,323,324,325,326,332,333,334,338,339,340,341,342,346,347,353,354,355,356,359,360,361,362,363,375,376,377,379,380,381,382,383,384,397,398,399,400,401,402,403,404,419,420,421,422,423,424,442,443,444,445,487 +990 - 75,96,97,98,104,117,118,119,120,125,126,127,138,139,140,141,142,147,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,184,191,192,193,201,202,203,204,205,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,323,324,325,345,346,347,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,489 +991 - 54,55,56,75,76,77,78,96,97,98,99,100,117,118,119,120,121,129,139,140,141,142,150,151,160,161,162,163,172,173,181,182,183,184,185,193,194,195,203,204,205,206,207,208,209,210,211,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,321,322,323,324,331,342,343,344,345,346,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,489 +992 - 25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,93,94,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,252,253,254,255,256,257,258,259,260,279,280,281,282,283,302,303,304,305,323,324,325,326,327,343,344,345,346,347,348,364,365,366,367,368,369,377,378,379,380,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,445,446,447,448,449,488 +993 - 37,38,39,59,60,61,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,340,358,359,360,361,380,381,382,401,402,403,404,422,423,424,425,444,445,446,486 +994 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,191,192,193,194,214,215,216,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,492 +995 - 118,119,120,128,129,130,131,138,139,140,141,142,149,150,151,152,153,159,160,161,162,163,168,169,170,171,172,173,174,175,180,181,182,183,184,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,256,257,258,259,260,266,267,268,277,278,279,280,281,288,289,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +996 - 12,13,14,15,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,253,254,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,324,337,338,339,340,344,345,346,360,361,362,363,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +997 - 37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,148,149,150,151,162,163,164,165,166,170,171,172,173,183,184,185,186,187,192,193,194,195,204,205,206,207,208,214,215,216,217,225,226,227,228,229,235,236,237,238,247,248,249,250,256,257,258,259,268,269,270,271,277,278,279,280,281,289,290,291,292,298,299,300,301,302,311,312,313,319,320,321,322,332,333,334,335,340,341,342,343,354,355,356,360,361,362,363,364,376,377,378,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,442,443,444,445,446,447,485 +998 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,79,80,81,94,95,101,102,103,116,117,122,123,124,125,139,140,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,191,207,208,209,210,211,212,213,214,235,236,237,257,258,259,280,281,290,302,303,304,311,312,313,314,315,324,325,326,333,334,335,336,337,338,345,346,347,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,403,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +999 - 16,17,18,19,37,38,39,40,59,60,61,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,212,213,214,227,228,229,230,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,317,318,319,321,322,323,324,334,335,336,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,491 +1000 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,126,127,128,139,140,141,142,148,149,150,161,162,163,170,171,172,182,183,184,185,192,193,194,204,205,206,214,215,216,226,227,228,236,237,238,247,248,249,250,258,259,260,269,270,271,280,281,291,292,293,301,302,303,314,315,323,324,336,337,344,345,346,358,359,360,366,367,368,380,381,382,387,388,389,402,403,404,408,409,410,411,425,426,427,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,485 +1001 - 84,85,86,96,97,98,105,106,107,108,117,118,119,120,121,125,126,127,128,129,130,138,139,140,141,142,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,233,234,235,236,237,246,247,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +1002 - 33,34,55,56,77,78,99,100,121,122,143,144,165,166,186,187,188,208,209,210,230,231,232,253,254,275,276,297,298,319,320,341,342,343,363,364,365,385,386,387,407,408,429,430,451,452,486 +1003 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,315,316,317,318,336,337,338,339,358,359,360,379,380,381,382,400,401,402,403,422,423,424,443,444,445,446,486 +1004 - 57,58,78,79,80,101,102,114,115,122,123,124,136,137,138,145,146,159,160,166,167,168,181,182,183,188,189,190,204,205,206,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,277,278,299,300,321,322,343,344,365,366,367,387,388,389,409,410,411,431,432,433,453,454,475,476,477,489 +1005 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,149,150,151,152,161,162,163,164,165,169,170,171,172,173,174,182,183,184,185,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,277,278,279,280,289,290,291,292,293,294,295,298,299,300,301,311,312,313,314,315,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,472,494 +1006 - 58,59,60,80,81,82,101,102,103,104,116,117,123,124,125,137,138,139,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,226,227,228,233,234,235,248,249,250,254,255,256,257,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +1007 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,299,300,301,312,313,314,321,322,323,343,344,345,364,365,366,367,386,387,388,407,408,409,428,429,430,431,449,450,451,452,470,471,472,473,488 +1008 - 83,84,85,94,104,105,106,107,108,115,116,117,126,127,128,129,130,136,137,138,139,147,148,149,150,151,158,159,160,161,169,170,171,172,179,180,181,182,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,226,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,314,315,316,319,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,489 +1009 - 79,80,81,82,83,100,101,102,103,104,105,106,107,108,109,122,123,124,127,128,129,130,131,143,144,145,149,150,151,152,164,165,166,169,170,171,172,173,186,187,188,190,191,192,193,194,208,209,210,211,212,213,214,215,230,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,319,320,333,334,335,336,337,340,341,342,354,355,356,357,358,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,493 +1010 - 8,9,10,11,12,13,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,97,98,99,101,102,103,104,105,106,120,121,122,125,126,127,128,147,148,149,150,151,169,170,171,172,173,191,192,193,194,195,213,214,215,216,235,236,237,238,257,258,259,260,278,279,280,281,299,300,301,302,303,312,313,314,315,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,487 +1011 - 59,60,61,62,63,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,128,129,130,140,141,142,143,144,149,150,151,152,163,164,165,171,172,173,192,193,194,195,214,215,216,234,235,236,237,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,340,341,342,343,353,354,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,405,420,421,422,423,424,425,487 +1012 - 56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,471,472,486 +1013 - 101,102,103,104,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,170,171,172,173,174,183,184,185,190,191,192,193,194,205,206,207,211,212,213,214,215,228,229,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,405,421,422,423,424,425,426,443,444,445,446,447,467,493 +1014 - 93,94,95,104,105,115,116,117,118,119,125,126,127,137,138,139,140,141,142,143,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,207,208,209,210,211,212,213,214,224,225,226,231,232,233,234,235,236,246,247,248,255,256,257,258,268,269,270,277,278,279,291,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +1015 - 40,41,42,43,60,61,62,63,64,65,80,81,82,83,84,86,87,100,101,102,103,104,108,109,120,121,122,123,124,125,130,131,141,142,143,144,145,146,151,152,162,163,164,165,166,167,168,173,174,183,184,185,186,194,195,204,205,206,207,216,217,225,226,227,228,237,238,246,247,248,249,250,251,252,259,260,268,269,272,273,274,280,281,289,290,301,302,311,312,322,323,324,332,333,344,345,354,355,364,365,366,376,377,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,444,445,446,447,448,485 +1016 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,116,117,118,119,121,122,123,124,125,126,138,139,140,141,146,147,148,149,162,163,164,170,171,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,237,238,239,249,250,251,252,253,254,255,256,270,271,272,276,277,278,292,293,294,298,299,300,314,315,316,320,321,322,336,337,338,342,343,344,358,359,360,365,366,381,382,387,388,403,404,405,408,409,410,425,426,427,430,431,432,448,449,450,452,453,454,470,471,472,473,474,475,476,493 +1017 - 58,59,60,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,295,296,297,316,317,318,338,339,340,359,360,361,381,382,383,402,403,404,423,424,425,445,446,447,467,468,486 +1018 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,120,121,122,123,124,125,126,137,138,139,144,145,146,147,148,149,159,160,161,166,167,168,169,170,171,180,181,182,189,190,191,192,193,194,202,203,204,212,213,214,215,216,224,225,226,235,236,237,238,246,247,248,257,258,259,260,268,269,270,279,280,281,282,283,290,291,292,302,303,304,305,312,313,314,315,324,325,326,334,335,336,337,338,346,347,348,356,357,358,359,360,361,367,368,369,379,380,381,382,383,384,385,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +1019 - 81,82,83,84,85,102,103,104,105,106,107,122,123,124,125,126,127,128,129,142,143,144,145,146,147,149,150,151,161,162,163,164,165,166,167,168,170,171,172,173,183,184,185,186,187,188,189,192,193,194,203,204,205,206,207,208,209,214,215,216,223,224,225,226,227,228,229,230,235,236,237,238,244,245,246,247,248,249,250,257,258,259,265,266,267,268,269,270,271,278,279,280,287,288,289,290,291,299,300,301,302,309,310,311,312,320,321,322,323,330,331,332,333,341,342,343,344,345,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,492 +1020 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,301,313,314,315,316,317,321,322,323,335,336,337,338,339,343,344,345,346,358,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +1021 - 38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,160,161,162,165,166,167,168,186,187,188,189,190,191,207,208,209,210,211,212,213,214,228,229,230,231,234,235,236,250,251,256,257,258,278,279,280,300,301,322,323,332,333,344,354,355,356,365,366,376,377,378,379,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +1022 - 94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,136,137,138,142,143,144,145,146,158,159,160,166,167,168,169,180,181,189,190,191,211,212,213,233,234,235,255,256,257,276,277,278,298,299,300,320,321,341,342,343,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,492 +1023 - 149,150,155,156,164,165,166,167,168,169,170,171,172,176,177,178,184,185,186,187,188,189,190,191,192,193,194,198,199,204,205,206,207,208,209,210,211,212,213,214,215,220,226,227,228,229,230,231,235,236,248,249,256,257,258,277,278,279,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,425,426,427,447,448,469,470,492 +1024 - 54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,101,114,115,116,117,118,137,138,139,159,160,161,181,182,183,203,204,205,226,227,233,234,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,303,315,316,317,323,324,325,326,346,347,348,368,369,370,390,391,392,412,413,414,434,435,436,455,456,457,476,477,478,479,490 +1025 - 33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,81,82,83,97,98,99,103,104,105,106,119,120,126,127,128,140,141,142,148,149,162,163,168,169,170,184,185,186,190,191,192,207,208,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,340,341,357,358,359,362,363,378,379,380,384,385,400,401,402,404,405,406,423,424,425,426,427,428,445,446,447,448,449,493 +1026 - 56,57,58,76,77,78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,190,191,192,204,205,206,207,208,210,211,212,213,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,322,323,336,337,338,339,344,345,358,359,360,366,367,380,381,387,388,389,402,403,404,405,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +1027 - 82,99,100,101,102,104,119,120,121,122,123,124,126,140,141,142,143,145,146,148,161,162,163,164,168,183,184,185,189,190,204,205,206,210,211,212,226,227,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,383,384,385,404,405,406,426,427,447,448,449,469,470,494 +1028 - 31,32,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,100,101,102,103,104,105,115,116,117,118,125,126,127,128,136,137,138,139,148,149,150,151,158,159,160,171,172,173,174,179,180,181,195,196,200,201,202,203,217,218,219,222,223,224,239,240,241,244,245,246,262,263,266,267,284,285,288,289,305,306,307,310,311,315,316,317,327,328,329,332,333,336,337,338,348,349,350,351,354,355,356,358,359,360,369,370,371,372,373,377,378,379,380,381,382,383,384,385,389,390,391,392,393,394,400,401,402,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,485 +1029 - 40,41,42,43,60,61,62,63,64,65,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,108,109,121,122,123,124,125,126,130,131,142,143,144,145,146,151,152,153,163,164,165,166,167,173,174,183,184,185,186,187,188,195,204,205,206,207,208,209,216,217,225,226,227,228,231,237,238,239,246,247,248,249,259,260,268,269,270,280,281,282,289,290,291,301,302,303,310,311,312,322,323,324,325,332,333,342,343,344,345,354,355,363,364,365,366,376,377,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,485 +1030 - 37,38,39,55,59,60,61,76,77,78,81,82,83,97,98,99,100,101,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,147,148,149,150,161,162,163,164,165,166,169,170,171,182,183,184,185,186,187,188,191,192,193,203,204,205,206,207,208,209,213,214,215,224,225,226,227,228,229,230,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,346,347,348,349,354,355,356,357,358,359,360,361,362,363,368,369,370,371,377,378,379,380,381,382,383,390,391,392,393,400,401,402,412,413,414,415,489 +1031 - 48,59,60,81,82,103,104,124,125,126,146,147,148,167,168,169,189,190,191,210,211,212,213,231,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,338,339,340,341,360,361,362,381,382,383,403,404,405,424,425,426,446,447,448,468,469,486 +1032 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,144,145,146,147,148,149,162,163,164,165,169,170,171,184,185,186,187,188,189,208,209,210,211,212,232,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,338,339,343,344,345,358,359,360,361,365,366,367,379,380,381,382,386,387,388,400,401,402,403,408,409,410,421,422,423,424,429,430,431,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,490 +1033 - 17,18,19,35,37,38,39,40,41,56,57,58,59,60,61,63,78,79,80,81,84,85,98,99,100,101,102,106,107,119,120,121,122,123,127,128,141,142,143,144,149,150,162,163,164,170,171,184,185,186,191,192,193,206,207,212,213,214,234,235,236,253,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,318,319,320,321,322,332,333,334,335,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,386,387,398,399,400,401,402,403,404,408,409,422,430,431,487 +1034 - 3,4,5,6,7,8,9,10,11,12,25,26,27,32,33,34,35,36,56,57,58,59,80,81,82,102,103,104,125,126,127,148,149,170,171,192,193,214,215,236,237,257,258,259,279,280,300,301,302,311,312,313,314,315,316,317,318,319,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,363,364,365,366,367,368,369,370,371,372,373,377,378,383,384,385,386,391,392,393,394,395,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,487 +1035 - 58,59,60,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,148,149,161,162,163,164,165,166,167,169,170,171,182,183,184,185,186,187,190,191,192,204,205,206,207,211,212,213,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,295,296,297,298,301,302,303,317,318,323,324,345,346,367,368,377,378,379,389,390,399,400,401,410,411,412,422,423,424,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,475,488 +1036 - 99,100,101,102,103,104,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,148,149,150,151,162,163,164,165,166,169,170,171,172,173,182,183,184,185,186,190,191,192,193,194,195,204,205,206,207,211,212,213,214,215,216,226,227,228,229,230,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,363,380,381,382,383,402,403,404,423,424,425,426,444,445,446,447,466,467,468,494 +1037 - 62,63,84,85,98,105,106,119,120,121,127,128,141,142,143,148,149,163,164,165,170,171,184,185,186,191,192,205,206,207,208,212,213,214,227,228,229,233,234,235,236,248,249,250,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,337,338,339,341,342,362,363,364,383,384,385,405,406,426,427,428,448,449,469,470,489 +1038 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,122,123,124,125,137,138,139,145,146,147,148,158,159,160,168,169,170,180,181,182,190,191,192,193,201,202,203,212,213,214,215,223,224,225,235,236,237,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,301,302,303,315,316,317,318,319,322,323,324,344,345,346,365,366,367,387,388,389,409,410,411,430,431,432,451,452,453,454,473,474,475,476,494 +1039 - 61,62,63,64,65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,142,143,144,145,163,164,165,184,185,186,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,256,257,269,270,271,272,278,279,280,292,300,301,302,322,323,333,342,343,344,345,354,355,356,357,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,490 +1040 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,149,150,151,157,158,159,160,161,162,171,172,173,174,177,178,179,180,181,182,193,194,195,196,199,200,201,202,203,215,216,217,218,221,222,223,224,225,237,238,239,240,243,244,245,246,247,248,249,259,260,261,262,265,266,267,268,270,281,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,325,326,327,328,332,333,334,346,347,348,349,354,355,356,357,367,368,369,370,371,377,378,379,380,388,389,390,391,392,399,400,401,402,403,404,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +1041 - 14,15,16,17,36,37,38,57,58,59,60,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,164,165,166,167,184,185,186,187,206,207,208,209,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,301,302,303,304,312,313,314,315,316,317,322,323,324,325,333,334,335,336,337,338,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,491 +1042 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,166,167,168,169,188,189,190,210,211,212,231,232,233,234,253,254,255,256,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,407,408,409,429,430,431,451,452,453,473,474,475,492 +1043 - 98,99,100,107,108,118,119,120,121,122,126,127,128,129,130,131,138,139,140,141,142,143,144,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,193,194,195,201,202,203,204,205,206,207,208,209,210,214,215,216,222,223,224,225,226,227,228,229,235,236,237,244,245,246,247,248,257,258,259,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,467,468,469,470,471,492 +1044 - 56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,486 +1045 - 32,33,34,35,36,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,103,104,105,107,118,119,125,126,127,128,129,140,141,147,148,149,150,162,163,164,167,168,169,170,171,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,278,279,280,291,292,293,294,300,301,302,312,313,314,315,322,323,324,334,335,336,344,345,346,356,357,358,366,367,378,379,380,381,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +1046 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,124,125,126,137,138,139,147,148,159,160,161,169,170,181,182,183,192,193,202,203,204,214,215,224,225,226,237,238,246,247,259,260,268,269,281,282,290,291,304,305,312,313,326,327,334,335,348,349,356,357,370,371,378,379,391,392,393,400,401,413,414,423,424,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,485 +1047 - 48,49,50,51,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,163,164,165,166,167,168,175,187,188,189,190,197,207,208,209,210,211,212,215,216,218,219,229,230,231,232,235,236,237,238,239,240,241,251,252,253,254,255,256,257,258,259,260,261,262,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,466,467,468,469,470,487 +1048 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,100,101,102,103,104,114,115,116,124,125,126,127,146,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,299,300,301,302,303,304,305,310,311,312,313,320,321,322,323,324,325,326,327,333,334,335,336,337,340,341,342,343,344,345,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,370,371,372,378,379,380,381,382,383,384,385,386,387,393,394,402,403,404,405,406,407,415,416,436,437,438,459,460,487 +1049 - 80,81,82,83,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,172,173,182,183,184,185,186,194,195,203,204,205,206,207,216,217,224,225,226,227,238,239,245,246,247,248,249,259,260,261,266,267,268,269,270,271,272,281,282,283,288,289,290,302,303,304,309,310,311,324,325,330,331,332,333,344,345,346,347,352,353,354,365,366,367,368,369,374,375,386,387,388,389,390,396,397,407,408,409,410,418,419,420,421,426,427,428,429,430,431,448,449,450,485 +1050 - 8,9,10,30,31,32,51,52,53,54,73,74,75,76,94,95,96,97,116,117,118,119,124,125,126,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,206,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,268,269,270,271,278,279,280,290,291,292,293,294,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,366,367,368,377,378,388,389,390,410,411,412,413,432,433,434,435,489 +1051 - 37,38,39,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,132,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,444,445,446,447,486 +1052 - 32,33,34,53,54,55,56,76,77,78,98,99,100,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,386,387,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,486 +1053 - 43,61,62,63,64,65,79,80,81,83,84,85,86,87,99,100,101,102,103,104,108,109,119,120,121,122,123,124,128,129,130,140,141,142,143,144,145,150,151,152,162,163,164,165,170,171,172,173,184,191,192,193,212,213,214,215,233,234,235,236,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,333,334,335,338,339,340,341,342,343,344,355,356,357,359,360,361,362,364,365,366,377,378,379,380,381,382,383,387,388,399,400,401,402,403,409,410,422,423,424,431,432,453,454,487 +1054 - 115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,191,192,193,194,195,214,215,216,217,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +1055 - 58,59,78,79,80,81,82,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,127,128,129,139,140,141,142,143,144,147,148,149,150,161,162,163,168,169,170,171,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,249,250,251,252,256,257,258,271,272,273,279,280,301,302,303,323,324,325,331,332,333,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,488 +1056 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,146,147,148,149,150,160,161,167,168,170,171,172,181,182,183,188,189,190,192,193,203,204,205,210,211,212,225,226,227,232,233,234,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,316,320,321,341,342,343,364,365,386,387,408,409,430,431,452,453,474,475,494 +1057 - 83,84,85,86,99,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,170,171,181,182,183,184,185,186,191,192,193,203,204,205,206,212,213,214,233,234,235,236,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,444,445,446,447,465,466,467,468,492 +1058 - 28,29,30,31,32,33,50,51,52,53,54,55,56,57,58,72,73,74,76,77,78,79,80,81,100,101,102,103,104,123,124,125,126,145,146,147,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,250,251,252,271,272,273,274,293,294,295,314,315,316,336,337,338,349,358,359,360,369,370,371,381,382,383,389,390,391,392,393,403,404,405,406,407,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,487 +1059 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,83,84,98,99,100,105,106,120,121,125,142,143,146,147,148,164,165,166,167,168,169,186,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,298,299,300,314,315,316,317,321,322,335,336,337,338,343,344,357,358,359,365,366,379,380,381,385,386,387,400,401,402,403,406,407,408,409,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +1060 - 34,35,36,55,56,57,58,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,486 +1061 - 76,77,78,80,83,84,96,97,98,99,100,101,102,103,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,146,147,148,149,159,160,161,162,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,494 +1062 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,126,127,128,139,140,141,142,161,162,163,183,184,185,205,206,207,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,315,316,321,322,323,344,345,365,366,367,377,387,388,389,398,399,400,404,405,406,407,408,409,410,411,421,422,423,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,466,467,468,469,470,490 +1063 - 34,35,36,37,55,56,57,58,59,60,75,76,77,78,81,82,96,97,98,99,103,104,117,118,119,120,125,126,139,140,141,147,148,149,160,161,162,168,169,170,171,182,183,189,190,191,192,204,205,206,207,211,212,213,227,228,229,230,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,316,317,318,319,320,321,338,339,340,342,343,360,361,364,365,382,383,387,388,404,405,408,409,410,426,427,428,429,430,431,448,449,450,451,452,493 +1064 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,92,93,94,96,99,100,101,114,115,116,117,122,123,125,126,137,138,139,140,143,144,146,147,148,161,162,163,164,165,166,167,168,169,185,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,277,278,279,294,295,300,301,316,317,322,323,324,337,338,339,345,346,359,360,361,368,369,381,382,383,390,391,404,405,406,411,412,413,426,427,428,429,430,432,433,434,449,450,451,452,453,454,455,456,473,474,475,476,477,493 +1065 - 36,37,38,58,59,60,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,403,404,405,425,426,427,447,448,449,486 +1066 - 79,80,81,99,100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,146,147,148,149,163,164,165,168,169,170,171,184,185,186,190,191,192,193,205,206,207,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,339,340,341,360,361,362,381,382,383,384,402,403,404,405,424,425,426,445,446,447,448,466,467,468,469,494 +1067 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,103,104,105,115,116,117,125,126,127,129,130,137,138,139,148,149,150,151,152,159,160,161,162,169,170,171,172,173,182,183,184,185,186,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,299,300,301,313,314,315,316,317,321,322,323,334,335,336,337,338,343,344,345,356,357,358,365,366,367,377,378,379,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,493 +1068 - 30,31,32,51,52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,99,100,101,102,117,118,121,122,123,124,143,144,145,146,165,166,167,168,185,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,365,366,367,368,385,386,387,388,389,390,405,406,407,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +1069 - 39,40,41,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,441,442,443,444,445,446,486 +1070 - 37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,227,228,229,230,231,232,249,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,491 +1071 - 61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,121,122,123,124,125,142,143,144,145,163,164,165,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,255,256,257,270,271,272,277,278,279,299,300,321,322,332,333,341,342,343,344,354,355,356,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,490 +1072 - 98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,190,191,192,199,200,201,202,212,213,214,233,234,235,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,432,450,451,452,453,454,471,472,473,474,475,476,492 +1073 - 63,64,84,85,86,99,106,107,120,121,122,127,128,129,141,142,143,148,149,150,162,163,164,165,170,171,184,185,186,191,192,193,205,206,207,212,213,214,226,227,228,234,235,236,247,248,249,250,255,256,257,258,259,268,269,270,271,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,335,336,337,338,339,341,342,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,489 +1074 - 30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,81,82,92,93,94,95,103,104,105,115,116,125,126,127,147,148,149,168,169,170,171,190,191,192,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,383,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,487 +1075 - 150,151,152,165,166,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,194,195,196,206,207,208,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,237,238,239,245,246,247,248,249,250,251,252,253,254,255,258,259,260,261,265,266,267,268,269,270,271,272,273,274,280,281,282,287,288,289,290,291,292,293,294,301,302,303,309,310,311,312,313,322,323,324,325,331,332,333,343,344,345,346,364,365,366,367,386,387,388,492 +1076 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,121,122,123,124,125,126,138,139,140,144,145,146,147,148,159,160,161,162,167,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,212,213,214,215,225,226,227,234,235,236,237,238,247,248,249,256,257,258,259,260,269,270,271,279,280,281,282,291,292,293,301,302,303,304,313,314,315,323,324,325,326,335,336,337,345,346,347,348,357,358,359,360,366,367,368,369,370,380,381,382,388,389,390,391,402,403,404,405,406,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,471,472,473,474,475,485 +1077 - 60,63,64,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,169,170,171,183,184,185,186,189,190,191,192,193,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,236,237,238,251,252,253,254,258,259,260,274,280,281,282,302,303,324,325,332,345,346,347,353,354,355,366,367,368,375,376,377,378,386,387,388,389,397,398,399,400,401,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +1078 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,103,104,105,106,116,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,149,150,151,159,160,161,162,163,171,172,173,180,181,182,183,193,194,195,196,201,202,203,204,215,216,217,218,223,224,225,226,238,239,240,244,245,246,247,260,261,262,266,267,268,281,282,283,288,289,290,303,304,305,309,310,311,312,324,325,326,327,331,332,333,334,345,346,347,348,353,354,355,356,367,368,369,370,376,377,378,379,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +1079 - 36,49,58,71,79,80,93,100,101,102,122,123,124,143,144,145,164,165,166,185,186,187,188,190,207,208,209,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,317,318,319,320,338,339,340,341,360,361,362,381,382,383,403,404,405,424,425,426,446,447,448,489 +1080 - 34,35,56,57,78,79,80,101,102,123,124,145,146,167,168,189,190,210,211,212,232,233,253,254,255,275,276,277,297,298,318,319,339,340,341,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,486 +1081 - 58,59,79,80,81,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,253,254,255,274,275,276,296,297,298,317,318,319,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,486 +1082 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,449,468,469,470,492 +1083 - 76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,125,126,127,128,129,130,138,139,140,141,148,149,150,151,159,160,161,170,171,172,173,180,181,182,192,193,194,195,201,202,203,214,215,216,223,224,235,236,237,238,244,245,246,256,257,258,259,266,267,268,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,343,344,345,357,358,359,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,470,471,472,473,494 +1084 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,449,450,451,486 +1085 - 58,59,60,80,81,82,83,101,102,103,104,105,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,358,359,360,361,362,380,381,382,383,402,403,404,423,424,425,444,445,446,447,465,466,467,468,486 +1086 - 33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,102,103,117,118,119,124,125,139,140,145,146,147,161,162,166,167,168,183,184,185,188,189,205,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,301,316,317,318,321,322,323,324,325,338,339,340,345,346,347,348,360,361,367,368,369,370,382,383,384,388,389,390,391,404,405,406,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,493 +1087 - 19,20,21,36,37,38,39,40,41,42,43,56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,98,99,100,101,102,103,119,120,121,122,123,140,141,142,162,163,183,184,204,205,206,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,278,279,280,281,300,301,302,303,311,320,321,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,426,427,428,490 +1088 - 74,75,76,77,78,79,80,81,100,101,102,103,104,125,126,146,147,148,168,169,189,190,191,211,212,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,276,277,297,298,319,320,340,341,342,362,363,384,385,405,406,427,428,448,449,450,470,471,492 +1089 - 86,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,184,185,186,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,278,279,289,290,300,301,311,312,313,314,315,316,317,318,319,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,490 +1090 - 35,36,37,38,39,56,57,58,59,60,61,62,75,76,77,78,79,83,84,85,95,96,97,98,99,100,106,107,117,118,119,120,121,128,129,130,138,139,140,141,142,150,151,152,159,160,161,162,163,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,224,225,226,238,239,245,246,247,248,259,260,261,267,268,269,281,282,283,289,290,302,303,304,311,312,324,325,326,333,334,345,346,347,355,356,357,365,366,367,368,377,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +1091 - 14,15,16,17,34,35,36,37,38,56,57,58,77,78,79,80,98,99,100,101,120,121,122,140,141,142,143,162,163,164,171,183,184,185,186,191,192,193,194,205,206,207,211,212,213,214,215,216,217,226,227,228,229,231,232,233,234,235,236,237,238,239,247,248,249,250,252,253,254,255,256,258,259,260,261,269,270,271,272,273,274,275,276,277,280,281,282,283,290,291,292,293,294,295,296,297,298,302,303,304,311,312,313,314,315,316,317,323,324,325,326,333,334,335,336,337,338,344,345,346,347,355,356,357,358,359,364,365,366,367,368,376,377,378,379,380,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,491 +1092 - 10,11,12,32,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,183,184,185,186,187,190,191,205,206,207,208,211,212,213,214,215,227,228,229,230,232,233,234,235,236,237,248,249,250,251,254,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,281,292,293,294,295,297,298,299,300,301,302,303,314,315,316,317,320,321,322,323,324,325,336,337,338,339,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +1093 - 37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,128,129,130,140,141,142,143,144,145,147,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,186,194,195,203,204,205,206,216,217,218,224,225,226,227,238,239,240,245,246,247,248,260,261,267,268,269,270,282,283,284,288,289,290,291,303,304,305,310,311,312,324,325,326,327,331,332,333,345,346,347,348,353,354,355,366,367,368,369,375,376,377,386,387,388,389,390,397,398,399,400,401,402,403,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,485 +1094 - 55,56,57,77,78,79,99,100,101,121,122,123,124,140,143,144,145,146,161,162,163,166,167,168,183,184,185,188,189,190,204,205,206,210,211,212,225,226,227,228,232,233,234,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,311,312,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +1095 - 58,59,60,80,81,82,101,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,403,404,405,424,425,426,446,447,448,468,469,470,471,486 +1096 - 12,13,14,15,34,35,36,37,56,57,58,59,60,79,80,81,82,83,102,103,104,105,106,124,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,288,289,290,291,292,293,294,295,296,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,407,408,409,487 +1097 - 13,14,15,16,17,18,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,122,123,124,125,126,136,137,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,191,192,193,194,206,207,208,214,215,216,228,229,236,237,238,258,259,260,279,280,281,301,302,303,309,310,311,312,313,314,315,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,488 +1098 - 59,60,74,81,82,95,96,97,102,103,104,118,119,124,125,126,140,141,146,147,162,163,168,169,184,185,189,190,191,205,206,207,211,212,213,227,228,229,233,234,245,246,247,248,249,250,251,255,256,267,268,269,270,271,272,273,274,275,277,278,291,292,295,296,297,298,299,300,301,302,319,320,321,322,323,342,343,364,365,366,386,387,408,409,430,431,452,453,474,475,489 +1099 - 41,62,63,76,77,83,84,85,97,98,99,105,106,107,119,120,121,126,127,128,140,141,142,143,147,148,149,161,162,163,164,169,170,171,183,184,185,186,190,191,192,195,204,205,206,207,211,212,213,214,215,216,217,225,226,227,228,232,233,234,235,236,237,238,246,247,248,249,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,360,361,362,381,382,383,402,403,404,424,425,426,445,446,447,489 +1100 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,166,184,185,186,187,206,207,208,209,228,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,491 +1101 - 36,37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,118,119,120,126,127,128,139,140,141,148,149,150,161,162,163,169,170,171,183,184,185,191,192,206,207,208,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,358,359,360,364,365,366,379,380,381,382,387,388,389,401,402,403,408,409,410,422,423,424,425,429,430,431,432,444,445,446,447,448,449,450,451,452,453,493 +1102 - 32,33,34,35,36,42,52,53,54,55,56,57,58,62,63,64,72,73,74,75,76,84,85,86,93,94,95,96,97,107,108,115,116,117,129,130,131,136,137,138,151,152,153,157,158,159,160,173,174,175,179,180,181,195,196,197,200,201,202,203,217,218,222,223,224,239,240,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,304,305,310,311,312,324,325,326,327,332,333,334,345,346,347,348,355,356,366,367,368,369,377,378,379,387,388,389,390,399,400,401,402,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +1103 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,149,158,159,160,161,162,169,170,171,180,181,182,190,191,192,193,194,202,203,204,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,494 +1104 - 9,10,31,32,52,53,54,55,56,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,124,125,126,127,128,140,141,162,163,183,184,185,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,278,279,280,281,292,293,294,295,301,302,303,314,315,316,317,323,324,325,332,336,337,338,344,345,346,347,354,355,359,360,366,367,368,369,376,377,378,387,388,389,390,399,400,401,402,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,490 +1105 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,128,129,130,137,138,139,150,151,152,160,161,162,170,171,172,173,182,183,184,185,186,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,321,322,323,336,337,338,343,344,345,358,359,360,366,367,368,379,380,381,388,389,401,402,403,409,410,411,423,424,425,426,427,430,431,432,433,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,493 +1106 - 74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,468,469,470,471,492 +1107 - 38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,126,127,128,129,130,140,141,142,143,144,148,149,150,151,152,161,162,163,164,165,170,172,173,174,183,184,185,186,192,194,195,204,205,206,207,216,217,225,226,227,228,237,238,239,246,247,248,249,259,260,261,268,269,270,271,280,281,282,289,290,291,292,293,301,302,303,304,311,312,313,314,315,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,364,365,366,367,377,378,379,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +1108 - 48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,135,141,142,143,144,145,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,259,260,261,281,282,283,303,304,305,306,325,326,327,328,347,348,349,350,368,369,370,371,389,390,391,392,393,401,402,403,404,405,406,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +1109 - 56,57,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,140,141,161,162,163,164,183,184,185,186,187,188,205,206,207,208,209,210,211,232,233,234,255,256,257,277,278,279,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,490 +1110 - 51,52,53,73,74,75,95,96,97,101,102,117,118,119,123,124,139,140,141,144,145,146,161,162,163,166,167,168,183,184,188,189,190,204,205,206,211,212,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +1111 - 41,42,43,58,59,60,61,62,63,64,65,79,80,81,82,83,84,85,100,101,102,122,123,143,144,164,165,167,168,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,233,234,250,251,255,256,277,278,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,341,342,343,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,402,403,404,490 +1112 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,148,159,160,161,168,169,170,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +1113 - 14,15,16,36,37,57,58,59,78,79,80,100,101,121,122,123,142,143,144,163,164,165,185,186,187,190,191,192,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,257,258,271,272,273,274,275,276,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,318,320,321,322,323,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,400,401,402,403,404,405,491 +1114 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,166,167,168,169,170,171,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,226,235,236,237,238,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,470,471,472,492 +1115 - 36,37,38,39,58,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,421,422,423,424,425,442,443,444,445,446,447,454,455,456,486 +1116 - 72,73,74,75,76,93,94,95,96,97,98,99,100,102,103,104,105,115,116,117,118,119,120,121,124,125,126,127,136,137,138,139,145,146,147,148,149,157,158,159,160,161,167,168,169,170,171,179,180,181,182,183,188,189,190,191,192,193,201,202,203,204,210,211,212,213,214,223,224,225,226,231,232,233,234,235,236,245,246,247,248,249,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,339,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +1117 - 15,16,17,36,37,38,58,59,60,79,80,81,101,102,103,122,123,124,144,145,165,166,167,186,187,188,208,209,229,230,231,234,235,236,250,251,252,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,302,303,315,316,317,318,319,323,324,325,336,337,338,339,344,345,346,356,357,358,359,360,365,366,367,378,379,380,381,382,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,491 +1118 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +1119 - 56,57,58,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,127,128,129,137,138,139,140,141,142,143,148,149,150,158,159,160,161,162,169,170,171,180,181,182,189,190,191,192,193,210,211,212,213,214,215,216,230,231,232,233,234,237,238,252,253,254,259,260,274,280,281,282,287,288,302,303,309,310,311,323,324,325,331,332,333,343,344,345,346,353,354,355,356,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,488 +1120 - 7,8,9,10,11,27,28,29,30,31,32,33,34,48,49,50,51,52,55,56,70,71,92,93,115,116,137,138,139,140,160,161,162,163,183,184,185,186,206,207,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,279,296,297,301,302,303,318,319,324,325,340,341,347,348,362,363,369,370,371,384,385,386,390,391,392,393,407,408,409,410,411,412,413,414,430,431,432,433,434,435,493 +1121 - 83,84,85,86,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,169,170,171,181,182,183,184,185,186,190,191,192,193,203,204,205,206,210,211,212,213,214,215,230,231,232,233,234,235,236,237,251,252,253,254,258,259,266,267,273,274,275,280,281,287,288,289,301,302,303,309,310,311,312,321,322,323,324,331,332,333,334,335,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,488 +1122 - 98,99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,269,270,271,272,273,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +1123 - 23,39,40,60,61,62,81,82,83,84,103,104,105,124,125,126,127,145,146,147,148,149,166,167,168,169,188,189,190,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,335,336,337,338,356,357,358,359,360,378,379,380,399,400,401,402,421,422,423,443,444,445,486 +1124 - 13,14,15,16,17,34,35,36,37,38,39,55,56,57,58,60,61,62,77,78,82,83,84,98,99,104,105,106,119,120,127,128,142,148,149,150,170,171,172,192,193,194,214,215,216,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,275,276,277,278,279,280,281,282,283,288,289,290,291,300,301,306,310,311,312,321,322,323,332,333,342,343,344,353,354,355,363,364,365,376,377,378,383,384,385,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,487 +1125 - 123,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,213,214,215,223,224,225,226,227,228,229,230,231,234,235,236,237,245,246,247,248,249,255,256,257,258,277,278,279,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,467,468,469,470,492 +1126 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,492 +1127 - 122,123,129,130,143,144,145,146,147,149,150,151,152,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,191,194,195,196,205,206,207,208,209,210,211,212,216,217,218,225,226,227,228,229,230,231,232,237,238,239,245,246,247,248,249,250,251,252,258,259,260,261,266,267,268,269,270,271,272,280,281,282,287,288,289,290,291,292,293,301,302,303,304,309,310,311,312,313,322,323,324,331,332,333,343,344,345,346,364,365,366,367,385,386,387,388,406,407,408,427,428,429,430,449,450,451,492 +1128 - 33,34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,80,81,95,96,97,98,101,102,103,117,118,119,121,122,123,124,125,138,139,140,144,145,146,147,148,160,161,162,167,168,169,170,181,182,183,190,191,192,193,203,204,205,213,214,215,225,226,227,236,237,238,246,247,248,259,260,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,347,348,349,357,358,359,369,370,371,379,380,381,382,390,391,392,402,403,404,405,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +1129 - 35,36,37,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,105,106,107,117,118,119,120,121,127,128,138,139,140,141,149,150,159,160,161,162,170,171,172,181,182,191,192,193,212,213,214,233,234,235,254,255,256,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,365,366,367,368,377,378,379,380,387,388,389,390,391,410,411,412,413,414,433,434,435,436,456,457,458,459,487 +1130 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,229,230,231,232,251,252,253,254,255,274,275,276,277,278,279,297,298,299,300,301,323,324,334,335,345,346,356,357,366,367,368,379,380,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +1131 - 38,39,59,60,61,81,82,83,102,103,104,124,125,126,145,146,147,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,274,275,276,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,401,402,403,422,423,424,443,444,445,446,486 +1132 - 34,35,55,56,57,77,78,79,99,100,101,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +1133 - 62,63,64,78,79,84,85,99,100,101,105,106,107,120,121,122,126,127,128,142,143,144,148,149,163,164,165,169,170,171,184,185,186,191,192,205,206,207,212,213,214,226,227,228,229,233,234,235,236,247,248,249,250,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,334,335,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,446,447,448,468,469,489 +1134 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,122,123,124,125,126,135,136,137,145,146,147,148,158,159,168,169,170,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,275,276,277,278,279,280,281,290,291,292,299,300,301,302,303,312,313,314,315,320,321,322,323,324,325,326,334,335,336,337,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,369,370,371,379,380,381,382,383,384,385,386,387,388,391,392,393,394,402,403,404,405,406,407,408,409,413,414,415,416,426,427,428,429,436,437,438,458,459,460,481,487 +1135 - 78,79,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,142,143,163,164,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,213,214,227,228,229,230,235,236,249,250,257,258,278,279,289,290,300,301,311,312,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,402,403,404,405,490 +1136 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,300,301,302,314,315,316,317,318,319,320,322,323,324,337,338,339,340,341,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,454,491 +1137 - 58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,128,129,141,142,144,145,146,147,150,151,162,163,165,166,167,168,172,173,185,186,187,188,189,194,195,208,209,210,215,216,229,230,231,237,238,250,251,252,258,259,272,273,274,280,281,293,294,295,301,302,303,314,315,316,323,324,335,336,337,344,345,346,356,357,358,365,366,367,378,379,386,387,388,399,400,401,406,407,408,409,420,421,422,427,428,429,430,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,485 +1138 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,147,160,161,162,164,165,166,167,168,169,182,183,184,185,186,187,189,190,191,204,205,206,207,208,211,212,227,228,229,230,232,233,234,250,254,255,256,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,384,385,405,406,407,427,428,429,449,450,451,471,472,473,494 +1139 - 15,16,17,36,37,38,57,58,59,78,79,80,99,100,101,120,121,122,141,142,143,144,162,163,164,165,184,185,186,190,191,192,193,205,206,207,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,258,259,260,269,270,271,272,273,274,275,280,281,282,290,291,292,293,294,301,302,303,312,313,314,315,322,323,324,333,334,335,336,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,491 +1140 - 121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,172,173,174,180,181,182,183,184,185,192,193,194,195,201,202,203,204,213,214,215,222,223,224,225,232,233,234,235,244,245,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,372,373,377,378,379,380,399,487 +1141 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,99,100,101,102,103,104,105,114,115,116,125,126,127,128,136,137,138,139,148,149,150,151,159,160,161,162,171,172,173,182,183,184,185,194,195,204,205,206,207,208,209,210,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,346,347,348,356,357,358,367,368,369,378,379,389,390,391,400,401,402,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,493 +1142 - 77,78,79,80,81,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,170,171,172,180,181,182,183,189,192,193,194,202,203,204,210,211,212,214,215,216,223,224,225,231,232,233,234,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,258,259,267,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,297,298,299,319,320,321,341,342,363,364,385,386,407,408,409,429,430,431,452,453,454,474,475,476,477,478,494 +1143 - 28,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,126,146,147,148,166,167,168,169,170,188,189,190,191,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,292,293,294,295,314,315,316,335,336,337,357,358,359,379,380,381,382,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,487 +1144 - 51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,206,207,208,209,210,227,228,229,230,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,321,322,323,324,343,344,345,346,366,367,368,369,388,389,390,402,403,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +1145 - 34,35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,124,125,126,136,137,138,139,140,141,145,146,147,158,159,160,167,168,186,187,188,189,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,256,257,272,273,278,279,300,301,302,322,323,324,332,333,334,335,344,345,346,354,355,356,357,358,366,367,368,376,377,378,379,380,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +1146 - 13,14,15,16,34,35,36,37,38,39,40,54,55,56,57,58,60,61,62,75,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,299,300,301,302,303,313,314,315,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +1147 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,128,137,138,139,140,148,149,150,159,160,161,170,171,172,180,181,182,191,192,193,194,202,203,213,214,215,216,223,224,225,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,315,316,320,321,322,323,342,343,344,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,494 +1148 - 59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,268,269,270,271,272,273,275,276,277,289,290,291,292,293,296,297,298,299,310,311,312,313,314,318,319,320,333,334,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +1149 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,185,186,187,192,193,206,207,208,209,214,215,227,228,229,230,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,489 +1150 - 29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,99,100,101,102,122,123,124,143,144,145,146,165,166,167,186,187,188,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,275,276,277,278,299,300,301,323,324,345,346,347,367,368,369,389,390,391,402,403,404,405,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,488 +1151 - 36,37,38,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,146,147,148,157,158,159,160,161,162,167,168,169,179,180,181,188,189,190,202,209,210,211,212,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,278,279,280,294,295,301,302,323,324,333,334,345,346,355,356,357,367,368,377,378,379,380,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +1152 - 32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,125,126,127,128,138,139,140,141,148,149,150,160,161,162,163,171,172,181,182,183,184,193,194,195,203,204,205,206,216,217,225,226,227,238,239,246,247,248,249,260,261,268,269,270,271,282,283,290,291,292,303,304,305,312,313,314,324,325,326,327,334,335,336,345,346,347,348,349,356,357,358,359,366,367,368,369,370,379,380,381,382,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +1153 - 105,106,107,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,191,192,193,202,203,204,205,206,207,208,212,213,214,224,225,226,227,228,233,234,235,236,246,247,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,466,467,468,492 +1154 - 80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,340,341,342,343,356,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +1155 - 38,39,40,60,61,62,81,82,83,84,103,104,105,124,125,126,145,146,147,148,167,168,169,188,189,190,191,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,315,316,317,318,336,337,338,339,358,359,360,379,380,381,401,402,403,404,423,424,425,426,427,445,446,447,448,486 +1156 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,145,146,147,148,167,168,169,170,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +1157 - 107,108,112,113,122,127,128,129,130,133,134,135,142,143,144,145,147,148,149,150,151,152,155,156,157,163,164,165,166,167,168,169,170,171,172,173,177,178,182,183,184,185,186,187,188,189,190,191,192,193,194,199,203,204,205,206,207,208,209,210,211,213,214,215,221,225,226,227,228,229,230,231,234,235,236,255,256,257,258,277,278,279,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,468,469,470,492 +1158 - 68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,135,136,143,144,145,146,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,302,303,304,305,325,326,327,348,349,369,370,371,390,391,392,393,410,411,412,413,414,415,430,431,432,433,434,435,436,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,488 +1159 - 16,17,18,37,38,58,59,60,79,80,81,100,101,102,121,122,123,142,143,144,163,164,165,184,185,186,205,206,207,208,211,212,213,214,226,227,228,229,232,233,234,235,236,237,248,249,250,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,280,281,291,292,293,294,295,296,297,301,302,303,312,313,314,315,316,317,318,322,323,324,334,335,336,337,338,339,342,343,344,345,356,357,358,359,360,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,491 +1160 - 102,103,111,112,124,125,126,133,134,135,146,147,148,155,156,157,158,169,170,171,177,178,179,180,192,193,194,199,200,201,202,214,215,216,223,224,225,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,278,279,280,281,282,283,289,290,291,292,293,294,295,304,305,306,311,312,313,314,315,326,327,328,333,334,335,348,349,350,355,356,357,370,371,372,378,379,393,394,415,416,437,438,460,489 +1161 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,148,149,160,161,162,163,164,167,170,171,172,182,183,184,185,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,225,226,227,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,315,316,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,494 +1162 - 29,30,31,32,33,34,35,36,37,38,39,40,41,42,51,52,53,54,55,56,57,58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,94,95,96,115,116,117,137,138,139,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,234,235,236,237,238,239,259,260,261,262,282,283,284,304,305,306,312,326,327,328,333,334,348,349,350,354,355,356,369,370,371,376,377,378,390,391,392,393,398,399,400,401,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,490 +1163 - 42,43,63,64,65,77,78,85,86,99,100,106,107,120,121,122,127,128,129,141,142,143,148,149,150,162,163,164,170,171,172,183,184,185,186,191,192,193,204,205,206,207,212,213,214,225,226,227,233,234,235,237,238,247,248,249,255,256,257,258,259,260,268,269,270,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,340,341,342,361,362,363,382,383,384,403,404,405,425,426,446,447,448,489 +1164 - 70,71,91,92,93,113,114,115,135,136,146,157,158,167,168,169,179,180,181,189,190,201,202,203,204,210,211,212,224,225,226,227,232,233,234,247,248,249,250,251,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,303,304,305,306,307,320,321,322,323,324,325,326,327,328,329,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,489 +1165 - 41,62,63,64,71,72,82,83,84,85,86,92,93,103,104,105,107,108,113,114,123,124,125,126,128,129,134,135,136,144,145,146,150,151,156,157,165,166,167,171,172,187,188,192,193,214,215,221,222,223,224,235,236,243,244,256,257,274,275,277,278,279,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,339,340,341,342,344,345,356,357,360,361,362,363,367,368,378,379,380,381,382,383,389,390,401,402,403,412,487 +1166 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,429,430,431,452,453,454,474,475,492 +1167 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,126,127,128,139,140,141,142,149,150,160,161,162,163,169,170,171,172,182,183,184,190,191,192,193,194,203,204,205,210,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,297,298,299,300,301,319,320,321,322,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,468,469,470,494 +1168 - 33,34,35,54,55,56,57,58,75,76,77,80,81,97,98,99,102,103,104,118,119,120,125,126,127,140,141,148,149,162,163,170,171,183,184,185,192,193,205,206,214,215,227,228,236,237,249,250,257,258,259,270,271,279,280,292,293,301,302,314,315,322,323,336,337,343,344,345,358,359,364,365,366,380,381,385,386,387,388,402,403,404,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,485 +1169 - 77,78,79,80,81,98,99,100,101,102,103,104,112,118,119,120,121,122,125,126,127,134,139,140,141,142,148,149,156,161,162,163,170,171,178,182,183,184,190,191,192,193,204,205,206,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,295,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,469,470,471,494 +1170 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,79,80,94,95,96,101,102,103,115,116,117,122,123,124,125,126,137,138,145,146,147,148,159,160,169,170,171,181,182,192,193,203,204,205,214,215,226,227,228,230,231,232,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,292,293,294,295,297,298,299,300,301,313,314,315,323,324,335,336,345,346,357,358,367,368,379,380,388,389,390,401,402,403,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +1171 - 63,64,84,85,86,97,106,107,119,120,127,128,129,140,141,142,148,149,150,161,162,163,170,171,172,183,184,185,191,192,193,205,206,212,213,214,226,227,228,232,234,235,236,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,318,319,320,321,335,336,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,468,469,470,489 +1172 - 49,50,51,71,72,73,79,80,81,93,94,95,96,101,102,103,115,116,118,123,124,125,126,127,137,138,145,146,147,148,149,159,160,167,168,169,181,182,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,322,323,324,344,345,346,366,367,368,389,390,411,412,433,434,455,456,457,458,477,478,479,480,489 +1173 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,160,161,162,168,169,170,182,183,184,189,190,191,192,204,205,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,468,469,494 +1174 - 56,57,58,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,427,428,429,430,449,450,451,452,471,472,473,474,486 +1175 - 14,15,20,21,33,34,35,36,37,41,42,55,56,57,58,62,63,64,75,76,77,78,84,85,95,96,97,98,99,100,105,106,107,116,117,118,119,120,126,127,128,139,140,147,148,149,150,168,169,170,171,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,365,366,367,376,377,378,379,380,381,382,383,387,388,389,399,400,401,402,403,404,410,411,487 +1176 - 50,51,52,72,73,74,75,84,93,94,95,96,97,105,106,107,108,115,116,117,118,119,126,127,128,129,130,136,137,138,139,140,141,148,149,150,151,152,158,159,160,161,162,170,171,172,173,174,179,180,181,182,183,192,193,194,195,196,201,202,203,204,205,213,214,215,216,217,223,224,225,226,227,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,320,321,322,323,324,325,332,333,334,335,336,337,338,342,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,489 +1177 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,124,125,126,137,138,139,140,147,148,159,160,161,169,170,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,233,234,235,236,237,246,247,248,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,340,341,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,469,470,471,472,494 +1178 - 29,30,31,32,33,34,52,53,54,55,56,57,78,79,80,101,102,123,124,145,146,166,167,168,182,183,184,186,187,188,189,204,205,206,207,208,209,210,228,229,230,231,252,253,254,275,276,277,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,400,401,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +1179 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,169,170,171,172,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,216,225,226,227,228,234,235,236,237,238,246,247,248,249,250,256,257,258,259,267,268,269,270,271,277,278,279,280,281,289,290,291,292,293,298,299,300,301,302,303,311,312,313,314,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +1180 - 59,60,61,80,81,82,83,84,99,102,103,104,105,120,121,122,124,125,126,142,143,144,146,147,148,163,164,165,166,168,169,170,183,184,185,186,187,189,190,191,205,206,207,208,211,212,213,225,226,227,228,229,232,233,234,235,246,247,248,249,250,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,341,342,343,356,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,489 +1181 - 36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,450,486 +1182 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,98,99,100,101,120,121,122,141,142,143,162,163,164,184,185,205,206,207,227,228,229,249,250,270,271,292,293,296,297,298,299,300,301,314,315,317,318,319,320,321,322,323,336,337,339,342,343,344,345,358,359,365,366,380,381,382,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +1183 - 12,13,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,204,205,209,210,211,212,213,214,225,226,227,228,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,407,408,409,410,411,412,413,414,421,422,487 +1184 - 15,16,17,18,35,36,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,82,97,98,99,100,101,102,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,225,226,227,228,246,247,248,249,252,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,317,318,319,323,324,325,326,327,334,335,336,344,345,346,347,348,349,356,357,358,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,491 +1185 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,141,142,144,145,146,147,148,149,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,257,268,274,275,276,277,278,279,280,289,290,291,298,299,300,301,302,310,311,312,313,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +1186 - 111,112,113,114,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,190,191,192,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +1187 - 39,40,41,60,61,62,63,82,83,84,85,94,95,103,104,105,106,107,115,116,117,125,126,127,128,137,138,139,147,148,149,150,158,159,160,161,169,170,171,172,180,181,182,183,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,450,451,452,489 +1188 - 8,9,10,11,12,29,30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,77,78,79,94,95,96,97,99,100,101,117,118,122,123,144,145,166,167,188,189,190,210,211,212,231,232,233,234,253,254,255,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,366,367,368,369,370,371,379,380,381,382,383,384,385,390,391,392,393,402,403,404,405,406,413,414,415,416,417,426,436,437,438,439,487 +1189 - 10,11,12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,96,97,98,99,100,117,118,119,120,121,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,193,204,205,206,207,212,213,214,215,216,217,225,226,227,228,229,233,234,235,236,237,238,239,247,248,249,250,251,254,255,256,257,258,259,260,261,262,269,270,271,272,276,277,278,279,280,281,282,283,284,291,292,293,294,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,410,491 +1190 - 74,75,95,96,97,115,116,117,118,136,137,138,139,157,158,159,160,170,171,172,173,174,179,180,191,192,193,194,195,196,197,200,201,202,212,213,214,218,219,222,223,232,233,234,235,240,241,244,245,254,255,256,261,262,263,266,267,275,276,282,283,284,288,289,297,298,303,304,305,306,310,311,312,313,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,491 +1191 - 93,94,95,96,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,209,210,211,212,213,214,215,232,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,474,492 +1192 - 53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,429,430,431,432,451,452,453,473,474,475,486 +1193 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,147,148,149,150,151,152,160,161,162,163,170,171,172,173,174,181,182,183,184,190,191,192,193,194,195,196,203,204,205,206,207,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,468,469,470,472,493 +1194 - 70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,144,145,146,147,157,158,159,167,168,169,179,180,181,189,190,191,201,202,203,212,213,214,223,224,225,233,234,235,236,245,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,323,324,325,326,338,340,341,342,345,346,347,348,367,368,369,370,390,391,392,412,413,414,434,435,436,457,458,479,480,481,482,494 +1195 - 37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,191,192,193,194,203,204,205,206,207,208,209,213,214,215,216,225,226,227,228,229,230,235,236,237,238,247,248,249,250,251,256,257,258,259,268,269,270,271,272,277,278,279,280,281,290,291,292,293,294,299,300,301,302,303,311,312,313,314,315,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,485 +1196 - 58,59,60,68,69,81,82,90,91,92,103,112,113,114,125,126,134,135,136,147,148,156,157,158,169,170,179,180,191,192,193,200,201,202,214,215,222,223,224,231,236,237,238,244,245,246,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,301,302,303,304,311,312,313,314,324,325,326,327,334,347,348,349,369,370,371,372,392,393,394,414,415,416,437,438,459,460,461,481,482,489 +1197 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +1198 - 34,35,56,57,78,79,100,101,102,115,116,122,123,124,137,138,144,145,146,159,160,166,167,168,180,181,182,188,189,190,202,203,204,210,211,212,224,225,226,232,233,234,235,246,247,248,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,321,322,323,324,342,343,344,345,365,366,367,387,388,389,390,409,410,411,412,432,433,434,454,455,456,489 +1199 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,166,167,168,169,187,188,189,190,191,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,409,410,411,412,413,414,415,416,420,421,422,423,424,435,436,437,487 +1200 - 55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,471,472,486 +1201 - 55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,279,292,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,488 +1202 - 14,15,16,17,35,36,37,38,39,40,56,57,58,59,61,62,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,204,205,206,225,226,227,234,235,236,237,247,248,249,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,281,282,291,292,295,296,297,298,302,303,304,313,314,315,316,317,318,319,324,325,335,336,337,338,339,344,345,346,347,357,358,359,360,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,491 +1203 - 58,59,60,61,80,81,82,83,95,96,102,103,104,105,116,117,118,119,123,124,125,126,127,138,139,140,141,145,146,147,148,149,159,160,161,162,167,168,169,170,171,181,182,183,184,189,190,191,192,202,203,204,205,206,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,471,472,489 +1204 - 11,12,13,33,34,35,36,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,190,205,206,207,211,212,213,214,227,228,229,232,233,234,235,236,249,250,251,253,254,255,256,257,258,259,271,272,273,275,276,277,278,279,280,293,294,295,297,298,299,300,301,302,314,315,316,317,319,320,321,323,324,336,337,338,339,341,342,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,491 +1205 - 95,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,225,226,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +1206 - 49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,127,128,129,136,137,138,158,159,160,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,229,230,231,232,233,234,235,236,245,246,247,248,249,253,254,255,256,257,258,259,267,268,269,276,277,278,279,280,281,282,300,301,302,303,304,305,323,324,325,326,327,328,346,347,348,349,350,355,367,368,369,370,371,377,378,379,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,490 +1207 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +1208 - 95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,190,191,192,193,200,201,202,212,213,214,215,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +1209 - 35,36,37,38,41,42,55,56,57,58,59,60,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,127,128,129,130,138,139,140,141,142,143,144,145,146,147,149,150,151,152,159,160,161,162,163,164,165,166,167,168,171,172,173,180,181,182,183,184,185,186,187,188,189,192,193,194,195,201,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,236,237,238,244,245,246,247,248,249,257,258,259,260,266,267,268,269,270,278,279,280,281,282,288,289,290,291,292,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,485 +1210 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,136,137,138,139,140,161,162,182,183,184,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,233,234,235,249,250,251,252,256,257,258,271,272,273,278,279,280,293,294,295,300,301,302,316,322,323,324,325,344,345,346,347,366,367,368,388,389,390,402,403,409,410,411,412,424,425,426,427,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +1211 - 57,58,59,60,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +1212 - 57,58,79,80,94,95,96,101,102,103,115,116,117,118,123,124,125,137,138,139,140,145,146,147,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,321,322,323,324,344,345,346,366,367,368,387,388,389,390,410,411,412,432,433,434,453,454,455,456,476,477,478,489 +1213 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,340,341,342,343,344,345,346,347,348,349,355,356,357,362,363,364,365,366,367,368,369,370,386,387,388,389,390,391,487 +1214 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,103,104,105,106,107,108,117,118,119,120,121,128,129,130,139,140,141,142,143,144,150,151,152,161,162,163,164,165,166,171,172,173,174,184,185,186,187,188,189,192,193,194,195,196,209,210,211,212,213,214,215,216,231,232,233,234,235,236,237,253,254,255,256,257,258,273,274,275,276,277,278,294,295,296,297,298,299,300,301,314,315,316,317,318,319,321,322,323,335,336,337,338,339,343,344,345,356,357,358,359,360,365,366,367,377,378,379,380,386,387,388,389,398,399,400,401,406,407,408,409,410,420,421,422,423,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,493 +1215 - 63,64,65,74,75,76,84,85,86,87,95,96,97,98,99,106,107,108,109,116,117,118,119,120,121,127,128,129,130,131,138,139,140,141,142,148,149,150,151,152,153,159,160,161,162,163,170,171,172,173,174,180,181,182,183,184,185,188,191,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,222,223,224,225,226,227,228,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,489 +1216 - 93,94,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,147,148,149,158,159,160,161,162,169,170,171,180,181,182,190,191,192,193,201,202,203,212,213,214,215,223,224,225,234,235,236,246,247,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,472,473,474,475,492 +1217 - 94,95,96,97,98,99,100,101,102,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,216,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,360,361,362,363,364,365,366,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +1218 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,96,97,100,101,102,122,123,124,144,145,146,165,166,167,168,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,343,344,345,358,365,366,367,379,380,381,386,387,388,389,401,402,403,404,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +1219 - 55,56,57,58,59,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,172,173,174,175,183,184,185,186,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,493 +1220 - 51,52,53,58,73,74,75,79,80,94,95,96,97,101,102,117,118,119,123,124,138,139,140,141,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,211,212,213,214,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,349,354,355,356,357,358,365,366,367,368,377,387,388,389,390,489 +1221 - 75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,215,223,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,494 +1222 - 11,12,13,31,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,80,81,82,97,98,99,120,121,122,142,143,144,165,166,167,187,188,189,190,210,211,212,213,234,235,236,256,257,258,259,279,280,281,282,303,304,325,326,346,347,348,352,353,366,367,368,369,370,374,375,376,377,378,379,380,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,490 +1223 - 54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,168,169,170,171,172,173,174,180,181,182,183,184,185,190,191,192,193,194,195,196,202,203,204,205,206,207,211,212,213,214,215,216,217,224,225,226,227,228,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +1224 - 12,13,14,33,34,35,54,55,56,75,76,77,96,97,98,117,118,119,120,139,140,141,160,161,162,182,183,184,204,205,225,226,227,233,234,235,236,247,248,249,253,254,255,256,257,258,259,269,270,274,275,276,280,281,282,291,292,296,297,302,303,304,313,314,315,317,318,319,324,325,326,335,336,337,338,339,340,346,347,358,359,360,361,362,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +1225 - 71,72,73,75,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,475,492 +1226 - 53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,124,125,126,127,133,134,135,146,147,148,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,227,228,229,230,231,232,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,300,320,321,322,323,324,344,345,346,355,356,357,366,367,368,369,377,378,379,388,389,390,391,399,400,401,402,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +1227 - 57,58,79,80,81,96,100,101,102,103,117,118,119,122,123,124,125,139,140,141,144,145,146,147,160,161,162,163,164,166,167,168,169,182,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,469,470,471,472,489 +1228 - 14,15,16,17,35,36,37,38,39,56,57,58,59,78,79,80,99,100,101,120,121,122,142,143,144,163,164,165,184,185,186,206,207,208,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,277,278,279,280,293,294,295,296,300,301,302,314,315,316,318,321,322,323,336,337,338,343,344,345,358,359,360,364,365,366,381,382,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +1229 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +1230 - 34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +1231 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,475,492 +1232 - 30,31,51,52,53,73,74,75,76,95,96,97,101,117,118,119,122,123,124,139,140,141,144,145,146,161,162,167,168,183,184,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,248,249,250,255,256,269,270,271,277,278,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,365,366,387,388,389,409,410,411,431,432,454,489 +1233 - 32,33,34,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,163,164,165,167,168,169,170,171,172,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,288,289,290,297,298,299,300,301,302,310,311,312,313,319,320,321,322,323,324,332,333,334,335,336,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +1234 - 9,10,11,12,31,32,33,34,35,53,54,55,56,57,58,77,78,79,80,100,101,102,103,122,123,124,125,143,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,230,231,232,233,234,254,255,256,276,277,278,279,299,300,301,314,320,321,322,323,335,336,337,342,343,344,356,357,358,359,360,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,426,427,428,429,430,488 +1235 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,170,171,172,183,184,185,186,189,190,192,193,194,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,494 +1236 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,102,103,116,117,124,125,138,139,146,147,160,161,162,167,168,169,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,298,299,300,301,302,313,314,315,322,323,324,335,336,344,345,346,357,358,367,368,379,380,381,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,493 +1237 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,144,145,146,147,148,149,160,161,162,163,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,336,337,338,339,342,343,344,345,357,358,359,360,361,364,365,366,367,379,380,381,382,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,469,470,471,493 +1238 - 32,33,34,54,55,56,76,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,450,451,452,486 +1239 - 75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,148,149,150,151,157,158,159,160,161,162,170,171,172,173,179,180,181,182,183,192,193,194,195,201,202,203,204,214,215,216,217,223,224,225,226,227,236,237,238,246,247,248,249,257,258,259,260,261,262,263,269,270,271,272,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,452,471,472,473,474,493 +1240 - 13,14,15,35,36,37,57,58,78,79,99,100,101,121,122,142,143,144,164,165,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,321,322,338,339,340,341,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,405,406,407,408,409,491 +1241 - 31,32,52,53,54,55,56,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,287,288,289,290,291,300,301,302,303,308,309,310,311,312,313,314,315,321,322,323,324,325,330,331,332,333,334,335,336,337,338,339,340,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,450,451,452,453,454,488 +1242 - 33,34,35,56,57,78,79,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,430,450,451,452,486 +1243 - 54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,453,472,473,474,475,486 +1244 - 55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,124,125,126,139,140,141,142,146,147,148,160,161,162,163,167,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,210,211,212,213,223,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,250,251,252,253,254,255,256,257,258,267,268,269,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,322,323,324,336,337,338,339,340,343,344,345,346,365,366,367,386,387,388,389,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,469,470,471,488 +1245 - 75,76,77,95,96,97,98,99,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,209,211,212,213,226,227,228,229,230,231,232,249,250,251,252,253,254,255,273,274,275,276,277,278,297,298,299,300,312,313,320,321,322,323,333,334,335,336,337,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,449,450,451,452,453,490 +1246 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,49,50,51,52,56,57,58,59,71,72,73,79,80,81,82,102,103,104,124,125,145,146,147,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,320,321,326,327,328,336,337,338,339,340,341,342,343,344,345,346,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,387,388,389,390,391,392,393,399,400,401,402,403,412,413,421,422,423,487 +1247 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,164,165,166,167,168,169,170,171,180,181,182,183,184,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +1248 - 17,18,19,39,40,41,60,61,62,63,82,83,84,85,104,105,106,116,117,126,127,128,138,139,140,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,190,191,192,193,202,203,204,212,213,214,215,223,224,225,226,234,235,236,245,246,247,248,256,257,258,266,267,268,269,278,279,280,288,289,290,300,301,302,310,311,312,322,323,324,332,333,334,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,410,411,412,432,433,489 +1249 - 30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,116,117,118,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,283,284,285,289,290,291,292,293,294,295,296,297,298,299,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,386,387,388,389,390,391,392,393,394,410,411,412,413,487 +1250 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,190,191,192,205,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +1251 - 76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,181,188,189,190,191,192,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,492 +1252 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,450,451,452,486 +1253 - 70,71,72,79,80,81,82,92,93,94,95,101,102,103,104,105,114,115,116,117,123,124,125,126,127,135,136,137,138,139,145,146,147,148,149,157,158,159,160,161,166,167,168,169,170,171,179,180,181,182,183,188,189,190,191,192,193,200,201,202,203,204,205,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,454,472,473,474,475,476,489 +1254 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,79,80,81,95,96,97,98,101,102,103,116,117,118,123,124,125,138,139,140,145,146,147,160,161,162,167,168,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,251,252,253,254,256,257,272,273,274,275,278,279,280,294,295,296,300,301,302,315,316,317,318,323,324,337,338,339,345,346,358,359,360,366,367,368,369,380,381,382,388,389,390,391,402,403,404,405,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +1255 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,282,283,288,289,290,291,292,293,294,295,296,297,298,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,386,387,388,389,390,391,392,393,394,395,411,412,413,414,415,416,487 +1256 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,123,124,125,139,140,141,146,147,148,161,162,169,170,183,184,191,192,204,205,206,212,213,214,226,227,228,233,234,235,236,249,250,255,256,257,271,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,317,318,319,320,321,322,342,343,344,364,365,386,387,408,409,430,431,452,453,474,475,494 +1257 - 10,11,12,32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,160,161,162,163,164,165,166,182,183,184,185,186,187,203,204,205,206,207,208,209,225,226,227,228,229,230,247,248,249,250,251,269,270,271,272,273,279,280,291,292,293,294,295,299,300,301,302,303,313,314,315,316,317,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +1258 - 51,52,53,54,60,61,72,73,74,75,76,82,83,92,93,94,95,96,97,98,104,105,113,114,115,116,117,125,126,127,135,136,137,138,147,148,149,157,158,159,169,170,171,178,179,180,181,191,192,193,200,201,202,203,213,214,215,222,223,224,225,226,235,236,237,238,245,246,247,248,249,250,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,429,430,431,432,433,451,452,453,454,455,474,475,476,489 +1259 - 33,34,35,36,37,55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,451,486 +1260 - 89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,141,142,143,144,145,158,159,163,164,165,166,184,185,186,187,206,207,208,209,227,228,229,230,248,249,250,251,271,272,273,274,275,276,277,294,295,296,297,298,299,300,301,318,319,320,321,322,323,324,343,344,345,346,347,367,368,369,370,390,391,392,393,413,414,415,436,437,438,458,459,460,479,480,481,482,488 +1261 - 72,79,80,81,93,94,95,101,102,103,104,115,116,117,118,122,123,124,125,126,136,137,138,139,140,144,145,146,147,158,159,160,161,162,166,167,168,169,180,181,182,183,184,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,318,319,320,321,322,323,324,325,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,450,451,452,453,471,472,473,474,489 +1262 - 37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,165,166,167,168,169,170,181,182,183,186,187,188,189,190,191,207,208,209,210,211,228,229,230,231,232,248,249,250,251,252,253,270,271,272,273,274,290,291,292,293,294,295,310,311,312,313,314,315,316,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,487 +1263 - 55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,267,272,275,276,277,278,289,290,291,292,293,294,297,298,299,300,301,302,312,313,314,319,320,321,322,323,324,333,334,335,336,337,341,342,343,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,490 +1264 - 7,8,9,10,11,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,78,79,80,81,93,94,95,101,102,103,115,116,117,124,125,126,138,139,146,147,148,168,169,170,191,192,212,213,214,235,236,256,257,258,278,279,280,290,291,292,293,294,295,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,329,334,335,336,337,338,339,340,341,342,343,344,345,346,348,349,350,351,356,357,358,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,411,412,413,425,426,487 +1265 - 64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,174,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,313,314,315,318,319,320,321,333,334,335,336,337,340,341,342,343,355,356,357,358,359,360,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,490 +1266 - 12,13,14,15,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,159,160,161,162,167,168,169,170,180,181,182,183,184,186,187,188,189,190,191,192,193,194,202,203,204,205,206,208,209,210,211,212,213,214,215,216,217,224,225,226,227,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,259,260,261,262,263,268,269,270,271,272,273,274,275,283,284,285,290,291,292,293,294,295,296,297,305,306,313,314,315,316,317,318,319,326,327,328,335,336,337,338,339,340,341,342,347,348,349,357,358,359,360,361,362,363,364,365,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,491 +1267 - 56,57,58,59,60,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,147,148,149,150,151,152,153,158,159,160,161,162,163,168,169,170,171,172,173,174,181,182,183,184,185,186,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,341,342,343,344,345,355,356,357,358,359,362,363,364,365,366,367,377,378,379,380,381,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,493 +1268 - 33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,139,140,141,142,143,147,148,149,160,161,162,163,164,169,170,171,172,182,183,184,185,186,191,192,193,203,204,205,206,207,213,214,215,225,226,227,228,229,235,236,237,247,248,249,250,256,257,258,269,270,271,272,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,320,321,322,323,324,335,336,337,338,341,342,343,344,345,357,358,359,360,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +1269 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +1270 - 31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,99,100,101,117,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,369,370,382,383,384,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,487 +1271 - 51,52,58,59,60,72,73,74,75,79,80,81,82,83,84,94,95,96,97,98,101,102,103,104,105,106,116,117,118,119,120,123,124,125,126,127,128,137,138,139,140,141,142,144,145,146,147,148,149,150,159,160,161,162,163,164,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,489 +1272 - 76,77,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,149,158,159,160,161,162,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,223,224,225,237,238,239,245,246,247,257,258,259,260,267,268,269,270,271,272,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,321,322,323,324,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,450,451,452,471,472,473,494 +1273 - 59,60,61,72,73,80,81,82,83,84,85,93,94,95,96,102,103,104,105,106,107,115,116,117,118,119,123,124,125,126,127,128,129,136,137,138,139,140,141,144,145,146,147,148,149,150,158,159,160,161,162,166,167,168,169,170,171,179,180,181,182,183,184,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,347,362,363,364,365,366,367,368,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,489 +1274 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,148,149,150,151,160,161,162,163,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,271,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,402,403,404,405,406,423,424,425,426,427,443,444,445,446,447,448,464,465,466,467,468,494 +1275 - 81,82,83,94,95,96,97,102,103,104,105,106,116,117,118,119,120,124,125,126,127,128,138,139,140,141,142,145,146,147,148,149,150,151,160,161,162,163,164,167,168,169,170,171,172,173,181,182,183,184,185,188,189,190,191,192,193,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,339,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,489 +1276 - 77,78,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,156,157,158,159,160,161,162,163,164,165,166,167,169,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,236,237,238,239,240,245,246,261,262,263,283,284,285,305,306,307,325,326,327,328,329,347,348,349,350,351,356,357,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,490 +1277 - 34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,429,447,448,449,450,486 +1278 - 8,9,10,11,12,13,14,30,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,96,97,118,119,140,141,162,163,184,185,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,256,257,258,269,270,272,273,279,280,290,291,292,301,302,312,313,322,323,324,334,335,336,343,344,345,346,357,358,359,360,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,490 +1279 - 54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,123,124,125,126,127,128,129,137,138,139,140,141,146,147,148,149,150,151,159,160,161,162,163,169,170,171,172,173,174,181,182,183,184,185,191,192,193,194,195,203,204,205,206,207,208,212,213,214,215,216,217,227,228,229,230,231,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,358,359,360,361,362,364,365,366,367,379,380,381,382,383,387,388,389,401,402,403,404,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,493 +1280 - 61,62,63,75,76,77,82,83,84,97,98,99,103,104,105,118,119,120,125,126,127,140,141,142,147,148,161,162,163,168,169,170,183,184,185,190,191,192,204,205,206,212,213,226,227,228,233,234,235,247,248,249,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,341,342,343,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,489 +1281 - 72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,144,145,146,147,148,149,159,160,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,382,383,384,385,386,387,404,405,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,474,492 +1282 - 52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,160,161,162,164,165,166,167,168,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,254,255,256,276,277,278,298,299,300,301,320,321,322,323,337,338,339,343,344,345,359,360,361,365,366,367,381,382,383,384,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,473,474,475,476,494 +1283 - 100,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,192,193,194,204,205,206,207,208,209,226,227,228,229,230,231,232,249,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,311,312,313,317,318,319,320,332,333,334,335,336,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,401,402,403,404,405,406,407,426,490 +1284 - 98,99,100,101,102,119,120,121,122,123,124,140,141,142,145,146,147,148,162,163,168,169,170,183,184,185,189,190,191,205,206,210,211,212,227,228,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,297,298,318,319,320,340,341,342,362,363,383,384,385,405,406,426,427,428,448,449,470,471,494 +1285 - 99,100,101,108,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,204,205,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,271,273,274,275,276,277,278,296,297,298,299,300,312,313,318,319,320,321,322,332,333,334,335,340,341,342,343,354,355,356,357,358,359,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,424,425,426,427,428,490 +1286 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,160,161,162,168,169,181,182,183,189,190,191,203,204,205,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,298,299,300,320,321,342,343,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +1287 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,358,359,360,361,362,363,364,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,486 +1288 - 51,52,53,73,74,75,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,160,161,182,183,204,205,206,226,227,228,229,249,250,251,252,253,272,273,274,275,276,277,296,297,298,299,300,320,321,322,323,343,344,345,366,367,368,389,390,410,411,412,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,490 +1289 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,124,125,126,127,128,139,140,141,142,143,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,268,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,341,342,343,344,345,355,356,357,358,359,360,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +1290 - 50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,162,163,164,165,166,167,177,178,179,180,184,185,186,187,188,189,199,200,201,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,300,301,302,303,304,305,306,323,324,325,326,327,328,345,346,347,348,349,350,365,366,367,368,369,370,371,372,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +1291 - 76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,146,147,148,149,158,159,160,161,162,163,168,169,170,171,179,180,181,182,183,184,189,190,191,192,193,201,202,203,204,205,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,494 +1292 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +1293 - 33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,486 +1294 - 51,52,53,54,55,73,74,75,76,77,78,95,96,97,98,99,100,101,102,117,118,119,122,123,124,125,126,140,141,142,145,146,147,148,149,163,164,168,169,170,171,172,185,186,191,192,193,194,207,208,212,213,214,215,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,294,295,296,297,298,299,314,315,316,317,319,320,321,336,337,338,342,343,357,358,359,364,365,366,379,380,381,387,388,401,402,409,410,423,424,425,431,432,445,446,447,453,454,468,469,470,475,476,493 +1295 - 32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,104,105,106,107,108,117,118,119,120,126,127,128,129,130,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,277,278,279,280,281,288,289,290,291,299,300,301,302,303,309,310,311,312,313,314,315,321,322,323,324,325,331,332,333,334,335,336,337,342,343,344,345,346,353,354,355,356,357,358,359,360,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,488 +1296 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,125,126,127,128,137,138,139,140,149,150,151,152,160,161,162,170,171,172,173,174,182,183,184,185,186,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,315,316,317,321,322,323,324,336,337,338,339,343,344,345,346,358,359,360,365,366,367,368,380,381,382,386,387,388,389,390,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,493 +1297 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,181,182,183,184,185,202,203,204,205,206,213,214,215,224,225,226,227,228,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +1298 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,147,148,149,150,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,322,323,324,344,345,365,366,367,386,387,388,389,399,400,401,402,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,469,470,471,472,473,490 +1299 - 55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,125,126,142,143,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,349,350,354,355,356,357,358,359,360,361,377,378,379,380,381,487 +1300 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,167,168,169,170,182,189,190,191,192,210,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +1301 - 32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,167,168,169,170,171,178,179,180,181,182,183,184,189,190,191,192,193,201,202,203,204,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,280,295,296,297,298,299,300,301,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,445,446,448,449,455,456,457,458,459,487 +1302 - 114,115,117,136,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,208,209,210,211,214,215,216,217,218,235,236,237,238,239,256,257,258,259,260,277,278,279,280,297,298,299,300,301,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,378,379,380,381,382,398,399,400,401,402,403,419,420,421,422,423,441,442,443,463,464,465,492 +1303 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,230,235,236,237,238,247,248,249,250,251,255,256,257,258,259,260,261,268,269,270,271,272,275,276,277,278,279,280,281,282,283,290,291,292,293,294,297,298,299,300,301,302,303,304,305,312,313,314,315,316,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,491 +1304 - 33,34,35,55,56,57,58,59,60,78,79,80,81,82,83,102,103,104,105,106,121,122,123,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,210,211,213,214,215,225,226,227,228,229,235,236,237,246,247,248,249,250,257,258,259,268,269,270,271,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,363,364,365,366,367,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +1305 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,167,168,169,170,181,182,183,184,185,189,190,191,192,202,203,204,205,206,211,212,213,214,224,225,226,227,233,234,235,236,237,246,247,248,249,250,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,494 +1306 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,172,173,174,177,178,179,180,181,193,194,195,196,199,200,201,202,215,216,217,221,222,223,224,236,237,238,239,243,244,245,257,258,259,260,266,267,278,279,280,281,282,288,289,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,471,472,473,492 +1307 - 77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,168,169,170,171,182,183,184,185,186,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +1308 - 51,52,53,72,73,74,75,93,94,95,96,102,103,115,116,117,124,125,137,138,139,146,147,159,160,161,168,169,181,182,183,190,191,192,203,204,212,213,214,225,226,234,235,236,247,248,249,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,475,476,477,489 +1309 - 35,36,37,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,166,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,403,404,405,406,407,491 +1310 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,186,187,193,194,195,201,202,203,204,206,207,208,216,217,218,222,223,224,225,228,229,238,239,240,243,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,304,305,306,309,310,311,325,326,327,328,331,332,333,347,348,349,353,354,355,368,369,370,371,375,376,377,378,389,390,391,392,397,398,399,400,401,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +1311 - 120,121,141,142,143,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,209,211,212,213,214,215,216,217,218,219,225,226,227,228,229,230,231,234,235,236,237,238,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,299,311,312,318,319,320,321,333,334,335,340,341,342,343,355,356,357,358,359,361,362,363,364,377,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,425,426,427,428,429,449,450,490 +1312 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,80,81,82,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,185,186,187,188,189,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,254,255,256,257,258,259,279,280,281,301,302,303,323,324,325,334,344,345,346,347,355,356,365,366,367,368,376,377,378,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,488 +1313 - 98,99,100,103,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,225,226,227,228,229,230,231,248,249,250,251,252,253,254,274,275,276,277,297,298,299,311,312,319,320,321,333,334,335,341,342,343,355,356,357,363,364,365,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,490 +1314 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,189,190,191,192,200,201,202,211,212,213,214,221,222,223,224,233,234,235,236,243,244,245,246,255,256,257,258,259,265,266,267,268,277,278,279,280,281,287,288,289,290,299,300,301,302,303,311,312,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,492 +1315 - 33,34,35,36,37,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,167,168,169,170,171,172,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,295,296,297,298,299,300,301,311,312,313,319,320,321,322,323,324,332,333,334,335,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,488 +1316 - 79,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,146,147,148,149,161,162,163,164,167,168,169,170,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,214,215,224,225,226,230,231,232,233,234,237,246,247,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,297,298,299,318,319,320,340,341,361,362,363,382,383,384,385,404,405,406,426,427,447,448,449,469,470,471,494 +1317 - 30,31,32,33,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,144,145,146,147,148,149,150,167,168,169,170,171,172,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,301,311,312,318,319,320,321,322,323,324,331,332,333,334,335,336,337,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +1318 - 10,11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,323,324,325,337,338,339,340,341,346,347,348,359,360,361,362,363,368,369,370,382,383,384,385,386,388,389,390,391,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +1319 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,148,149,150,158,159,160,161,162,169,170,171,172,173,174,175,180,181,182,183,191,192,193,194,195,196,197,202,203,204,205,206,214,215,216,217,218,219,225,226,227,228,229,235,236,237,238,239,240,247,248,249,250,251,252,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,363,364,365,366,377,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,493 +1320 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,122,123,124,125,135,136,137,145,146,147,157,158,159,167,168,169,179,180,181,187,188,189,190,202,203,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,321,322,323,324,344,345,346,366,367,368,387,388,389,390,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +1321 - 58,59,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,450,468,469,470,471,486 +1322 - 88,89,90,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +1323 - 13,14,15,16,17,18,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,301,302,303,304,312,313,314,315,316,317,318,323,324,325,326,334,335,336,337,338,339,340,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +1324 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,119,120,121,122,141,142,143,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,344,345,346,347,353,354,355,356,357,358,364,365,366,367,368,369,375,376,377,378,379,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +1325 - 105,106,107,108,109,124,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,289,290,291,292,293,294,296,297,298,299,310,311,312,313,314,319,320,321,332,333,334,335,336,337,338,340,341,342,354,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,425,490 +1326 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +1327 - 13,14,15,16,34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,203,204,205,206,207,208,212,213,214,215,216,217,225,226,227,228,229,232,233,234,235,236,237,238,239,246,247,248,249,250,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,491 +1328 - 53,54,55,75,76,77,78,97,98,99,100,101,102,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,166,169,170,171,182,183,184,185,204,205,206,207,226,227,228,247,248,249,269,270,271,291,292,293,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,451,452,453,472,473,474,490 +1329 - 57,58,59,60,64,65,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,167,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,204,205,206,207,208,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,466,467,468,469,470,493 +1330 - 8,9,10,30,31,32,33,34,35,54,55,56,57,58,78,79,80,81,82,102,103,104,105,125,126,127,128,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,208,209,210,228,229,230,249,250,251,270,271,272,273,291,292,293,294,313,314,315,316,335,336,337,357,358,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,487 +1331 - 34,35,36,37,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,447,448,449,486 +1332 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +1333 - 57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,158,159,160,161,162,163,167,168,169,170,171,180,181,182,183,184,189,190,191,192,193,202,203,204,205,209,210,211,212,213,214,215,224,225,226,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,470,471,472,473,494 +1334 - 29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,99,100,101,102,112,113,114,115,116,121,122,123,124,135,136,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,342,343,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,430,431,432,433,434,435,436,437,446,447,448,449,454,455,456,457,458,487 +1335 - 77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,167,168,169,170,171,181,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +1336 - 49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,120,121,122,135,136,142,143,144,164,165,166,185,186,187,188,207,208,209,210,228,229,230,231,250,251,252,253,254,255,256,273,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,326,346,347,348,368,369,370,389,390,391,392,411,412,413,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,473,474,475,476,477,488 +1337 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,491 +1338 - 70,71,72,91,92,93,94,95,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,188,189,190,191,202,203,204,210,211,212,213,225,226,232,233,234,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,338,341,342,343,344,345,346,347,363,364,365,385,386,387,407,408,409,429,430,431,432,452,453,454,474,475,476,492 +1339 - 36,37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,493 +1340 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,184,202,203,204,205,224,225,226,227,228,229,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,280,299,300,301,302,323,324,325,346,347,348,369,370,378,391,392,400,401,402,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,490 +1341 - 13,14,34,35,36,56,57,58,59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,296,297,298,299,310,311,312,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,488 +1342 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,160,161,162,166,167,168,188,189,190,210,211,231,232,233,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,492 +1343 - 101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,212,213,214,215,224,225,226,227,228,229,233,234,235,236,237,247,248,255,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,492 +1344 - 51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,123,124,125,135,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,183,189,190,203,204,205,206,207,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,317,318,319,321,322,323,324,338,339,340,345,346,347,359,360,361,367,368,369,381,382,383,389,390,391,403,404,411,412,413,425,426,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,493 +1345 - 60,61,81,82,83,94,95,103,104,105,116,117,118,124,125,126,127,138,139,140,146,147,148,149,159,160,161,162,167,168,169,170,171,181,182,183,184,189,190,191,192,193,202,203,204,205,211,212,213,214,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,489 +1346 - 56,57,58,77,78,79,80,84,85,86,97,98,99,100,101,102,106,107,108,109,119,120,121,122,129,130,131,140,141,142,143,144,150,151,152,153,161,162,163,164,165,172,173,174,175,182,183,184,185,186,193,194,195,196,197,204,205,206,207,214,215,216,217,218,225,226,227,228,236,237,238,239,246,247,248,249,250,257,258,259,260,268,269,270,271,277,278,279,280,281,288,289,290,291,292,293,299,300,301,302,310,311,312,313,314,319,320,321,322,323,333,334,335,336,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,485 +1347 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,183,184,185,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,469,470,471,472,492 +1348 - 73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,121,122,123,124,125,126,144,145,146,147,166,167,168,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,426,427,428,429,447,448,449,450,468,469,470,471,488 +1349 - 36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,191,192,193,204,205,206,207,208,209,210,212,213,214,215,225,226,227,228,229,230,231,234,235,236,246,247,248,249,250,251,256,257,258,268,269,270,271,272,273,277,278,279,280,289,290,291,292,293,294,299,300,301,302,311,312,313,314,315,320,321,322,323,324,333,334,335,336,337,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +1350 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,206,207,208,209,210,228,229,230,231,232,233,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,315,316,317,318,321,322,323,324,337,338,339,340,343,344,345,346,360,361,362,363,365,366,367,368,382,383,384,385,387,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +1351 - 33,34,35,36,37,54,55,56,57,58,59,61,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,268,274,275,276,277,278,279,280,288,289,290,291,297,299,300,301,302,310,311,312,313,314,320,321,322,323,324,332,333,334,335,336,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,488 +1352 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,98,99,100,101,102,103,114,115,116,121,122,123,124,125,136,137,138,143,144,145,146,147,157,158,159,160,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,233,234,235,236,250,251,256,257,258,278,279,280,281,300,301,302,303,323,324,325,335,345,346,347,355,356,357,358,359,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,494 +1353 - 95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +1354 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +1355 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +1356 - 51,52,53,54,55,57,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,235,236,237,238,246,247,248,257,258,259,260,261,280,281,282,283,302,303,304,305,324,325,326,327,346,347,348,349,368,369,370,371,378,379,380,381,382,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,490 +1357 - 34,35,36,37,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,163,164,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,257,270,271,275,276,277,278,279,291,292,293,298,299,300,301,312,313,314,315,320,321,322,323,334,335,336,337,338,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +1358 - 15,16,17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,98,99,100,101,102,103,120,121,122,123,124,141,142,143,144,162,163,164,165,183,184,185,186,187,204,205,206,207,208,226,227,228,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,491 +1359 - 36,37,38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,191,192,193,194,203,204,205,206,207,208,209,213,214,215,216,225,226,227,228,229,230,235,236,237,238,246,247,248,249,250,251,255,256,257,258,259,268,269,270,271,272,278,279,280,281,289,290,291,292,293,294,299,300,301,302,311,312,313,314,315,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +1360 - 56,57,58,59,77,78,79,80,81,82,97,98,99,100,101,103,104,118,119,120,121,122,125,126,139,140,141,142,160,161,162,163,171,181,182,183,184,192,193,203,204,205,213,214,215,224,225,226,234,235,236,237,246,247,255,256,257,258,267,268,269,276,277,278,279,280,289,290,291,296,297,298,299,300,301,302,311,312,313,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,343,344,345,356,357,358,359,360,365,366,367,387,388,408,409,410,430,431,432,451,452,453,454,474,475,494 +1361 - 54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,188,189,190,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,344,345,346,347,348,349,350,351,355,356,366,367,368,369,370,371,372,391,392,393,487 +1362 - 52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,116,117,120,121,122,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,183,184,185,188,189,190,205,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,342,343,344,345,359,360,361,365,366,367,381,382,387,388,389,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +1363 - 55,56,57,58,59,61,62,63,75,76,77,78,79,80,83,84,85,86,96,97,98,99,100,101,102,105,106,107,108,117,118,119,120,121,122,123,124,128,129,130,131,137,138,139,140,141,142,143,144,145,150,151,152,153,158,159,160,161,162,163,164,172,173,174,175,180,181,182,183,184,185,194,195,196,197,201,202,203,204,205,206,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,271,281,282,283,284,288,289,290,291,292,293,294,295,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,427,485 +1364 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,136,137,138,139,143,144,145,146,147,158,159,160,161,165,166,167,168,169,180,181,182,183,188,189,190,191,201,202,203,204,205,210,211,212,213,223,224,225,226,227,228,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,377,378,379,387,388,389,390,399,400,401,402,403,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,476,494 +1365 - 35,36,37,38,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,424,425,426,427,428,429,447,448,449,450,486 +1366 - 7,8,9,10,11,12,28,29,30,31,32,33,49,50,51,52,53,71,72,73,74,92,93,94,95,114,115,116,136,137,138,157,158,159,179,180,181,201,202,203,215,216,223,224,225,233,234,235,236,237,238,239,240,245,246,247,248,254,255,256,257,258,259,260,261,262,263,268,269,270,275,276,277,278,279,280,282,283,284,285,290,291,292,293,297,298,299,305,306,307,312,313,314,315,316,319,320,321,326,327,328,329,335,336,337,338,339,341,342,343,344,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,491 +1367 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,191,192,193,194,195,196,202,203,204,205,206,207,208,209,214,215,216,217,218,223,224,225,226,227,228,229,230,236,237,238,239,240,245,246,247,248,249,250,251,258,259,260,261,262,266,267,268,269,270,271,272,279,280,281,282,283,284,287,288,289,290,291,292,293,294,300,301,302,303,304,305,306,309,310,311,312,313,314,315,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +1368 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,127,128,129,137,138,139,140,141,142,143,144,145,146,149,150,151,158,159,160,161,162,163,164,165,166,167,172,173,180,181,182,183,184,185,186,194,195,196,203,204,205,206,216,217,218,225,226,227,238,239,240,246,247,248,249,259,260,261,262,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,333,334,335,346,347,348,355,356,357,366,367,368,369,370,377,378,379,386,387,388,389,390,391,399,400,401,402,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,467,468,469,470,471,485 +1369 - 33,34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +1370 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,144,145,146,147,159,160,161,166,167,168,169,181,182,183,188,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,434,450,451,452,453,454,455,456,472,473,474,475,476,477,494 +1371 - 36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,191,192,193,194,195,202,203,204,205,206,207,208,209,213,214,215,216,217,223,224,225,226,227,228,229,230,234,235,236,237,238,239,245,246,247,248,249,250,251,256,257,258,259,260,261,267,268,269,270,271,272,278,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,304,310,311,312,313,314,315,320,321,322,323,324,325,326,332,333,334,335,336,337,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,485 +1372 - 53,54,57,58,74,75,76,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,121,122,123,124,125,126,127,128,137,138,139,140,141,143,144,145,146,147,148,149,150,151,159,160,161,162,166,167,168,169,170,171,172,173,180,181,182,183,184,189,190,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,217,218,223,224,225,226,227,235,236,237,238,239,240,245,246,247,248,249,257,258,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,345,346,347,355,356,357,358,359,366,367,368,369,377,378,379,380,381,382,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +1373 - 58,59,60,80,81,82,83,101,102,103,104,105,116,117,123,124,125,126,127,137,138,139,140,145,146,147,148,149,159,160,161,162,166,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,210,211,212,213,225,226,227,228,230,231,232,233,234,235,236,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,471,472,473,489 +1374 - 74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,228,229,230,231,249,250,251,270,271,272,273,292,293,294,314,315,316,317,318,319,320,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,487 +1375 - 56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,473,486 +1376 - 115,116,117,118,137,138,139,140,141,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,228,236,237,247,248,249,250,258,259,269,270,271,272,280,281,282,291,292,293,294,302,303,304,314,315,325,326,337,347,348,369,370,391,392,413,414,435,436,457,458,479,480,492 +1377 - 34,35,36,56,57,58,59,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,254,255,256,257,258,259,268,269,270,271,272,273,276,277,278,279,280,290,291,292,293,294,295,298,299,300,301,302,312,313,314,315,316,320,321,322,323,324,334,335,336,337,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +1378 - 51,52,53,54,55,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,115,116,117,120,121,122,137,138,139,141,142,143,144,159,160,161,163,164,165,166,181,182,183,184,185,186,187,203,204,205,206,207,208,209,226,229,230,231,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,390,407,408,409,410,411,427,428,429,430,431,432,433,447,448,449,450,451,452,453,469,470,471,472,473,488 +1379 - 59,60,61,81,82,83,103,104,105,117,125,126,127,138,139,140,147,148,149,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,489 +1380 - 34,35,36,56,57,58,59,78,79,80,81,82,100,101,102,103,104,123,124,125,133,134,135,145,146,147,148,155,156,157,158,167,168,169,170,176,177,178,179,180,189,190,191,192,193,198,199,200,201,202,212,213,214,215,220,221,222,234,235,236,237,242,243,244,245,255,256,257,258,259,260,264,265,266,267,268,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,346,347,348,368,369,370,371,390,391,392,393,412,413,414,415,435,436,437,458,489 +1381 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,206,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +1382 - 76,77,78,79,80,81,82,83,84,85,86,87,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,179,180,181,182,183,201,202,203,204,223,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,276,277,278,279,290,291,292,299,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,408,409,410,411,412,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +1383 - 75,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,167,168,169,170,171,182,183,184,185,186,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +1384 - 31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,95,96,97,116,117,118,119,138,139,140,141,152,153,161,162,163,164,172,173,174,175,184,185,186,187,192,193,194,195,207,208,209,210,212,213,214,215,216,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,335,336,337,338,341,342,343,344,357,358,359,360,363,364,365,366,379,380,381,382,383,385,386,387,402,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,493 +1385 - 31,32,52,53,54,55,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,163,164,168,169,170,190,191,192,211,212,213,214,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,387,388,389,390,391,392,402,403,404,405,410,411,412,413,414,432,433,434,435,436,455,456,457,458,487 +1386 - 53,54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,143,144,145,146,147,148,149,150,151,159,160,161,162,168,169,170,171,172,173,174,181,182,183,193,194,195,196,202,203,204,216,217,218,223,224,225,226,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,328,332,333,334,335,347,348,349,355,356,357,368,369,370,377,378,379,389,390,391,399,400,401,402,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,485 +1387 - 35,36,37,56,57,58,59,60,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,234,235,236,237,247,248,249,250,251,252,253,256,257,258,259,269,270,271,272,273,274,277,278,279,280,281,290,291,292,293,294,295,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +1388 - 55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,164,168,169,170,171,183,184,185,190,191,192,193,205,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,312,313,314,315,316,320,321,322,334,335,336,337,342,343,344,356,357,358,359,364,365,366,367,378,379,380,381,387,388,389,401,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,493 +1389 - 12,13,14,33,34,35,36,55,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,190,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +1390 - 90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,140,141,142,143,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,338,339,340,360,361,362,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,417,430,431,432,487 +1391 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,143,144,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,400,401,402,403,404,405,409,410,411,412,413,414,423,425,432,433,434,435,487 +1392 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,124,125,126,127,128,134,135,136,137,138,139,140,147,148,149,150,156,157,158,159,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,492 +1393 - 12,13,14,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,166,182,183,184,185,186,187,191,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +1394 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,428,429,430,451,452,453,486 +1395 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,161,162,163,166,167,168,169,188,189,190,191,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,409,410,411,412,413,414,415,416,417,424,425,432,433,434,435,436,437,438,439,458,459,460,487 +1396 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,145,146,147,160,161,162,163,167,168,169,182,183,184,188,189,190,203,204,205,210,211,212,224,225,226,227,231,232,233,234,246,247,248,249,252,253,254,255,256,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +1397 - 7,8,10,11,12,13,27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,138,139,144,145,146,147,165,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,411,412,413,414,415,416,417,422,423,424,425,435,436,437,438,439,487 +1398 - 14,15,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,188,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,319,320,321,322,323,336,337,338,339,340,342,343,344,345,346,358,359,360,361,362,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +1399 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,190,191,192,202,203,204,205,206,207,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,494 +1400 - 68,69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,274,275,276,277,278,279,280,296,297,298,299,300,301,302,318,319,320,321,322,323,324,339,340,341,342,343,344,345,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,492 +1401 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,188,189,190,191,192,201,202,203,204,205,210,211,212,213,214,215,223,224,225,226,227,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,384,385,386,387,388,389,390,406,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,476,494 +1402 - 93,94,113,114,115,116,117,123,124,125,126,127,128,129,130,131,135,136,137,138,139,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,201,202,203,207,208,209,210,223,224,225,229,230,231,232,245,246,247,248,249,251,252,253,254,267,268,269,270,271,272,273,290,291,292,293,294,295,296,297,298,316,317,318,319,320,321,322,323,342,343,344,345,346,366,367,368,388,389,390,410,411,412,431,432,433,434,452,453,454,455,456,473,474,475,476,477,490 +1403 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,148,149,150,151,152,160,161,162,163,164,165,166,170,171,172,173,174,182,183,184,185,186,192,193,194,195,196,203,204,205,206,207,214,215,216,217,224,225,226,227,235,236,237,238,239,245,246,247,248,249,257,258,259,260,266,267,268,269,270,279,280,281,282,288,289,290,291,300,301,302,303,309,310,311,312,313,321,322,323,324,325,331,332,333,334,341,342,343,344,345,346,353,354,355,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,445,446,447,485 +1404 - 35,36,37,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,297,298,299,300,314,315,316,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,451,452,453,454,493 +1405 - 15,16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,83,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,428,486 +1406 - 71,72,73,74,75,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,167,180,181,182,183,184,185,186,204,205,206,207,208,227,228,229,230,231,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,302,320,321,322,323,324,343,344,345,346,358,365,366,367,368,380,381,387,388,389,390,402,403,408,409,410,411,424,425,426,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,476,490 +1407 - 58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,146,149,150,151,162,163,171,172,173,192,193,194,195,214,215,216,235,236,237,238,249,250,251,252,253,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,366,367,368,369,370,374,375,376,377,378,379,380,381,382,389,390,391,392,396,397,398,399,400,401,402,487 +1408 - 73,74,75,94,95,96,97,115,116,117,118,136,137,138,139,150,151,158,159,160,171,172,173,174,180,181,182,192,193,194,195,201,202,203,212,213,214,215,216,217,223,224,225,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,278,279,280,290,291,292,293,294,295,296,300,301,302,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +1409 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,117,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,299,300,301,302,303,304,312,322,323,324,325,326,344,345,346,347,348,365,366,367,368,369,377,378,379,380,381,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +1410 - 55,56,57,58,59,76,77,78,79,80,81,82,96,97,98,99,100,101,103,104,118,119,120,121,139,140,141,142,149,161,162,163,169,170,171,182,183,184,191,192,193,204,205,206,212,213,214,215,225,226,227,233,234,235,247,248,249,253,254,255,256,257,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,471,472,473,494 +1411 - 41,42,62,63,64,65,83,84,85,86,104,105,106,119,120,125,126,127,128,140,141,142,143,146,147,148,149,162,163,164,167,168,169,170,183,184,185,186,188,189,190,191,205,206,207,210,211,212,226,227,228,229,231,232,233,239,240,241,247,248,249,250,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,332,333,334,335,336,337,338,339,340,359,360,361,380,381,382,383,402,403,404,424,425,446,447,489 +1412 - 74,75,76,77,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,146,147,148,149,161,162,163,168,169,170,183,184,189,190,191,192,204,205,206,211,212,213,226,227,228,233,234,235,248,249,254,255,256,257,269,270,271,276,277,278,291,292,293,298,299,300,314,320,321,322,341,342,343,344,363,364,365,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +1413 - 98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,182,183,184,185,204,205,206,226,227,228,229,230,231,232,249,250,251,252,253,254,255,273,274,275,276,277,278,298,299,300,301,320,321,322,323,334,335,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,422,423,424,425,490 +1414 - 9,10,30,31,32,33,52,53,54,72,73,74,75,94,95,96,115,116,117,118,128,137,138,139,147,148,149,150,151,158,159,160,161,168,169,170,171,172,173,174,180,181,182,183,188,189,190,191,192,193,194,195,196,202,203,204,210,211,212,213,215,216,217,218,223,224,225,226,231,232,233,234,237,238,239,240,245,246,247,248,253,254,255,259,260,261,267,268,269,270,274,275,276,277,280,281,282,283,289,290,291,292,296,297,298,301,302,303,304,311,312,313,314,318,319,320,323,324,325,334,335,336,340,341,342,344,345,346,356,357,358,359,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +1415 - 13,14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,248,249,250,251,270,271,272,279,280,292,293,294,298,299,300,301,302,303,304,313,314,315,316,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +1416 - 118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,177,178,179,180,181,182,189,190,191,192,193,198,199,200,201,212,213,214,215,220,221,235,236,237,257,258,259,279,280,281,302,303,324,325,346,347,368,369,390,391,412,413,433,434,435,455,456,457,476,477,478,479,492 +1417 - 116,117,118,119,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,212,213,214,215,216,224,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,492 +1418 - 11,12,13,14,32,33,34,35,36,54,55,56,57,75,76,77,78,79,97,98,99,100,118,119,120,140,141,142,161,162,163,183,184,185,191,205,206,211,212,213,214,215,226,227,228,232,233,234,235,236,237,238,248,249,250,253,254,255,258,259,260,270,271,272,274,275,276,281,282,283,292,293,294,296,297,303,304,314,315,316,318,319,320,321,324,325,326,337,338,339,341,342,343,345,346,347,359,360,361,362,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +1419 - 36,37,38,39,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,104,105,106,107,120,121,122,126,127,128,129,142,143,144,147,148,149,151,164,165,166,168,169,170,171,186,187,188,190,191,192,209,210,211,212,213,231,232,233,234,235,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,341,342,343,356,357,358,359,360,362,363,364,365,378,379,380,381,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +1420 - 27,28,29,30,47,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,124,125,126,135,136,137,138,157,158,159,163,164,165,166,167,178,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,233,234,235,236,237,244,245,246,247,248,249,250,257,258,259,260,267,268,269,270,279,280,281,282,283,302,303,304,305,325,326,327,328,347,348,349,350,356,357,358,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,490 +1421 - 99,100,101,102,103,104,107,108,120,121,122,123,124,125,126,129,130,141,142,143,144,145,147,148,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,278,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,403,404,405,424,425,426,446,447,448,468,469,494 +1422 - 69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,470,471,472,473,492 +1423 - 84,85,86,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,212,213,214,215,224,225,226,227,228,229,234,235,236,237,245,246,247,248,249,255,256,257,258,267,268,269,270,276,277,278,279,288,289,290,291,298,299,300,301,309,310,311,312,318,319,320,321,322,323,331,332,333,334,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,485 +1424 - 8,9,10,11,12,13,29,30,31,32,50,51,52,72,73,74,93,94,95,115,116,117,136,137,138,139,158,159,160,180,181,182,202,203,204,224,225,226,235,236,237,246,247,248,255,256,257,258,259,260,268,269,270,277,278,279,280,281,282,290,291,292,298,299,300,303,304,305,312,313,314,315,320,321,322,325,326,327,335,336,337,342,343,344,346,347,348,357,358,359,360,361,362,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,491 +1425 - 58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,449,468,469,470,486 +1426 - 96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,144,145,146,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,208,209,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,299,300,320,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +1427 - 60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,217,231,232,233,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,369,374,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,487 +1428 - 48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,91,92,93,94,95,97,98,99,100,120,121,122,142,143,144,162,163,164,165,166,167,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,233,234,235,236,256,257,258,259,279,280,281,302,303,314,324,325,336,346,347,348,357,358,367,368,369,379,380,388,389,390,391,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +1429 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,276,277,278,279,280,291,292,293,300,301,302,322,323,324,343,344,345,346,364,365,366,367,375,376,377,386,387,388,389,396,397,398,399,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +1430 - 102,103,104,105,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,202,203,204,205,206,207,223,224,225,226,227,228,245,246,247,248,249,250,251,252,253,267,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,319,320,321,322,342,343,344,345,364,365,366,367,384,385,386,387,388,389,401,402,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,470,471,490 +1431 - 63,64,65,84,85,86,105,106,107,108,126,127,128,129,148,149,150,151,169,170,171,172,180,181,182,183,191,192,193,202,203,204,212,213,214,215,216,223,224,225,226,233,234,235,236,237,238,239,240,244,245,246,247,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,468,469,470,489 +1432 - 44,45,46,47,48,49,50,51,66,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,303,304,318,319,320,321,322,323,324,325,326,327,344,345,346,347,348,349,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,488 +1433 - 127,128,129,130,131,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,205,206,207,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,275,276,277,278,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,490 +1434 - 54,55,56,57,58,76,77,78,79,80,81,97,98,99,100,102,103,118,119,120,121,122,125,126,140,141,142,147,148,161,162,163,168,169,170,183,184,185,189,190,191,205,206,207,211,212,213,228,229,230,232,233,234,251,252,253,254,255,274,275,276,277,296,297,298,299,300,317,318,319,321,322,338,339,340,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,404,405,406,409,410,411,426,427,428,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +1435 - 16,17,18,19,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,227,228,229,230,248,249,250,251,269,270,271,272,291,292,293,294,300,313,314,315,319,320,321,322,323,335,336,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +1436 - 51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,139,140,141,144,145,146,147,148,165,166,167,168,169,187,188,189,190,207,208,209,210,211,229,230,231,232,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,488 +1437 - 96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,169,170,171,172,173,174,177,178,179,180,181,182,193,194,195,196,199,200,201,202,203,215,216,217,218,236,237,238,239,240,256,257,258,259,260,261,278,279,280,281,282,283,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +1438 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,103,104,105,114,115,125,126,127,147,148,149,169,170,171,190,191,192,193,212,213,214,233,234,235,254,255,256,275,276,277,296,297,298,299,316,317,318,319,320,337,338,339,340,358,359,360,361,378,379,380,381,382,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,444,445,446,447,448,458,459,487 +1439 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,119,120,121,122,129,130,141,142,143,151,152,162,163,164,165,171,172,173,174,185,186,187,192,193,194,195,196,207,208,209,213,214,215,216,217,229,230,231,233,234,235,236,237,238,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,294,295,296,297,298,299,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,377,378,379,380,383,384,385,399,400,401,404,405,406,407,420,421,422,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +1440 - 83,84,85,91,92,93,105,106,107,112,113,114,115,126,127,128,134,135,136,148,149,150,156,157,158,170,171,172,177,178,179,192,193,199,200,201,214,215,221,222,223,236,237,239,240,243,244,258,259,260,261,262,265,266,267,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,324,325,326,346,347,348,368,369,370,390,391,392,413,414,415,434,435,436,456,457,458,489 +1441 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,146,147,148,160,161,162,163,167,168,169,170,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,494 +1442 - 63,64,65,83,84,85,86,87,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,185,186,187,188,206,207,208,209,227,228,229,230,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,311,312,316,317,318,319,320,321,322,333,334,341,342,343,344,355,356,362,363,364,365,377,378,379,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,490 +1443 - 60,61,62,63,81,82,83,84,85,86,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,170,171,172,173,174,183,184,185,186,187,188,192,193,194,195,203,204,205,206,207,208,209,214,215,216,225,226,227,228,229,230,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,288,289,290,291,292,300,301,302,303,310,311,312,313,314,322,323,324,325,331,332,333,334,335,343,344,345,346,353,354,355,356,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,445,446,447,448,449,485 +1444 - 6,7,8,9,10,27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,76,77,78,79,99,100,101,102,122,123,124,145,146,147,167,168,169,170,190,191,192,213,214,215,235,236,237,249,250,251,257,258,259,260,270,271,272,273,274,275,279,280,281,282,292,293,294,295,296,297,298,301,302,303,304,314,315,316,319,320,321,323,324,325,336,337,338,342,343,344,345,346,347,358,359,360,361,365,366,367,368,381,382,383,384,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,487 +1445 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,447,448,449,469,470,471,486 +1446 - 78,79,80,93,94,95,100,101,102,115,116,117,122,123,124,125,136,137,138,144,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,211,212,213,224,225,226,232,233,234,235,246,247,248,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,320,321,322,323,336,337,338,342,343,344,345,365,366,367,386,387,388,389,408,409,410,411,431,432,433,453,454,455,475,476,477,489 +1447 - 78,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,128,144,145,146,147,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,313,314,315,316,317,318,319,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,347,348,349,352,353,354,355,356,357,358,359,360,370,371,374,375,376,377,378,379,397,398,399,487 +1448 - 26,27,28,29,47,48,49,50,51,69,70,71,72,73,91,92,93,94,95,113,114,115,116,117,135,136,137,138,139,157,158,159,160,161,171,172,173,174,178,179,180,181,182,183,193,194,195,196,200,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,249,250,251,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,347,348,349,350,351,362,363,364,369,370,371,372,373,391,392,393,394,395,413,414,415,416,417,436,437,438,439,459,460,489 +1449 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,139,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,258,259,260,261,268,269,270,280,281,282,283,302,303,304,305,323,324,325,326,344,345,346,347,348,352,353,354,365,366,367,368,369,374,375,376,377,378,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +1450 - 31,32,33,53,54,55,56,75,76,77,78,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,431,450,451,452,486 +1451 - 97,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,149,150,151,152,158,159,160,161,162,163,171,172,173,180,181,182,183,184,192,193,194,195,203,204,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,492 +1452 - 31,32,52,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,166,185,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,388,408,409,410,430,431,432,433,453,454,455,486 +1453 - 56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,106,107,108,109,119,120,121,122,123,127,128,129,130,131,140,141,142,143,149,150,151,152,162,163,164,171,172,173,174,184,185,186,191,192,193,194,206,207,208,209,212,213,214,215,228,229,230,231,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,464,465,466,467,468,469,493 +1454 - 29,30,31,32,33,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,98,99,100,101,102,116,117,122,123,124,125,137,138,139,145,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,193,203,204,205,213,214,215,225,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,280,281,282,292,293,294,302,303,304,314,315,316,324,325,326,336,337,338,339,346,347,348,359,360,361,368,369,370,381,382,383,384,389,390,391,392,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,485 +1455 - 101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,148,149,163,164,165,169,170,171,184,185,186,190,191,192,193,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,275,276,277,296,297,298,317,318,319,337,338,339,340,359,360,361,380,381,382,401,402,403,423,424,425,444,445,446,466,467,494 +1456 - 12,13,14,15,16,33,34,35,36,37,38,54,55,56,57,58,59,75,76,77,78,79,97,98,99,100,101,118,119,120,121,139,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,229,233,234,235,236,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +1457 - 58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,105,106,118,119,120,121,122,123,127,128,139,140,141,142,148,149,150,161,162,163,169,170,171,172,183,184,185,191,192,193,206,207,208,211,212,213,214,228,229,230,231,233,234,235,251,252,253,254,255,256,274,275,276,277,295,296,297,298,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,493 +1458 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,486 +1459 - 100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,161,162,163,164,165,169,170,171,172,182,183,184,185,186,190,191,192,193,194,195,204,205,206,207,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,402,403,404,405,424,425,426,427,445,446,447,466,467,468,469,494 +1460 - 59,60,68,69,80,81,82,89,90,91,102,103,104,112,113,125,126,134,135,136,147,148,149,156,157,158,169,170,171,178,179,180,191,192,193,200,201,202,203,213,214,215,222,223,224,225,235,236,237,244,245,246,247,257,258,259,267,268,269,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,346,347,368,369,370,390,391,392,412,413,414,434,435,436,457,458,459,479,480,481,489 +1461 - 39,40,41,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,182,183,184,185,187,188,189,190,203,204,205,206,208,209,210,211,218,219,225,226,227,228,230,231,232,233,239,240,241,246,247,248,249,251,252,253,254,255,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,336,337,338,339,358,359,360,380,381,382,401,402,403,423,424,445,446,489 +1462 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,147,148,159,160,161,162,163,169,170,171,172,180,181,182,183,191,192,193,194,202,203,204,212,213,214,215,223,224,225,232,233,234,235,236,237,245,246,247,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,279,280,289,290,291,292,293,294,295,296,297,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +1463 - 59,60,61,80,81,82,83,102,103,104,123,124,125,126,145,146,147,166,167,168,183,187,188,189,190,205,209,210,211,212,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,486 +1464 - 33,34,35,36,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,123,124,125,140,141,145,146,147,162,163,167,168,169,184,185,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,318,320,321,322,337,338,339,342,343,344,358,359,360,364,365,366,380,381,386,387,402,403,404,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,493 +1465 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,127,128,138,139,140,141,142,148,149,150,160,161,162,163,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,318,319,320,339,340,341,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,494 +1466 - 5,6,7,8,9,10,27,28,29,30,31,32,48,49,50,51,52,53,54,70,71,72,73,74,75,91,92,93,94,95,96,97,113,114,115,116,117,118,135,136,137,138,139,140,157,158,159,160,161,162,172,179,180,181,182,183,191,192,193,194,195,196,201,202,203,204,205,210,211,212,213,214,215,216,217,218,219,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,491 +1467 - 64,65,83,84,85,86,87,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,142,143,144,145,146,163,164,165,166,183,184,185,186,187,205,206,207,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,276,277,278,298,299,300,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,400,401,402,403,404,490 +1468 - 76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,162,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,249,250,251,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,343,344,345,364,365,366,367,386,387,388,407,408,409,410,427,428,429,430,431,447,448,449,450,451,452,467,468,469,470,471,472,490 +1469 - 54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,104,105,106,118,119,125,126,127,128,147,148,149,150,168,169,170,171,188,189,190,191,192,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,278,279,280,281,282,291,292,293,302,303,304,323,324,325,326,344,345,346,347,352,353,354,355,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,488 +1470 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,77,78,79,80,91,92,93,94,95,100,101,102,103,115,116,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,227,228,229,230,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,296,297,298,299,319,320,321,322,323,343,344,345,346,366,367,368,369,389,390,391,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,488 +1471 - 36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,147,148,149,150,151,152,161,162,163,164,165,166,169,170,171,172,173,174,183,184,185,186,187,192,193,194,195,196,203,204,205,206,207,208,215,216,217,218,225,226,227,228,229,237,238,239,240,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,279,280,281,282,283,289,290,291,292,300,301,302,303,304,310,311,312,313,320,321,322,323,324,325,331,332,333,334,335,342,343,344,345,346,347,353,354,355,356,357,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +1472 - 29,30,31,32,51,52,53,54,55,73,74,75,76,77,96,97,98,99,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +1473 - 38,39,59,60,61,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,184,187,188,189,190,205,206,207,209,210,211,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,316,317,318,337,338,339,359,360,361,380,381,382,402,403,423,424,425,445,446,489 +1474 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,100,101,102,113,114,115,116,122,123,124,136,137,143,144,145,165,166,167,186,187,188,207,208,209,210,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,278,279,280,281,301,302,303,323,324,325,345,346,347,366,367,368,387,388,389,408,409,410,411,422,423,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +1475 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,107,108,120,121,122,128,129,130,131,141,142,143,149,150,151,152,153,162,163,164,170,171,172,173,184,185,186,191,192,193,206,207,212,213,214,228,229,230,233,234,235,250,251,252,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,426,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +1476 - 52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,102,103,104,118,119,123,124,125,126,140,144,145,146,147,165,166,167,168,187,188,189,209,210,211,232,233,254,255,256,277,278,299,300,320,321,322,342,343,344,363,364,365,384,385,386,387,404,405,406,407,408,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,488 +1477 - 60,61,62,81,82,83,102,103,104,105,120,121,124,125,126,127,141,142,143,145,146,147,148,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,197,205,206,207,209,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,270,271,272,273,274,275,276,277,278,279,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,379,380,381,382,400,401,402,403,422,423,424,425,443,444,445,446,465,466,467,489 +1478 - 9,10,11,12,13,14,15,34,35,36,37,38,58,59,60,61,81,82,83,103,104,105,106,126,127,128,148,149,150,170,171,172,192,193,194,214,215,216,235,236,237,256,257,258,259,267,268,269,270,271,272,273,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,340,341,342,343,344,345,346,347,354,355,356,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,487 +1479 - 61,62,63,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,191,192,193,194,195,202,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,235,236,237,238,246,247,248,257,258,259,260,267,268,269,270,278,279,280,281,282,288,289,290,291,292,300,301,302,303,310,311,312,313,321,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,357,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,469,470,471,485 +1480 - 68,69,70,90,91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,217,218,228,229,230,231,232,233,234,235,236,237,238,239,240,256,257,258,259,260,261,262,277,278,279,280,281,282,283,284,297,298,299,300,301,302,303,304,305,306,318,319,320,321,322,323,324,325,326,327,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,472,473,492 +1481 - 131,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,209,210,211,225,226,227,228,232,246,247,248,249,250,251,268,269,270,271,272,273,274,275,291,292,293,295,296,297,298,318,319,320,338,339,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,402,403,404,405,490 +1482 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,138,139,140,141,142,160,161,162,163,182,183,184,185,186,204,205,206,207,208,209,227,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,297,298,299,300,320,321,322,323,343,344,345,363,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,490 +1483 - 58,59,60,79,80,81,82,101,102,103,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,445,446,447,467,468,469,486 +1484 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,104,105,106,115,116,117,118,127,128,129,137,138,139,140,149,150,151,159,160,161,162,163,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,203,204,205,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,250,251,252,253,254,255,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,312,313,314,315,319,320,321,333,334,335,336,341,342,343,344,356,357,358,359,364,365,366,379,380,381,382,386,387,388,389,402,403,404,405,406,409,410,411,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,474,475,476,477,493 +1485 - 105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,182,183,184,185,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,251,252,253,254,255,256,273,274,275,276,277,278,298,299,300,320,321,322,324,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,425,426,427,490 +1486 - 6,7,8,9,10,28,29,30,31,32,33,34,51,52,54,55,56,57,77,78,79,100,101,102,123,124,145,146,147,166,167,168,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,252,253,254,255,256,276,277,278,279,299,300,301,322,323,324,344,345,346,366,367,368,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,488 +1487 - 64,65,72,73,85,86,87,106,107,108,127,128,129,130,139,140,148,149,150,151,160,161,162,169,170,171,172,182,183,184,191,192,193,203,204,205,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,294,295,296,297,298,299,300,319,320,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,447,448,449,450,469,470,471,472,489 +1488 - 8,9,10,11,30,31,32,33,51,52,53,54,73,74,75,94,95,96,116,117,118,138,139,159,160,161,181,182,183,203,204,210,211,212,213,214,215,225,226,231,232,233,234,235,236,237,238,247,248,252,253,254,255,256,257,258,259,260,269,270,274,275,276,277,280,281,282,283,291,292,296,297,303,304,305,313,314,317,318,319,324,325,326,335,336,337,338,339,340,341,342,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +1489 - 79,80,81,85,86,87,98,99,100,101,102,103,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,190,191,192,193,194,195,196,203,204,205,206,213,214,215,216,217,224,225,226,227,228,235,236,237,238,239,240,245,246,247,248,249,257,258,259,260,261,262,266,267,268,269,270,271,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,298,299,300,301,302,303,304,305,310,311,312,313,314,315,320,321,322,323,324,325,326,332,333,334,335,336,337,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,485 +1490 - 51,52,53,54,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,138,139,140,160,161,162,163,182,183,184,185,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,279,280,292,293,294,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,399,400,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,490 +1491 - 98,99,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,147,148,149,162,163,164,165,168,169,170,184,185,189,190,191,210,211,212,213,232,233,234,235,254,255,275,276,277,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,468,469,470,492 +1492 - 9,10,11,31,32,33,34,54,55,56,76,77,78,98,99,100,121,122,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,315,316,317,319,320,321,322,323,324,325,326,337,338,339,341,342,343,345,346,347,348,359,360,361,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,487 +1493 - 12,13,14,15,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,226,227,228,234,235,236,237,248,249,250,255,256,257,258,259,270,271,272,276,277,278,279,280,281,292,293,294,297,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,325,336,337,338,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,404,405,406,407,491 +1494 - 6,7,8,9,10,27,28,29,49,50,51,70,71,72,73,92,93,94,114,115,116,136,137,138,158,159,160,180,181,182,192,202,203,204,210,211,212,213,214,215,216,224,225,226,231,232,233,234,236,237,238,239,246,247,248,253,254,255,258,259,260,261,268,269,270,271,274,275,276,281,282,283,291,292,293,296,297,298,299,303,304,305,313,314,315,316,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +1495 - 58,59,60,61,62,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,255,256,257,258,259,260,267,268,269,270,271,272,278,279,280,281,282,288,289,290,291,292,300,301,302,303,304,310,311,312,313,314,321,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,357,358,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +1496 - 56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,429,447,448,449,450,451,470,471,472,486 +1497 - 57,58,59,60,61,62,79,80,81,82,83,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,466,467,468,486 +1498 - 51,52,72,73,74,94,95,96,116,117,137,138,139,145,159,160,161,166,167,168,181,182,183,188,189,190,203,204,210,211,212,225,226,227,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,298,299,300,320,321,322,342,343,344,364,365,366,387,388,408,409,410,431,432,433,453,454,455,456,476,477,489 +1499 - 101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,190,191,192,193,204,205,207,211,212,213,214,215,232,233,234,235,253,254,255,256,257,276,277,278,297,298,299,300,301,314,315,318,319,320,321,322,323,338,339,340,341,342,343,344,345,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +1500 - 98,99,100,101,102,103,119,120,121,122,124,125,126,140,141,142,147,148,161,162,163,169,170,183,184,191,192,205,206,207,208,209,210,211,213,214,227,228,229,230,231,232,233,234,235,236,254,255,256,257,276,277,278,298,299,320,321,342,343,363,364,365,385,386,407,408,428,429,430,450,451,452,471,472,473,494 +1501 - 57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,149,150,151,152,153,160,161,162,163,164,165,170,171,172,173,174,175,182,183,184,185,186,192,193,194,195,196,202,203,204,205,206,211,212,214,215,216,217,223,224,225,226,227,228,233,234,236,237,238,244,245,246,247,248,249,255,256,257,259,260,261,266,267,268,269,270,276,277,278,282,289,290,297,298,299,300,301,302,303,304,310,311,312,313,319,320,321,322,323,324,325,326,332,333,334,335,341,342,343,344,345,346,354,355,356,357,358,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,485 +1502 - 31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,121,122,123,124,125,126,127,137,138,139,140,145,146,147,148,149,158,159,160,161,168,169,170,171,172,180,181,182,183,191,192,193,194,202,203,204,205,214,215,216,217,223,224,225,226,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,270,280,281,282,283,290,291,292,302,303,304,305,312,313,314,315,323,324,325,326,327,334,335,336,337,345,346,347,348,356,357,358,359,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +1503 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,185,186,187,188,207,208,209,210,228,229,230,231,249,250,251,252,254,255,256,257,270,271,272,273,276,277,278,279,280,291,292,293,294,295,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +1504 - 7,8,28,29,30,50,51,52,71,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,170,181,182,183,184,189,190,191,192,193,203,204,205,206,210,211,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,258,259,260,261,269,270,271,272,273,274,275,276,281,282,283,284,291,292,293,294,295,296,297,298,303,304,305,306,314,315,316,317,318,319,320,324,325,326,327,336,337,338,339,340,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +1505 - 56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,107,108,109,117,118,119,120,121,128,129,130,131,139,140,141,142,149,150,151,152,153,161,162,163,170,171,172,173,174,183,184,191,192,193,194,205,206,207,213,214,215,226,227,228,229,230,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,315,316,317,318,319,320,334,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,382,383,398,399,400,401,403,404,405,406,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,472,493 +1506 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,210,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,276,277,278,279,294,295,296,299,300,301,316,317,318,321,322,323,338,339,340,343,344,345,360,361,362,365,366,367,382,383,384,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,491 +1507 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,126,127,139,140,141,142,143,148,149,160,161,162,163,170,171,172,182,183,184,190,191,192,193,204,205,211,212,213,214,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,360,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,467,468,469,470,494 +1508 - 52,53,73,74,75,81,82,95,96,97,103,104,117,118,119,124,125,126,138,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,203,204,205,206,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,453,454,455,475,476,477,489 +1509 - 82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,119,120,123,124,125,126,127,128,140,141,142,146,147,161,162,163,164,182,183,184,185,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,490 +1510 - 32,33,34,35,36,37,52,53,54,55,56,58,59,60,73,74,75,76,81,82,95,96,97,103,104,125,126,146,147,148,168,169,170,190,191,192,211,212,213,233,234,235,255,256,276,277,278,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,361,362,363,364,379,380,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,429,430,431,447,452,453,454,487 +1511 - 41,42,61,62,63,64,65,82,83,84,85,104,105,106,124,125,126,127,140,141,146,147,148,149,161,162,163,167,168,169,181,182,183,184,188,189,190,191,202,203,204,205,209,210,211,212,223,224,225,226,230,231,232,233,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,357,358,359,360,379,380,381,401,402,422,423,424,444,445,489 +1512 - 32,33,34,35,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,232,233,234,249,250,251,252,254,255,256,257,270,271,272,273,274,276,277,278,292,293,294,295,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +1513 - 102,103,104,105,106,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,169,170,171,172,179,180,181,182,183,184,185,186,191,192,193,194,201,202,203,204,205,212,213,214,215,216,223,224,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,492 +1514 - 77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,136,137,138,139,140,157,158,159,160,179,180,181,201,202,203,204,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,271,272,277,278,279,280,300,301,302,321,322,323,324,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,427,428,429,430,431,448,449,450,451,452,470,471,472,473,490 +1515 - 16,17,18,37,38,39,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,249,250,251,270,271,272,277,278,279,280,292,293,294,298,299,300,301,302,303,313,314,315,316,319,320,321,322,323,324,335,336,337,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +1516 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,138,139,140,141,142,143,144,160,161,162,163,164,183,184,185,186,206,207,208,209,229,230,231,232,251,252,253,254,255,256,274,275,276,277,278,297,298,299,300,301,320,321,322,323,335,336,342,343,344,345,357,358,364,365,366,367,379,380,381,386,387,388,389,401,402,403,404,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,490 +1517 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,146,147,148,149,150,151,160,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,191,192,193,194,195,202,203,204,205,206,207,213,214,215,216,217,223,224,225,226,227,228,235,236,237,238,244,245,246,247,248,249,257,258,259,260,266,267,268,269,270,278,279,280,281,282,288,289,290,291,292,299,300,301,302,303,309,310,311,312,313,320,321,322,323,324,325,331,332,333,334,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,444,445,446,447,485 +1518 - 114,115,116,117,118,119,120,135,136,137,138,139,140,141,142,143,156,157,158,159,160,161,162,163,164,165,166,167,178,179,180,181,187,188,189,190,200,201,202,209,210,211,212,213,222,223,224,230,231,232,233,234,235,244,245,246,247,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,278,279,280,281,289,290,291,292,293,294,295,296,297,301,302,303,312,313,314,315,316,317,318,323,324,325,326,345,346,347,348,349,368,369,370,371,372,373,392,393,394,395,414,415,416,417,494 +1519 - 57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,126,127,128,129,141,142,143,147,148,149,150,163,164,165,168,169,170,171,185,186,187,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,355,356,357,358,360,361,362,376,377,378,379,381,382,383,384,398,399,400,402,403,404,405,420,421,422,423,424,425,426,427,442,443,444,445,446,447,464,465,466,467,468,493 +1520 - 8,9,10,11,30,31,32,33,52,53,54,74,75,76,96,97,98,118,119,120,140,141,142,161,162,163,183,184,185,205,206,207,227,228,229,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,279,280,281,293,294,295,296,297,301,302,303,304,315,316,317,318,324,325,326,338,339,340,341,346,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,491 +1521 - 54,58,59,60,61,80,81,82,83,102,103,104,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,470,486 +1522 - 104,124,125,126,127,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,193,194,198,199,200,201,202,203,204,205,215,216,220,221,222,223,237,238,242,243,256,259,260,261,264,265,266,267,274,275,276,277,278,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,304,305,314,315,316,317,318,326,327,348,349,370,371,392,393,414,415,436,437,458,459,481,494 +1523 - 102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,169,170,171,179,180,181,182,183,184,185,186,190,191,192,193,201,202,203,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,445,446,447,448,467,468,469,492 +1524 - 36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,118,119,120,121,139,140,141,142,161,162,163,183,184,185,205,206,207,227,228,229,230,249,250,251,252,253,272,273,274,275,276,295,296,297,298,299,318,319,320,321,322,341,342,343,344,364,365,366,367,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,490 +1525 - 102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,169,170,171,172,182,183,184,185,186,191,192,193,203,204,205,212,213,214,215,225,226,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,467,468,469,470,492 +1526 - 50,51,52,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,158,159,160,163,164,165,166,179,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,252,253,254,255,256,257,258,259,260,266,267,268,269,270,278,279,280,281,282,283,288,289,290,291,302,303,304,305,306,311,312,324,325,326,327,328,347,348,349,350,370,371,372,392,393,394,395,408,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,469,470,471,472,473,474,475,476,490 +1527 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +1528 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,472,473,474,475,486 +1529 - 54,55,56,57,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,118,119,120,123,124,125,126,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,339,340,341,342,343,344,352,353,354,355,356,359,360,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,406,421,422,423,424,425,488 +1530 - 31,32,33,35,36,37,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,81,82,83,84,94,95,96,97,99,100,104,105,106,116,117,118,127,128,129,137,138,139,149,150,151,152,159,160,161,172,173,174,181,182,183,194,195,196,202,203,204,217,218,224,225,226,239,240,245,246,247,261,262,267,268,269,282,283,284,289,290,291,304,305,306,310,311,312,313,325,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +1531 - 120,121,122,123,124,125,142,143,144,145,146,147,148,164,165,166,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,239,240,241,252,253,254,255,259,260,261,262,263,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,354,355,356,357,358,487 +1532 - 50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,124,125,126,127,128,136,137,138,148,149,150,157,158,159,160,170,171,172,173,179,180,181,182,193,194,195,201,202,203,204,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,325,326,327,333,334,335,336,346,347,348,356,357,358,367,368,369,370,378,379,380,381,388,389,390,391,400,401,402,403,404,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +1533 - 36,57,58,59,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,119,120,121,122,125,126,127,128,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,279,280,281,282,292,293,294,300,301,302,303,322,323,324,342,343,344,345,346,363,364,365,366,367,374,375,376,377,378,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,446,447,488 +1534 - 72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,129,130,133,134,135,136,146,147,148,149,150,151,152,155,156,157,158,168,169,170,171,172,173,174,177,178,179,180,181,182,190,191,192,193,194,201,202,203,204,205,211,212,213,214,224,225,226,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,323,337,338,339,340,343,344,345,346,359,360,361,367,368,369,370,380,381,382,390,391,392,403,404,405,406,413,414,415,426,427,428,429,430,435,436,437,449,450,451,452,453,454,455,456,457,458,459,475,476,477,478,479,480,493 +1535 - 81,82,83,84,85,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,171,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,313,314,315,316,317,318,333,334,335,336,337,338,339,355,356,357,358,359,360,377,378,379,380,381,399,400,401,402,486 +1536 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,79,80,81,95,96,97,101,102,117,118,119,123,124,138,139,140,160,161,162,181,182,183,203,204,205,225,226,227,246,247,248,249,268,269,270,277,278,279,280,290,291,292,297,298,299,300,301,302,303,313,314,315,318,319,320,321,323,324,325,326,335,336,337,340,341,347,348,349,357,358,359,360,361,362,363,369,370,380,381,382,383,384,385,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,491 +1537 - 62,63,64,83,84,85,103,104,105,106,118,125,126,127,128,139,140,141,146,147,148,149,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,203,204,205,206,210,211,212,213,216,217,218,224,225,226,227,231,232,233,234,237,238,239,240,241,245,246,247,248,249,253,254,255,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,466,467,489 +1538 - 9,10,30,31,32,33,51,52,53,54,55,56,73,74,75,76,77,94,95,96,97,115,116,117,118,137,138,139,145,146,147,148,149,150,151,159,160,161,166,167,168,169,170,171,172,173,174,180,181,182,183,187,188,189,190,191,192,193,194,195,196,202,203,204,208,209,210,211,212,217,218,219,224,225,226,229,230,231,232,233,240,241,246,247,248,250,251,252,253,254,262,263,268,269,270,272,273,274,275,283,284,290,291,292,293,294,295,296,304,305,312,313,314,315,316,317,324,325,326,327,334,335,336,337,338,339,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,423,424,425,491 +1539 - 77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,143,144,149,150,151,170,171,172,173,192,193,194,195,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,335,336,337,338,339,340,345,346,347,348,352,353,354,355,356,357,358,359,360,361,374,375,376,377,378,379,380,381,397,398,399,400,487 +1540 - 10,11,12,13,14,15,31,32,33,34,36,37,52,53,54,55,56,74,75,76,77,95,96,97,98,117,118,119,120,139,140,141,161,162,163,183,184,185,204,205,206,207,226,227,228,229,248,249,250,251,256,257,270,271,272,273,276,277,278,279,280,293,294,295,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +1541 - 41,42,43,62,63,64,65,83,84,85,86,104,105,106,107,125,126,127,128,146,147,148,149,162,163,167,168,169,170,183,184,185,186,188,189,190,191,204,205,206,207,209,210,211,212,225,226,227,228,230,231,232,233,235,236,237,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,336,337,338,357,358,359,377,378,379,380,399,400,401,420,421,422,442,443,489 +1542 - 56,57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,148,149,161,162,163,171,172,183,184,185,186,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,364,365,366,381,382,383,384,386,387,388,403,404,405,406,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,493 +1543 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,103,104,105,106,118,119,120,121,127,128,139,140,141,142,148,149,150,161,162,163,164,169,170,171,172,184,185,186,191,192,193,206,207,208,211,212,213,214,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,493 +1544 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,452,453,454,474,475,486 +1545 - 59,60,61,80,81,82,101,102,103,123,124,125,144,145,146,162,163,166,167,168,183,184,185,187,188,189,205,206,207,209,210,211,226,227,228,230,231,232,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,338,339,340,360,361,362,381,382,383,403,404,424,425,426,446,447,467,468,469,489 +1546 - 50,51,71,72,73,74,93,94,95,96,104,105,115,116,117,125,126,127,137,138,139,147,148,149,159,160,161,169,170,171,180,181,182,183,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,489 +1547 - 103,104,105,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,165,166,167,168,169,170,181,182,183,189,190,191,192,210,211,212,213,232,233,234,253,254,255,256,275,276,277,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,467,468,469,470,492 +1548 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,486 +1549 - 82,83,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,150,151,152,172,173,174,193,194,195,214,215,216,217,235,236,237,238,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,364,365,366,375,376,377,378,379,380,381,387,388,398,399,400,401,487 +1550 - 32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,125,126,127,128,129,141,146,147,148,149,150,151,167,168,169,170,171,172,188,189,190,191,192,193,194,208,209,210,211,212,213,214,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,312,313,314,315,316,317,318,322,323,324,325,326,327,333,334,335,336,337,338,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,413,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,487 +1551 - 13,14,34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,81,82,83,98,99,100,101,103,104,105,125,126,127,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,255,256,257,258,259,270,271,272,273,279,280,281,282,301,302,303,321,322,323,324,325,342,343,344,345,346,354,355,356,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,488 +1552 - 76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,145,146,160,161,162,163,164,166,167,168,181,182,183,184,188,189,190,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,277,278,279,298,299,300,320,321,322,343,344,345,364,365,366,387,388,408,409,410,430,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,494 +1553 - 13,14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,166,184,185,186,187,206,207,208,227,228,229,249,250,251,271,272,273,293,294,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +1554 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,228,229,230,231,232,249,250,251,252,253,254,271,272,273,275,276,277,292,293,294,295,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,363,364,365,386,387,408,409,430,431,432,452,453,454,474,475,476,489 +1555 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,161,162,163,164,169,170,171,172,182,183,184,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,276,277,278,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +1556 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,148,157,158,159,160,161,180,181,182,183,184,185,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,363,364,365,366,367,368,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,490 +1557 - 15,16,17,37,38,58,59,60,79,80,81,101,102,103,122,123,124,143,144,145,164,165,166,186,187,188,206,207,208,209,227,228,229,230,249,250,251,255,256,257,270,271,272,274,275,276,277,278,279,280,292,293,295,296,297,298,300,301,302,314,315,316,317,318,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,381,382,383,384,385,403,404,405,406,491 +1558 - 6,7,8,9,10,27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,123,124,125,126,127,128,146,147,148,149,150,169,170,171,172,173,192,193,194,195,214,215,216,217,236,237,238,257,258,259,260,278,279,280,281,299,300,301,302,310,311,312,313,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,487 +1559 - 13,14,15,16,17,34,35,36,37,38,56,57,58,59,60,61,81,82,83,102,103,104,105,122,123,124,125,126,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,204,205,206,207,212,213,214,234,235,236,256,257,258,278,279,280,299,300,301,320,321,322,323,333,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,488 +1560 - 72,73,74,75,76,77,78,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,165,166,167,168,169,170,171,179,180,181,188,189,190,191,192,193,194,201,202,203,212,213,214,215,216,223,224,225,234,235,236,237,245,246,247,248,249,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,455,474,475,476,477,494 +1561 - 58,59,60,61,62,80,81,82,83,84,102,103,104,105,106,107,108,127,128,129,130,150,151,152,171,172,173,174,193,194,195,196,213,214,215,216,217,234,235,236,237,238,244,245,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,346,347,348,353,354,355,356,357,358,359,360,361,362,377,378,379,380,381,487 +1562 - 10,11,31,32,33,53,54,74,75,76,96,97,98,118,119,139,140,161,162,182,183,190,191,192,204,205,209,210,211,212,213,214,215,225,226,227,230,231,232,233,236,237,238,247,248,249,251,252,253,259,260,269,270,271,272,273,274,281,282,291,292,293,294,295,303,304,313,314,315,316,317,324,325,335,336,337,345,346,347,358,359,360,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +1563 - 38,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,125,126,127,128,129,148,149,150,151,171,172,173,192,193,194,195,213,214,215,216,217,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,314,315,316,317,318,319,320,321,322,325,330,331,332,333,334,335,336,337,338,339,340,341,342,352,353,354,355,356,357,358,359,360,361,374,375,376,377,378,379,380,381,487 +1564 - 92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,160,161,165,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,492 +1565 - 65,86,87,106,107,108,109,126,127,128,129,130,148,149,150,151,169,170,171,172,190,191,192,193,204,205,206,211,212,213,214,225,226,227,232,233,234,235,246,247,248,249,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,332,333,334,335,339,340,341,360,361,362,363,382,383,403,404,405,425,426,447,448,489 +1566 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,145,146,147,148,149,150,159,160,161,167,168,169,170,171,172,181,182,183,188,189,190,191,192,193,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,295,298,299,300,301,302,321,322,323,324,344,345,346,347,358,366,367,368,369,378,379,380,387,388,389,390,391,399,400,401,402,408,409,410,411,412,421,422,423,424,425,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +1567 - 14,15,16,17,18,35,36,37,38,56,57,58,59,77,78,79,80,99,100,101,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,247,248,249,250,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,300,301,302,303,312,313,314,315,316,317,323,324,325,334,335,336,337,338,339,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +1568 - 29,30,31,51,52,53,72,73,74,75,94,95,96,97,101,102,116,117,118,119,122,123,124,125,138,139,140,141,144,145,146,147,160,161,162,163,166,167,168,169,170,181,182,183,184,185,189,190,191,192,204,205,206,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,255,256,257,258,269,270,271,272,277,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,489 +1569 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,127,128,140,141,142,143,144,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,204,205,206,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,494 +1570 - 75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,145,146,147,148,160,161,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +1571 - 63,64,79,81,84,85,86,99,100,101,102,103,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,170,171,172,173,174,181,182,183,184,185,186,187,192,193,194,195,201,202,203,204,205,206,207,213,214,215,216,217,222,223,224,225,226,227,228,235,236,237,238,243,244,245,246,247,248,256,257,258,259,260,265,266,267,268,269,270,278,279,280,281,282,287,288,289,290,299,300,301,302,303,309,310,311,312,319,320,321,322,323,324,331,332,333,334,335,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,485 +1572 - 30,31,32,33,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,99,100,101,118,119,122,123,141,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,371,382,383,390,391,392,393,404,405,406,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,487 +1573 - 99,100,101,102,120,121,122,123,124,125,126,142,143,144,146,147,148,149,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,238,239,246,247,248,252,253,254,255,256,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,334,335,336,337,487 +1574 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,148,149,150,151,157,158,159,160,161,162,170,171,172,173,179,180,181,182,191,192,193,194,195,200,201,202,203,212,213,214,215,216,222,223,224,225,232,233,234,235,236,237,244,245,246,247,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,454,455,472,473,474,475,476,494 +1575 - 106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,184,185,186,187,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,320,321,322,323,341,342,343,344,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,425,490 +1576 - 56,57,78,79,93,94,100,101,102,114,115,116,122,123,124,136,137,138,144,145,146,158,159,160,166,167,168,180,181,182,189,190,202,203,204,211,212,213,224,225,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,279,291,292,293,299,300,301,321,322,323,343,344,345,365,366,367,388,389,410,411,432,433,454,455,476,477,489 +1577 - 81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,160,161,162,163,164,181,182,183,184,203,204,205,226,227,228,229,230,231,249,250,251,252,253,254,255,274,275,276,277,278,279,299,300,301,321,322,323,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,490 +1578 - 54,55,56,57,58,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,189,190,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,228,234,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,338,345,346,347,357,358,359,360,366,367,368,369,379,380,381,382,387,388,389,390,401,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +1579 - 37,38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,251,252,253,254,255,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +1580 - 78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,181,182,183,184,189,190,191,202,203,204,205,212,213,222,223,224,225,226,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,320,321,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,476,477,478,489 +1581 - 52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,145,146,147,148,149,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,391,399,400,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,488 +1582 - 9,10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,94,95,96,97,98,99,116,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,206,225,226,227,228,247,248,249,250,270,271,272,273,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,430,431,432,433,491 +1583 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,124,125,126,127,145,146,147,148,149,166,167,168,169,170,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,304,324,325,326,345,346,347,348,366,367,368,369,370,375,376,377,378,379,380,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,488 +1584 - 11,12,13,14,15,16,17,31,32,33,34,35,37,38,39,40,51,52,53,54,55,60,61,62,72,73,74,75,83,84,85,95,105,106,107,127,128,148,149,150,170,171,191,192,193,213,214,215,234,235,236,255,256,257,270,271,272,273,274,275,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,318,319,320,321,322,332,333,339,340,341,342,343,344,345,346,353,354,355,360,361,362,363,365,366,367,368,369,370,371,372,375,376,380,381,382,383,384,389,390,391,392,393,394,397,398,399,400,401,402,403,404,420,421,422,423,424,487 +1585 - 99,100,101,102,103,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,192,205,206,207,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,275,276,277,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,446,447,448,449,468,469,470,494 +1586 - 72,73,91,92,93,94,95,96,97,98,99,100,102,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,492 +1587 - 84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,161,162,163,164,165,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,229,230,231,232,233,234,235,255,256,257,258,278,279,280,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,401,402,403,404,490 +1588 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,122,123,124,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,228,229,230,249,250,251,252,253,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,347,366,367,368,369,388,389,390,391,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,488 +1589 - 76,77,78,97,98,99,100,101,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,167,168,169,170,171,172,173,174,182,183,184,185,192,193,194,195,204,205,206,213,214,215,216,217,226,235,236,237,238,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,401,402,403,404,405,406,422,423,424,425,426,427,443,444,445,446,447,448,464,465,466,467,468,492 +1590 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,80,81,82,85,94,95,96,97,98,102,103,104,107,108,115,116,117,118,119,125,126,129,130,137,138,139,140,151,152,158,159,160,161,173,174,175,179,180,181,182,195,196,197,201,202,203,204,217,218,219,222,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,310,311,312,326,327,328,332,333,334,347,348,349,350,354,355,356,367,368,369,370,371,376,377,378,379,380,388,389,390,391,392,399,400,401,402,403,404,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +1591 - 79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,164,170,171,172,173,181,182,183,184,191,192,193,194,203,204,205,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,277,278,279,280,299,300,301,302,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,424,425,426,427,428,445,446,447,448,466,467,468,469,494 +1592 - 54,55,56,57,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,124,125,126,127,128,129,138,139,140,160,161,162,163,164,165,166,182,183,184,185,186,187,188,189,206,207,208,209,210,211,212,232,233,234,254,255,256,276,277,278,279,288,299,300,301,310,311,321,322,323,332,333,343,344,345,354,355,365,366,367,376,377,378,379,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,470,471,472,473,490 +1593 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,99,100,101,102,103,107,108,120,121,122,123,129,130,131,141,142,143,144,150,151,152,153,162,163,164,165,171,172,173,174,184,185,186,191,192,193,194,195,206,207,211,212,213,214,215,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,356,357,358,359,361,362,363,377,378,379,380,382,383,384,385,399,400,401,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,493 +1594 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,99,100,101,102,103,123,124,125,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,230,231,232,233,254,255,256,276,277,278,299,300,320,321,322,323,341,342,343,344,362,363,364,365,366,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +1595 - 77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,121,122,123,124,128,129,149,150,151,170,171,172,173,192,193,194,195,213,214,215,216,223,224,225,226,227,228,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,270,271,272,273,274,275,276,277,278,279,286,287,295,296,297,298,299,300,301,302,303,304,308,309,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,345,346,352,353,354,355,356,357,358,359,360,487 +1596 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,105,114,115,116,117,125,126,127,128,136,137,138,148,149,150,158,159,160,171,172,173,180,181,182,193,194,195,201,202,203,204,215,216,217,223,224,225,226,238,239,240,245,246,247,248,260,261,262,267,268,269,270,282,283,284,290,291,292,304,305,306,312,313,314,315,325,326,327,328,334,335,336,337,347,348,349,350,356,357,358,359,360,368,369,370,371,379,380,381,382,383,384,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,485 +1597 - 60,61,82,83,103,104,105,124,125,126,127,145,146,147,148,149,166,167,168,169,170,188,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,423,424,425,426,445,446,447,486 +1598 - 52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,121,122,123,125,126,127,143,144,145,146,148,149,150,166,167,168,170,171,172,189,190,191,192,193,194,211,212,213,214,215,233,234,235,236,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,299,300,314,315,316,317,320,321,322,335,336,337,338,342,343,344,356,357,358,359,363,364,365,378,379,380,385,386,387,399,400,401,406,407,408,421,422,423,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +1599 - 56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,147,148,149,150,167,168,169,170,171,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,254,255,256,257,258,278,279,280,300,301,302,321,322,323,324,341,342,343,344,345,352,353,363,364,365,366,374,375,376,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +1600 - 52,53,54,55,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,120,121,122,123,124,125,141,142,143,146,147,148,163,164,165,168,169,170,185,186,187,191,192,193,206,207,208,213,214,215,228,229,230,235,236,237,250,251,252,257,258,259,272,273,279,280,281,294,295,301,302,303,315,316,317,322,323,324,325,337,338,339,344,345,346,359,360,361,366,367,381,382,383,387,388,389,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,485 +1601 - 38,39,40,41,58,59,60,61,62,63,80,81,82,83,84,85,102,103,104,122,123,124,125,126,127,144,145,146,147,148,166,167,168,169,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,314,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +1602 - 27,28,29,30,31,32,33,34,45,46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,95,96,97,98,99,100,101,102,103,104,111,122,123,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,487 +1603 - 35,36,37,38,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,104,105,106,107,118,119,120,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,253,254,255,256,257,277,278,279,280,299,300,301,302,322,323,343,344,345,346,353,354,365,366,367,374,375,376,377,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +1604 - 76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,137,138,139,140,141,145,146,147,148,158,159,160,161,168,169,170,179,180,181,182,190,191,192,200,201,202,203,212,213,214,221,222,223,224,225,226,227,234,235,236,243,244,245,246,247,248,249,250,251,252,253,256,257,258,266,267,268,269,270,271,272,273,274,275,276,278,279,280,295,296,297,298,299,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,431,432,433,434,453,454,455,475,476,477,489 +1605 - 35,36,37,56,57,58,59,60,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,139,140,141,142,143,147,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,185,192,193,194,203,204,205,206,214,215,216,224,225,226,227,236,237,238,246,247,248,258,259,260,267,268,269,270,279,280,281,289,290,291,292,301,302,303,311,312,313,322,323,324,325,333,334,335,343,344,345,346,355,356,357,358,364,365,366,367,377,378,379,380,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +1606 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,169,170,171,172,181,182,183,184,192,193,194,195,203,204,205,215,216,217,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,367,368,369,378,379,380,387,388,389,390,400,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +1607 - 56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,451,470,471,472,473,486 +1608 - 115,116,117,118,119,125,126,127,137,138,139,140,141,142,143,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,268,269,270,279,280,290,291,292,301,302,312,313,323,324,334,344,345,346,366,367,368,388,389,390,410,411,432,433,453,454,455,476,477,492 +1609 - 7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,101,102,123,124,144,145,146,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,292,293,294,295,314,315,316,328,335,336,337,338,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,487 +1610 - 79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,161,162,163,164,165,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,276,277,278,297,298,299,300,317,318,319,320,321,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,494 +1611 - 28,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,61,80,81,82,83,103,104,105,124,125,126,127,145,146,147,148,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,231,232,233,234,235,236,254,255,256,257,258,278,279,280,281,301,302,303,310,311,323,324,325,331,332,333,334,344,345,346,347,354,355,356,357,366,367,368,369,377,378,379,380,387,388,389,390,399,400,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +1612 - 77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,139,140,141,142,143,161,162,163,183,184,185,189,190,191,192,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,251,252,253,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,427,428,429,449,450,451,471,472,473,474,475,494 +1613 - 38,39,59,60,61,73,74,81,82,83,94,95,96,102,103,104,115,116,117,118,124,125,126,138,139,140,146,147,148,159,160,161,167,168,169,170,180,181,182,183,189,190,191,202,203,204,211,212,213,223,224,225,226,232,233,234,245,246,247,254,255,256,267,268,269,270,271,276,277,278,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,363,364,365,385,386,387,407,408,409,429,430,451,452,489 +1614 - 52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,103,104,113,114,115,125,126,135,136,146,147,148,168,169,170,189,190,191,211,212,233,234,254,255,256,275,276,277,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,432,433,434,435,448,449,453,454,455,456,470,471,472,473,474,475,476,477,487 +1615 - 62,63,64,65,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,160,161,162,163,164,165,182,183,184,204,205,206,226,227,228,229,249,250,251,252,253,273,274,275,296,297,298,299,319,320,321,333,334,342,343,355,356,364,365,377,378,379,386,387,388,399,400,401,402,403,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +1616 - 54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,124,125,135,136,137,138,139,156,157,158,159,160,172,173,174,175,178,179,180,192,193,194,195,196,197,200,201,202,203,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,321,322,323,324,325,336,337,338,339,345,346,347,358,359,360,368,369,370,380,381,382,388,389,390,391,402,403,404,405,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,493 +1617 - 12,13,14,34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,141,142,143,163,164,165,184,185,186,205,206,207,208,227,228,229,249,250,251,254,255,256,257,270,271,272,275,276,277,278,279,280,292,293,294,297,298,299,300,301,302,314,315,316,319,320,321,322,323,324,336,337,338,341,342,343,344,345,346,359,360,361,362,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +1618 - 68,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,475,492 +1619 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,168,169,170,179,180,181,182,183,184,190,191,192,193,200,201,202,203,204,212,213,214,215,223,224,234,235,236,256,257,258,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,492 +1620 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,122,123,124,125,134,135,136,137,145,146,147,148,156,157,158,167,168,169,170,171,177,178,179,180,189,190,191,192,193,199,200,201,202,211,212,213,214,215,222,223,224,233,234,235,236,237,244,245,246,247,248,256,257,258,259,267,268,269,270,271,272,273,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,367,368,389,390,391,411,412,413,433,434,435,455,456,457,478,479,480,481,494 +1621 - 57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,126,127,128,129,139,140,141,142,147,148,149,150,161,162,163,167,168,169,170,171,183,184,188,189,190,191,205,206,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,362,363,364,378,379,380,381,384,385,386,400,401,402,406,407,408,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +1622 - 74,75,76,92,93,94,95,96,97,98,99,113,114,115,116,117,118,119,120,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,164,168,169,170,171,178,179,180,181,191,192,193,194,200,201,202,212,213,214,215,216,217,222,223,224,235,236,237,238,239,244,245,246,247,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,341,342,343,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,431,432,433,434,453,454,455,456,475,476,477,478,494 +1623 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,123,124,137,138,139,140,143,144,145,149,159,160,161,165,167,168,170,171,181,182,189,190,192,193,203,204,210,211,212,214,225,226,227,231,232,233,234,236,247,248,249,250,251,252,253,254,255,256,266,270,271,272,273,274,275,276,277,294,295,296,297,298,299,319,320,321,341,342,346,347,362,363,364,368,369,384,385,386,406,407,427,428,429,449,450,451,471,472,494 +1624 - 12,13,14,15,16,17,31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,82,83,84,96,104,105,106,125,126,127,128,147,148,149,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,291,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,487 +1625 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,106,107,108,119,120,121,122,128,129,130,140,141,142,143,150,151,152,160,161,162,163,164,172,173,174,181,182,183,184,185,194,195,196,202,203,204,205,206,216,217,218,223,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,289,290,291,302,303,304,311,312,313,323,324,325,326,333,334,335,344,345,346,347,355,356,357,365,366,367,368,377,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +1626 - 60,61,75,76,77,78,79,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,145,146,149,150,159,160,161,162,167,168,171,172,181,182,183,189,190,193,194,202,203,204,205,211,212,215,216,217,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,281,282,289,290,291,303,304,310,311,312,313,324,325,326,332,333,334,346,347,348,354,355,356,357,367,368,369,377,378,379,389,390,391,399,400,401,402,403,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,485 +1627 - 57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,486 +1628 - 93,94,95,101,102,103,114,115,116,117,118,123,124,125,126,136,137,138,139,145,146,147,148,157,158,159,160,161,167,168,169,170,179,180,181,182,183,188,189,190,191,192,201,202,203,204,205,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,453,454,455,475,476,477,489 +1629 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,78,79,80,81,101,102,103,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,347,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,388,389,390,391,392,393,394,395,398,399,400,401,402,403,412,413,414,415,416,420,421,422,423,424,487 +1630 - 72,73,74,81,82,83,94,95,96,103,104,116,117,125,126,137,138,139,147,148,159,160,161,169,170,171,181,182,183,191,192,193,203,204,213,214,215,224,225,226,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,300,301,302,322,323,343,344,345,365,366,367,387,388,409,410,431,432,452,453,454,474,475,476,489 +1631 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,93,101,102,103,104,123,124,125,126,145,146,147,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,277,278,279,280,300,301,302,303,323,324,325,345,346,347,356,357,366,367,368,369,377,378,379,380,381,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +1632 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,122,123,124,125,126,136,137,138,139,146,147,148,158,159,160,161,168,169,170,180,181,182,189,190,191,192,202,203,204,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,299,300,301,302,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,478,494 +1633 - 29,30,31,38,39,51,52,53,60,61,73,74,75,81,82,83,94,95,96,103,104,105,115,116,117,118,124,125,126,137,138,139,146,147,148,158,159,160,167,168,169,170,180,181,189,190,191,201,202,203,211,212,213,223,224,232,233,234,235,245,246,254,255,256,261,262,267,268,269,270,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,363,364,365,384,385,386,387,407,408,409,429,430,431,451,452,453,489 +1634 - 54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,162,163,164,165,166,167,185,186,187,188,189,190,208,209,210,211,212,231,232,233,234,254,255,256,257,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +1635 - 104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,182,183,184,203,204,205,225,226,247,248,249,250,270,271,272,273,274,293,294,295,296,297,310,311,318,319,320,332,333,334,341,342,343,354,355,356,357,358,363,364,365,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,429,490 +1636 - 94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,190,191,192,193,194,201,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,475,492 +1637 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,204,205,206,226,227,228,248,249,250,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +1638 - 87,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,182,183,184,185,186,203,204,205,206,224,225,226,227,246,247,248,249,250,268,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,323,343,344,345,357,363,364,365,366,378,379,384,385,386,387,388,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,490 +1639 - 97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,168,169,170,179,180,181,182,190,191,192,201,212,213,214,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,469,470,471,472,492 +1640 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +1641 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,86,87,96,97,98,99,100,101,106,107,108,109,117,118,119,120,127,128,129,130,138,139,140,141,148,149,150,151,160,161,162,169,170,171,172,182,183,189,190,191,192,193,204,205,210,211,212,213,214,226,227,228,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,363,364,380,381,385,386,387,402,403,407,408,409,424,425,426,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +1642 - 14,15,16,36,37,38,39,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,183,184,185,186,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,259,260,261,268,269,270,271,272,281,282,283,290,291,292,293,303,304,305,312,313,314,325,326,327,334,335,336,345,346,347,348,356,357,358,365,366,367,368,369,378,379,380,381,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,491 +1643 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,139,140,141,142,145,146,147,160,161,162,168,169,181,182,183,184,189,190,191,203,204,205,210,211,212,213,225,226,232,233,234,235,247,248,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,470,471,472,494 +1644 - 46,47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,114,115,119,120,121,122,123,124,144,145,146,165,166,167,168,185,186,187,188,189,206,207,208,209,227,228,229,230,249,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,301,319,320,321,322,323,343,344,345,346,366,367,368,388,389,390,410,411,412,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +1645 - 54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,171,172,173,174,182,183,184,185,186,187,194,195,196,203,204,205,206,207,208,216,217,218,219,224,225,226,227,228,238,239,240,241,245,246,247,248,249,260,261,262,266,267,268,269,270,282,283,284,288,289,290,291,304,305,306,310,311,312,325,326,327,328,332,333,334,347,348,349,350,354,355,356,368,369,370,371,376,377,378,388,389,390,391,392,398,399,400,401,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +1646 - 37,38,39,50,59,60,61,71,72,73,81,82,83,93,94,95,103,104,105,114,115,116,117,125,126,127,135,136,137,138,139,147,148,149,157,158,159,160,169,170,171,178,179,180,181,182,190,191,192,193,200,201,202,203,212,213,214,215,221,222,223,224,225,233,234,235,236,237,243,244,245,246,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,338,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,454,455,456,489 +1647 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,468,469,470,486 +1648 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,126,127,128,136,137,138,148,149,150,157,158,159,160,169,170,171,172,180,181,191,192,193,194,212,213,214,215,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,466,467,468,469,487 +1649 - 7,8,9,10,11,12,13,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,79,80,81,92,101,102,103,123,124,125,126,145,146,147,167,168,169,189,190,191,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,387,388,389,390,391,392,393,394,395,399,400,401,402,403,411,412,413,414,415,416,417,421,422,423,424,435,436,437,438,439,487 +1650 - 51,52,73,74,75,81,82,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,161,162,182,183,184,204,205,206,226,227,228,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,293,299,300,301,302,303,323,324,325,345,346,347,359,360,367,368,369,381,382,388,389,390,391,403,404,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,490 +1651 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,81,82,83,84,103,104,105,106,125,126,127,146,147,148,149,160,161,162,163,164,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,309,310,311,323,324,325,331,332,333,334,335,345,346,347,353,354,355,356,357,358,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,488 +1652 - 110,111,112,113,114,115,132,133,134,135,136,137,138,139,140,141,142,143,144,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,235,236,237,238,239,251,252,258,259,260,261,280,281,282,283,302,303,304,305,323,324,325,326,327,345,346,347,348,365,366,367,368,369,370,387,388,389,390,407,408,409,410,411,412,428,429,430,431,432,433,450,451,452,453,472,473,474,492 +1653 - 73,74,75,76,82,83,84,95,96,97,98,104,105,106,116,117,118,119,125,126,127,138,139,140,147,148,149,159,160,161,169,170,171,180,181,182,183,191,192,193,202,203,204,212,213,214,223,224,225,226,234,235,236,246,247,248,255,256,257,259,268,269,270,271,272,273,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,344,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,489 +1654 - 32,33,34,54,55,56,76,77,98,99,120,121,142,143,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,486 +1655 - 96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,169,170,171,179,180,181,191,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,492 +1656 - 73,74,75,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,166,167,168,188,189,190,209,210,211,231,232,233,253,254,255,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,338,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,452,471,472,473,474,492 +1657 - 54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,125,126,127,128,140,141,142,146,147,148,149,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,341,342,343,344,357,358,359,360,363,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,493 +1658 - 35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +1659 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,139,140,141,142,145,147,160,161,162,163,181,182,183,184,189,190,191,203,204,205,210,211,212,213,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,294,295,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +1660 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,82,83,84,85,93,94,95,96,97,105,106,107,115,116,117,127,128,129,136,137,138,149,150,159,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,253,254,255,256,257,274,275,276,277,278,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,355,356,357,358,359,376,377,378,379,398,399,400,401,402,403,404,405,408,409,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,487 +1661 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,80,81,82,102,103,104,123,124,125,126,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,212,229,230,231,232,233,234,235,255,256,257,258,278,279,280,300,301,302,303,311,312,313,314,322,323,324,325,333,334,335,336,337,338,339,340,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,488 +1662 - 99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,173,174,175,196,197,218,219,240,241,260,261,262,263,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,322,323,324,325,332,333,334,335,342,343,344,345,354,355,362,363,364,365,376,377,378,381,382,383,384,385,386,398,399,400,401,402,403,404,405,423,424,487 +1663 - 37,38,39,59,60,81,82,102,103,104,116,117,123,124,125,126,138,139,145,146,147,148,159,160,161,167,168,169,181,182,183,189,190,191,203,204,211,212,224,225,226,232,233,234,246,247,254,255,256,268,269,270,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,338,341,342,343,363,364,365,385,386,407,408,429,430,451,452,489 +1664 - 57,58,59,60,78,79,80,81,82,83,94,95,96,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,148,149,150,151,152,158,159,160,161,162,163,164,165,166,171,172,173,174,179,180,181,182,183,184,185,186,187,193,194,195,196,200,201,202,203,204,206,207,208,215,216,217,218,221,222,223,224,225,226,229,237,238,239,240,243,244,245,246,247,248,259,260,261,262,265,266,267,268,269,281,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,324,325,326,327,328,331,332,333,334,335,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,485 +1665 - 36,37,57,58,59,79,80,81,101,102,103,122,123,124,125,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,381,382,383,402,403,404,405,424,425,426,446,447,448,486 +1666 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,124,125,136,137,138,139,140,141,142,143,144,146,147,159,160,161,168,169,181,182,183,189,190,191,204,205,206,211,212,227,228,229,231,232,233,234,250,251,252,253,254,272,273,274,275,294,295,296,297,298,315,316,319,320,321,337,338,342,343,344,359,360,365,366,367,381,382,388,389,404,405,410,411,412,426,427,433,434,435,449,450,456,457,471,472,473,478,479,493 +1667 - 38,39,59,60,61,81,82,102,103,104,124,125,126,146,147,160,161,167,168,169,182,183,189,190,191,204,205,211,212,225,226,232,233,234,246,247,248,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,341,342,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,489 +1668 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,96,97,98,103,104,105,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,299,300,301,321,322,323,343,344,345,364,365,366,385,386,387,388,406,407,408,409,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +1669 - 12,13,14,33,34,35,36,55,56,57,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,183,184,185,186,205,206,207,227,228,229,233,234,235,248,249,250,253,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,281,291,292,293,296,297,298,299,302,303,304,313,314,315,317,318,319,320,323,324,325,335,336,337,338,339,340,341,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +1670 - 36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,96,97,98,118,119,139,140,141,161,162,182,183,184,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,254,255,256,257,258,267,278,279,280,289,290,302,303,312,313,324,325,326,334,335,346,347,348,357,358,368,369,379,380,381,389,390,391,402,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +1671 - 13,14,15,34,35,36,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,162,163,164,184,185,186,205,206,207,227,228,229,249,250,270,271,272,278,292,293,294,297,298,299,300,301,302,303,315,316,318,319,320,321,322,323,324,325,337,338,339,340,341,342,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,406,407,408,409,491 +1672 - 36,37,38,58,59,60,80,81,82,90,91,92,102,103,104,110,111,112,113,114,125,126,127,135,136,137,147,148,157,158,159,169,170,179,180,191,192,200,201,202,213,214,215,221,222,223,224,225,226,227,235,236,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,294,295,296,297,298,299,300,301,302,303,304,305,323,324,325,345,346,347,367,368,369,370,389,390,391,411,412,413,433,434,435,455,456,457,489 +1673 - 98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,169,170,171,178,179,180,181,191,192,193,212,213,214,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,449,450,451,470,471,472,492 +1674 - 52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,122,123,124,125,126,127,135,136,137,138,139,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,214,215,216,222,223,224,225,226,227,228,229,236,237,238,239,245,246,258,259,260,261,279,280,281,282,301,302,303,304,322,323,324,325,326,344,345,346,347,356,364,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,402,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,494 +1675 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,147,148,149,162,163,168,169,170,171,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,273,276,277,278,279,280,300,301,302,322,323,324,344,345,346,355,356,365,366,367,368,377,378,379,380,387,388,389,399,400,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +1676 - 51,52,53,54,73,74,75,76,95,96,97,98,99,117,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,363,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,456,475,476,477,478,486 +1677 - 41,42,50,51,52,53,54,55,56,57,63,64,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,97,98,99,100,101,102,103,104,124,125,126,146,147,148,167,168,169,170,173,184,185,186,187,188,189,190,191,195,196,204,205,206,207,208,209,210,211,212,213,217,218,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,277,278,279,300,301,302,322,323,324,334,343,344,345,346,349,355,356,357,365,366,367,371,372,377,378,379,380,386,387,388,389,393,394,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +1678 - 74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,168,169,170,171,172,173,174,180,181,182,183,184,193,194,195,196,197,202,203,204,205,206,216,217,218,219,223,224,225,226,227,228,237,238,239,240,241,245,246,247,248,249,258,259,260,261,262,267,268,269,270,279,280,281,282,283,284,288,289,290,291,292,300,301,302,303,304,305,310,311,312,313,314,319,320,321,322,323,324,325,326,332,333,334,335,336,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +1679 - 8,9,10,11,12,13,14,15,29,30,31,32,33,34,35,36,37,38,51,52,53,58,59,60,61,81,82,83,103,104,105,126,127,147,148,149,169,170,171,191,192,193,212,213,214,234,235,236,247,248,255,256,257,267,268,269,270,271,272,273,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,328,329,332,333,334,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,389,390,391,399,400,401,402,403,404,487 +1680 - 58,59,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +1681 - 57,58,59,79,80,81,82,101,102,103,104,123,124,125,126,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,470,471,472,486 +1682 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,103,104,105,106,107,108,115,116,117,118,119,128,129,130,136,137,138,139,140,151,152,157,158,159,160,161,168,169,170,179,180,181,182,190,191,192,193,200,201,202,203,211,212,213,214,215,222,223,224,234,235,236,237,244,245,246,256,257,258,259,266,267,268,279,280,281,288,289,290,291,300,301,302,303,311,312,313,322,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,366,367,368,369,378,379,380,381,387,388,389,390,401,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +1683 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,235,236,237,238,246,247,248,255,256,257,258,259,268,269,270,277,278,279,280,281,290,291,292,298,299,300,301,302,312,313,314,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,471,472,473,494 +1684 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,167,168,169,170,181,182,183,184,189,190,191,202,203,204,205,210,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,253,254,255,256,257,258,268,269,270,271,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,360,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477,478,494 +1685 - 61,62,83,84,92,93,94,95,105,106,114,115,116,117,126,127,128,136,137,138,139,148,149,150,158,159,160,169,170,171,179,180,181,182,191,192,193,201,202,203,212,213,214,215,223,224,234,235,236,245,246,255,256,257,258,259,267,268,269,270,277,278,279,280,281,282,289,290,291,292,293,294,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +1686 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,98,99,100,120,121,122,141,142,143,162,163,164,165,184,185,186,187,206,207,208,227,228,229,230,231,232,249,250,251,252,253,254,255,271,272,273,275,276,277,278,293,294,295,298,299,300,315,316,317,320,321,322,337,338,339,342,343,344,359,360,361,363,364,365,366,381,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,491 +1687 - 100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,168,169,170,171,180,181,182,183,184,190,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,492 +1688 - 6,7,28,29,50,51,71,72,73,93,94,115,116,137,138,145,146,147,148,149,150,158,159,160,165,166,167,168,169,170,171,172,173,180,181,182,186,187,188,189,194,195,196,202,203,204,207,208,209,217,218,224,225,226,228,229,230,239,240,241,246,247,248,249,250,251,261,262,263,269,270,271,272,283,284,285,291,292,293,305,306,313,314,315,326,327,328,335,336,337,338,346,347,348,349,357,358,359,360,361,362,363,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,424,425,426,427,491 +1689 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,81,82,103,104,125,126,146,147,148,167,168,169,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,254,255,256,257,278,279,280,300,301,302,322,323,324,344,345,355,356,365,366,367,377,378,379,385,386,387,388,399,400,401,402,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +1690 - 105,108,109,122,123,124,125,126,127,128,129,130,131,138,139,140,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,164,165,166,167,168,169,170,171,172,173,175,180,181,182,183,186,187,188,201,202,203,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,274,275,276,277,278,279,300,301,322,323,335,336,337,343,344,345,357,358,365,366,367,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,451,452,490 +1691 - 60,61,62,80,81,82,83,84,85,86,87,98,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,161,162,163,164,165,166,183,184,185,205,206,207,228,229,230,250,251,252,253,274,275,276,296,297,298,311,312,319,320,321,333,334,341,342,343,355,356,363,364,365,377,378,379,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,469,470,471,490 +1692 - 50,51,59,72,73,80,81,82,93,94,95,96,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,159,160,161,162,167,168,169,180,181,182,183,189,190,191,202,203,204,205,211,212,213,217,224,225,226,227,233,234,235,236,237,238,239,246,247,248,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,338,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,453,454,455,475,476,477,489 +1693 - 72,73,82,83,84,94,95,104,105,106,116,117,125,126,127,128,137,138,139,147,148,149,159,160,161,169,170,181,182,183,190,191,192,203,204,212,213,214,225,226,233,234,235,247,248,249,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,363,364,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,489 +1694 - 9,10,11,31,32,53,54,55,74,75,76,77,96,97,98,118,119,120,139,140,141,142,161,162,163,164,183,184,185,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,301,302,303,315,316,317,318,323,324,325,338,339,340,341,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +1695 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,246,247,248,254,255,256,257,258,268,269,270,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,494 +1696 - 30,31,32,52,53,54,55,74,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,407,408,409,410,429,430,431,432,433,451,452,453,454,486 +1697 - 36,37,58,59,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,429,448,449,450,486 +1698 - 46,47,48,49,50,51,52,53,54,55,56,57,58,59,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,323,324,325,334,335,345,346,347,356,357,366,367,368,369,378,379,387,388,389,390,400,401,402,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,470,471,472,473,474,488 +1699 - 56,57,58,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,447,448,449,469,470,471,486 +1700 - 32,33,54,55,56,76,77,78,79,98,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +1701 - 35,36,37,38,39,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,104,105,106,107,115,116,117,118,119,120,121,122,123,127,128,129,136,137,138,139,140,141,142,148,149,150,151,158,159,160,161,162,163,170,171,172,173,179,180,181,182,183,184,185,192,193,194,195,201,202,203,204,214,215,216,222,223,224,225,226,236,237,238,244,245,246,247,258,259,260,266,267,268,269,280,281,282,288,289,290,291,301,302,303,310,311,312,313,322,323,324,325,332,333,334,335,344,345,346,347,354,355,356,357,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +1702 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,179,180,181,183,184,185,186,187,189,190,191,192,193,194,195,196,201,202,203,223,224,225,226,227,228,229,230,231,232,245,246,247,248,249,250,251,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,320,321,322,323,324,334,335,343,344,345,346,356,357,358,365,366,367,368,378,379,380,381,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,490 +1703 - 57,58,59,79,80,81,101,102,103,104,123,124,125,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,450,470,471,472,486 +1704 - 57,58,78,79,80,100,101,122,123,144,145,146,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,253,254,255,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,319,320,341,342,363,364,385,386,407,408,429,430,451,452,473,474,489 +1705 - 59,60,61,81,82,83,102,103,104,115,116,117,124,125,126,137,138,139,146,147,148,158,159,160,161,167,168,169,180,181,182,183,188,189,190,191,202,203,204,211,212,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,319,320,321,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +1706 - 12,13,14,15,16,33,34,35,36,37,38,54,55,56,75,76,77,78,97,98,99,118,119,120,140,141,142,162,163,183,184,185,205,206,207,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,238,239,248,249,250,253,254,255,259,260,261,270,271,272,274,275,276,281,282,292,293,294,296,297,302,303,304,314,315,316,318,319,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,361,362,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,491 +1707 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,184,185,205,206,207,227,228,229,231,232,233,234,235,248,249,250,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,302,303,304,313,314,315,317,318,323,324,325,326,335,336,337,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +1708 - 12,13,14,32,33,34,35,53,54,55,56,75,76,77,96,97,98,99,118,119,120,139,140,141,142,161,162,163,183,184,185,204,205,206,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,281,282,283,292,293,294,295,304,305,314,315,316,317,318,325,326,327,336,337,338,339,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,491 +1709 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,146,147,148,149,159,160,161,162,163,164,169,170,171,172,180,181,182,183,184,185,191,192,193,194,201,202,203,204,205,206,214,215,216,223,224,225,226,227,236,237,238,245,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,292,302,303,304,311,312,313,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,358,359,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +1710 - 31,32,33,53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,429,430,431,432,451,452,453,486 +1711 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,77,78,79,80,100,101,102,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,230,231,232,251,252,253,254,273,274,275,292,293,294,295,296,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,342,351,355,356,357,358,359,360,361,362,363,364,365,371,372,373,377,378,379,380,381,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,408,409,410,411,412,413,414,415,416,432,433,434,435,436,437,487 +1712 - 53,54,55,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,192,193,194,195,204,205,206,207,214,215,216,217,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,272,278,279,280,281,282,290,291,292,293,299,300,301,302,303,312,313,314,315,320,321,322,323,324,325,334,335,336,337,341,342,343,344,345,346,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,485 +1713 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,103,104,117,118,119,120,121,125,126,127,138,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,190,191,192,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,358,359,360,362,363,364,379,380,381,382,385,386,387,401,402,403,407,408,409,423,424,425,426,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,493 +1714 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,100,101,102,117,118,119,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,431,432,433,443,444,445,446,447,448,487 +1715 - 8,9,10,11,12,13,14,15,29,30,31,32,33,34,35,36,37,38,50,51,52,53,56,57,58,59,60,61,72,73,74,81,82,83,84,94,95,96,103,104,105,106,117,124,125,126,127,128,147,148,149,168,169,170,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,364,365,366,367,368,369,375,376,377,378,379,380,381,388,389,390,391,392,393,397,398,399,400,401,402,412,413,414,415,416,421,422,436,437,487 +1716 - 54,55,56,57,76,77,78,79,98,99,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,429,430,451,452,453,473,474,475,486 +1717 - 56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,446,447,448,449,468,469,470,486 +1718 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,73,78,79,80,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,228,229,230,231,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,302,323,324,325,344,345,346,347,364,365,366,367,368,384,385,386,387,388,389,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,440,441,442,443,444,445,446,447,448,488 +1719 - 118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,191,192,193,194,201,202,203,213,214,215,216,235,236,237,257,258,259,278,279,280,300,301,302,321,322,323,342,343,344,345,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,470,471,472,473,492 +1720 - 76,77,78,79,80,81,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,138,139,140,141,146,147,160,161,162,168,169,181,182,183,190,191,203,204,205,212,213,214,225,226,227,233,234,235,247,248,249,254,255,256,257,269,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +1721 - 83,84,85,86,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,152,153,160,161,162,163,164,165,166,167,168,169,181,182,183,186,187,202,203,204,205,224,225,226,245,246,247,248,249,267,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,321,322,323,344,345,346,367,368,376,388,389,390,398,399,409,410,411,420,421,422,423,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,490 +1722 - 28,29,30,31,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,125,126,127,128,129,145,146,147,148,149,150,151,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,208,209,210,211,229,230,231,251,252,253,273,274,275,276,295,296,297,298,318,319,320,321,341,342,343,344,364,365,366,383,384,385,386,387,388,397,398,399,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,440,441,442,443,444,445,446,447,448,449,450,488 +1723 - 51,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,148,149,150,151,152,158,159,160,161,162,163,172,173,174,175,179,180,181,182,183,184,194,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,227,239,240,241,244,245,246,247,248,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,349,354,355,356,357,358,366,367,368,369,370,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +1724 - 12,13,14,15,16,17,33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,126,127,128,129,148,149,150,151,169,170,171,172,173,183,184,185,191,192,193,194,195,203,204,205,206,207,208,209,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,319,320,321,322,323,324,325,326,327,331,332,333,334,335,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,487 +1725 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,171,172,173,174,175,179,180,181,182,194,195,196,197,200,201,202,203,216,217,218,219,222,223,224,225,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,288,289,290,291,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,358,359,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,485 +1726 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,117,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,215,225,226,227,228,232,233,234,235,236,237,247,248,249,250,254,255,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,291,292,293,294,297,298,299,300,301,302,303,313,314,315,316,319,320,321,322,323,324,325,335,336,337,338,341,342,343,344,345,346,347,357,358,359,360,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +1727 - 7,8,9,10,11,12,29,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,101,102,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,292,293,294,295,296,297,311,312,313,314,315,316,317,333,334,335,336,337,338,348,355,356,357,358,359,360,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,487 +1728 - 98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,146,147,148,160,161,162,163,167,168,169,170,182,183,184,188,189,190,191,203,204,205,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,494 +1729 - 76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,164,166,168,169,170,171,172,173,174,178,179,180,181,182,193,194,195,196,199,200,201,202,203,216,217,218,221,222,223,224,238,239,240,243,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,290,304,305,306,309,310,311,312,325,326,327,328,332,333,334,335,346,347,348,349,350,354,355,356,357,358,367,368,369,370,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +1730 - 91,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,165,166,167,168,169,188,189,190,191,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,492 +1731 - 11,12,13,14,15,21,32,33,34,35,36,37,43,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,225,226,227,246,247,248,249,253,254,255,256,257,258,268,269,270,273,274,275,276,277,278,279,280,281,290,291,292,294,295,296,297,298,299,300,301,302,303,304,312,313,314,316,317,318,324,325,326,329,334,335,336,337,338,339,340,345,346,347,348,351,357,358,359,360,361,362,365,366,367,368,369,373,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +1732 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,123,124,137,138,146,147,158,159,160,169,170,171,180,181,191,192,193,202,203,213,214,215,223,224,225,234,235,236,245,246,247,256,257,258,268,269,278,279,290,291,292,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,343,344,345,365,366,387,388,408,409,410,430,431,432,452,453,454,475,476,494 +1733 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,160,161,162,163,169,170,181,182,183,189,190,191,192,203,204,205,210,211,212,213,214,225,226,231,232,233,234,235,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,386,387,407,408,409,429,430,431,451,452,472,473,474,494 +1734 - 56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,486 +1735 - 28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,408,409,410,411,412,413,414,415,422,423,424,425,431,432,433,434,435,436,437,444,445,446,455,456,457,458,487 +1736 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,146,147,162,163,164,167,168,169,182,183,184,185,189,190,191,204,205,206,209,210,211,212,213,226,227,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,276,277,278,294,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,473,474,475,494 +1737 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,101,102,103,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,184,185,186,187,188,189,208,209,210,211,212,232,233,234,235,255,256,257,278,279,300,301,302,312,313,322,323,324,333,334,335,343,344,345,346,355,356,357,365,366,367,377,378,379,380,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +1738 - 74,81,82,83,95,96,97,103,104,105,117,118,119,125,126,127,138,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,203,204,205,212,213,214,225,226,227,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,489 +1739 - 117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,190,191,192,212,213,214,233,234,235,236,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,427,428,429,449,450,451,470,471,472,492 +1740 - 73,74,75,76,77,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,137,138,139,143,144,145,158,159,160,166,167,180,181,182,188,189,190,202,203,204,210,211,212,213,224,225,232,233,234,235,246,247,248,254,255,256,257,268,269,270,276,277,278,279,291,292,293,298,299,300,301,313,314,315,316,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,368,383,384,385,389,390,411,412,433,434,435,455,456,457,477,478,479,494 +1741 - 13,14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,188,206,207,208,209,227,228,229,230,249,250,251,252,271,272,273,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,345,346,347,358,359,360,361,362,363,365,366,367,368,369,381,382,383,384,385,387,388,389,390,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +1742 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,105,116,117,118,119,120,121,125,126,127,137,138,139,140,141,142,148,149,150,159,160,161,162,163,170,171,172,173,181,182,183,184,185,192,193,194,195,203,204,205,206,215,216,217,225,226,227,228,237,238,239,240,247,248,249,250,259,260,261,262,268,269,270,271,281,282,283,284,290,291,292,293,303,304,305,306,312,313,314,315,316,325,326,327,328,334,335,336,337,338,347,348,349,350,357,358,359,360,368,369,370,371,379,380,381,382,383,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,485 +1743 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,169,181,182,183,184,190,191,192,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,472,473,474,475,494 +1744 - 54,55,76,77,78,97,98,99,100,114,119,120,121,122,135,136,137,142,143,144,157,158,159,164,165,166,180,181,182,186,187,188,189,202,203,204,209,210,211,225,226,227,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,320,321,322,342,343,344,345,364,365,366,367,387,388,389,409,410,411,431,432,433,434,454,455,456,476,477,489 +1745 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,124,125,126,127,128,129,139,140,143,144,146,147,148,149,150,160,161,162,165,168,169,170,171,182,183,184,189,190,191,192,204,205,206,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,341,356,357,358,359,362,363,364,378,379,380,384,385,386,399,400,401,402,406,407,408,422,423,424,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +1746 - 103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,189,190,191,192,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,474,492 +1747 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,212,213,214,234,235,236,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,472,492 +1748 - 95,96,97,98,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,164,165,168,169,170,171,180,181,182,183,191,192,193,202,203,204,212,213,214,215,224,225,233,234,235,236,237,246,247,254,255,256,257,258,259,268,269,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,322,323,324,336,337,338,344,345,346,365,366,367,387,388,389,409,410,411,430,431,432,452,453,454,474,475,476,494 +1749 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,140,141,142,143,146,147,148,149,161,162,163,164,167,168,169,170,171,183,184,185,189,190,191,192,205,206,207,210,211,212,213,227,228,229,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,406,407,408,409,423,424,425,426,428,429,430,445,446,447,448,449,450,451,452,469,470,471,472,473,493 +1750 - 15,16,17,18,37,38,39,40,57,58,59,60,61,79,80,81,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,277,278,279,293,294,295,296,299,300,301,315,316,317,318,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,491 +1751 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,169,170,181,182,183,184,190,191,192,202,203,204,212,213,214,224,225,226,233,234,235,236,246,247,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,450,451,452,471,472,473,494 +1752 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,136,137,138,158,159,160,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,232,233,234,235,246,247,248,255,256,257,278,279,280,300,301,302,322,323,324,325,344,345,346,347,366,367,368,388,389,390,403,404,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,490 +1753 - 30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,102,103,104,105,114,115,116,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,294,295,296,297,298,316,317,318,319,336,337,338,339,357,358,359,360,361,370,377,378,379,380,381,382,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,487 +1754 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,145,146,147,148,156,157,158,168,169,170,191,192,193,213,214,234,235,236,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,318,319,320,321,323,324,325,326,327,333,334,335,338,339,340,341,342,347,348,349,350,351,354,355,356,357,358,359,360,361,362,370,371,372,373,377,378,379,380,381,382,383,393,394,395,400,401,402,403,416,487 +1755 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,101,102,103,104,105,116,125,126,127,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,314,315,316,317,318,335,336,337,338,356,357,358,359,369,377,378,379,380,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,487 +1756 - 51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,89,90,91,92,93,94,95,96,97,98,99,101,102,103,104,105,106,111,112,113,114,115,125,126,127,128,134,135,146,147,148,149,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,228,229,230,231,232,250,251,252,253,273,274,275,276,277,278,296,297,298,299,300,301,302,321,322,323,324,325,345,346,347,348,357,358,359,368,369,370,378,379,380,390,391,392,400,401,402,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +1757 - 97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,170,171,172,180,181,182,183,191,192,193,194,202,203,204,212,213,214,215,223,224,225,232,233,234,235,236,237,245,246,247,253,254,255,256,257,258,259,267,268,269,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,317,318,322,323,324,337,338,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,494 +1758 - 58,59,60,61,62,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,122,123,124,127,128,129,143,144,145,146,147,148,149,150,151,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,270,271,272,273,274,275,278,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,334,335,336,337,339,340,341,355,356,357,358,361,362,363,376,377,378,379,380,383,384,398,399,400,401,405,406,420,421,422,427,428,442,443,444,448,449,450,464,465,466,469,470,471,472,493 +1759 - 78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,149,150,151,152,153,160,161,162,163,164,165,170,171,172,173,174,175,182,183,184,185,191,192,193,194,195,196,203,204,205,206,211,212,213,214,215,216,225,226,227,231,232,233,234,235,236,247,248,249,252,253,254,255,256,257,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,363,378,379,380,381,383,384,385,400,401,402,403,406,407,408,422,423,424,428,429,430,444,445,446,449,450,451,452,466,467,468,469,470,471,472,473,493 +1760 - 32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,102,103,104,117,118,119,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,190,191,192,205,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,322,323,324,337,338,339,344,345,346,347,358,359,360,361,367,368,369,380,381,382,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +1761 - 14,15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,184,185,186,205,206,207,226,227,228,233,234,247,248,249,250,253,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,291,292,293,295,296,297,298,299,300,301,302,303,304,313,314,315,317,318,319,324,325,326,335,336,337,339,340,341,345,346,347,358,359,360,361,362,363,365,366,367,368,380,381,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +1762 - 60,61,81,82,83,96,97,103,104,105,118,119,125,126,140,141,146,147,148,161,162,163,168,169,170,183,184,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,252,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,320,321,322,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,475,489 +1763 - 61,62,82,83,84,98,104,105,106,119,120,125,126,127,140,141,142,147,148,149,161,162,163,168,169,170,183,184,190,191,192,204,205,206,211,212,213,225,226,227,233,234,235,247,248,249,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,319,320,341,342,362,363,364,384,385,405,406,407,427,428,448,449,450,470,471,489 +1764 - 31,32,52,53,54,72,73,74,75,93,94,95,96,103,104,105,115,116,117,125,126,127,136,137,138,139,147,148,149,158,159,160,169,170,171,180,181,182,191,192,193,202,203,204,213,214,215,224,225,226,227,235,236,237,246,247,248,249,250,251,252,256,257,258,259,269,270,271,272,273,274,275,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,366,367,368,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,489 +1765 - 60,61,62,74,75,82,83,84,95,96,97,104,105,117,118,119,125,126,127,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,183,189,190,191,203,204,205,211,212,213,225,226,227,232,233,234,248,249,250,251,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,426,427,448,449,450,470,471,472,489 +1766 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,115,116,124,125,126,127,147,148,149,169,170,171,191,192,193,194,213,214,215,216,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,322,323,324,325,326,334,335,336,343,344,345,346,347,356,357,358,364,365,366,367,368,378,379,380,381,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,487 +1767 - 61,62,82,83,84,104,105,106,118,119,125,126,127,140,141,147,148,149,161,162,163,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,225,226,227,233,234,235,247,248,249,254,255,256,269,270,271,276,277,278,291,292,293,294,296,297,298,299,314,315,316,317,318,319,320,321,338,339,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,489 +1768 - 9,10,11,30,31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,137,138,139,140,141,159,160,161,162,180,181,182,183,184,190,191,192,202,203,204,205,206,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,261,268,269,270,273,274,275,276,277,278,279,280,281,282,283,290,291,292,295,296,297,298,299,300,301,302,303,304,312,313,314,315,318,319,320,321,322,323,324,325,326,334,335,336,337,341,342,343,344,345,346,347,348,357,358,359,360,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,491 +1769 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,107,116,117,118,119,127,128,129,137,138,139,140,150,151,158,159,160,161,162,172,173,174,180,181,182,183,194,195,196,202,203,204,216,217,218,224,225,226,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,303,304,305,311,312,313,324,325,326,327,333,334,335,345,346,347,348,355,356,357,358,366,367,368,369,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +1770 - 92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,144,145,146,147,168,169,170,190,191,192,212,213,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,470,471,472,492 +1771 - 32,33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,103,104,105,106,116,117,118,119,120,121,126,127,128,129,137,138,139,140,141,149,150,151,152,158,159,160,161,162,171,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,243,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,325,326,327,328,331,332,333,334,346,347,348,349,354,355,356,357,368,369,370,371,376,377,378,379,380,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,485 +1772 - 112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,163,164,165,166,167,168,177,178,179,180,181,182,183,184,185,186,187,188,189,190,207,208,209,210,211,212,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,282,283,284,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,328,339,340,341,342,343,344,345,346,347,348,349,350,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,492 +1773 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,141,142,143,145,146,147,148,163,164,165,166,167,168,169,185,186,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,364,365,380,381,382,386,387,402,403,404,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,493 +1774 - 29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,78,79,80,81,82,90,91,92,93,102,103,104,105,111,112,113,125,126,127,133,134,148,149,150,170,171,172,192,193,194,214,215,216,230,231,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,321,322,323,324,334,335,343,344,345,346,347,355,356,357,364,365,366,367,368,369,377,378,379,384,385,386,387,389,390,391,399,400,401,402,403,404,405,406,407,408,411,412,413,422,423,424,425,426,427,428,429,432,433,434,435,445,446,447,448,455,456,487 +1775 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,143,148,149,150,151,152,159,160,161,162,163,164,172,173,174,180,181,182,183,184,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,244,245,246,247,259,260,261,262,265,266,267,268,269,281,282,283,287,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,327,331,332,333,334,344,345,346,347,348,354,355,356,357,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +1776 - 80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,150,151,152,153,161,162,163,164,165,166,170,171,172,173,174,183,184,185,186,190,191,192,193,194,205,206,207,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,291,292,293,294,295,296,297,311,312,313,314,315,317,318,319,320,333,334,335,336,340,341,342,354,355,356,363,364,365,376,377,378,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +1777 - 56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,124,125,126,127,140,141,142,143,146,147,148,149,162,163,164,168,169,170,184,185,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,315,316,317,318,319,320,336,337,338,339,340,341,342,343,358,359,360,363,364,365,379,380,381,385,386,387,401,402,403,407,408,409,423,424,425,426,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +1778 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,73,74,75,76,77,78,79,80,100,101,102,103,104,124,125,126,127,147,148,149,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,282,301,302,303,304,305,325,326,327,328,331,332,348,349,350,353,354,355,370,371,372,375,376,377,378,379,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,488 +1779 - 14,15,16,35,36,37,56,57,58,78,79,80,99,100,101,120,121,122,142,143,144,163,164,165,184,185,186,206,207,227,228,229,249,250,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,292,293,294,296,297,298,299,301,302,314,315,317,318,319,323,324,336,337,338,339,340,344,345,346,358,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +1780 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,125,126,127,128,129,139,140,141,147,148,149,150,161,162,167,169,170,171,172,183,184,185,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,342,343,344,358,359,360,361,365,366,367,380,381,382,383,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,493 +1781 - 13,14,15,34,35,36,37,55,56,57,58,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,225,226,227,246,247,248,249,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,280,281,290,291,292,294,295,296,297,298,299,300,301,302,303,312,313,314,316,317,318,319,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,491 +1782 - 8,9,10,29,30,31,51,52,72,73,74,94,95,96,115,116,117,124,125,126,127,137,138,139,145,146,147,148,149,150,159,160,167,168,171,172,181,182,188,189,190,193,194,203,204,210,211,215,216,225,226,231,232,233,237,238,247,248,253,254,259,260,269,270,275,276,281,282,291,292,296,297,302,303,313,314,315,318,319,324,325,336,337,340,341,345,346,347,358,359,360,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +1783 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,126,127,128,129,140,141,142,147,148,149,150,151,162,163,164,165,168,169,170,171,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,320,321,322,335,336,337,338,343,344,356,357,358,359,365,366,377,378,379,380,386,387,388,399,400,401,402,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +1784 - 40,41,42,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,160,161,162,163,164,165,166,182,183,184,185,186,187,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,276,277,278,279,290,291,292,293,294,295,296,300,301,312,313,314,315,316,317,322,323,334,335,336,337,344,345,356,357,358,359,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,491 +1785 - 107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,184,185,186,187,206,207,208,228,229,250,251,272,273,274,295,296,297,310,311,318,319,320,332,333,341,342,354,355,356,362,363,364,376,377,378,379,380,384,385,386,399,400,401,402,403,404,405,406,407,423,424,425,426,427,428,490 +1786 - 52,53,54,74,75,76,97,98,119,120,121,142,143,164,165,186,187,208,209,230,231,232,252,253,254,275,276,297,298,319,320,341,342,363,364,385,386,408,409,429,430,431,451,452,453,474,475,486 +1787 - 34,35,36,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,402,403,404,405,424,425,426,427,428,446,447,448,449,486 +1788 - 53,54,55,56,73,74,75,76,77,78,79,82,83,94,95,96,97,98,99,100,101,103,104,105,116,117,118,119,120,121,122,123,125,126,127,138,139,140,146,147,148,149,160,161,167,168,169,170,182,183,189,190,191,204,205,206,210,211,212,213,226,227,228,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,317,318,319,320,338,339,340,341,342,343,359,360,361,362,363,364,365,366,381,382,383,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +1789 - 96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,147,148,149,158,159,160,161,162,169,170,171,180,181,191,192,193,213,214,215,234,235,236,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,492 +1790 - 53,54,55,56,57,58,59,63,64,72,73,74,75,76,77,78,79,80,81,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,125,126,127,128,129,134,135,136,137,138,147,148,149,150,155,156,157,158,159,167,168,169,170,177,178,179,180,187,188,189,190,191,199,200,201,202,203,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,293,294,295,297,298,299,300,301,302,303,304,314,315,316,323,324,325,326,327,336,337,347,348,349,357,358,359,369,370,371,378,379,380,389,390,391,392,401,402,403,404,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +1791 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,82,83,84,93,94,95,105,106,126,127,128,147,148,149,167,168,169,170,171,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,254,255,256,257,277,278,279,300,301,321,322,323,343,344,345,353,354,365,366,367,375,376,377,378,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +1792 - 10,11,32,33,53,54,55,75,76,77,96,97,98,99,118,119,120,140,141,142,162,163,164,183,184,185,186,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,258,259,271,272,273,274,275,276,280,281,294,295,296,297,302,303,316,317,318,319,323,324,325,338,339,340,341,344,345,346,347,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +1793 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,125,126,129,130,131,139,140,141,149,150,151,152,153,161,162,163,170,171,172,173,174,175,183,184,185,190,191,192,193,194,195,205,206,207,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,384,385,386,402,403,404,406,407,408,424,425,426,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +1794 - 97,98,99,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,253,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +1795 - 85,86,87,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,140,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,204,205,206,226,227,228,248,249,250,271,272,293,294,295,296,316,317,318,333,338,339,340,355,356,361,362,363,377,378,379,380,383,384,385,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,446,447,448,449,450,451,490 +1796 - 31,32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,104,117,118,119,124,125,126,138,139,140,146,147,148,149,160,161,162,169,170,171,181,182,183,191,192,193,203,204,214,215,224,225,226,236,237,246,247,257,258,259,268,269,279,280,281,290,291,301,302,312,313,322,323,324,334,335,344,345,346,356,357,358,365,366,367,378,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +1797 - 78,79,80,81,82,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,146,147,148,149,150,151,152,153,159,160,161,162,163,164,173,174,175,180,181,182,183,184,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,288,289,290,302,303,304,305,310,311,323,324,325,326,327,332,333,334,344,345,346,347,354,355,356,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,446,447,485 +1798 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,102,103,104,105,106,107,115,116,117,126,127,128,129,137,138,139,149,150,151,152,159,160,161,172,173,174,180,181,182,195,196,197,202,203,204,217,218,219,224,225,226,239,240,241,246,247,248,261,262,263,268,269,270,283,284,285,290,291,292,305,306,307,312,313,314,326,327,328,334,335,336,347,348,349,350,356,357,358,368,369,370,371,378,379,380,381,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,485 +1799 - 31,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,82,83,84,104,105,106,125,126,127,128,146,147,148,149,163,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,228,229,230,231,232,233,253,254,255,256,276,277,278,279,299,300,301,322,323,334,343,344,345,355,356,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +1800 - 28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,101,102,103,104,112,113,114,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,319,320,321,322,323,324,325,326,327,328,329,334,335,336,342,343,344,356,357,358,363,364,365,378,379,384,385,386,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,487 +1801 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +1802 - 9,10,11,30,31,32,52,53,54,74,75,76,96,97,117,118,119,139,140,141,161,162,163,183,184,189,190,191,192,204,205,206,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,238,248,249,250,253,254,255,258,259,260,270,271,272,275,276,281,282,283,292,293,294,297,298,303,304,305,314,315,316,319,320,321,323,324,325,326,337,338,339,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,491 +1803 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,170,171,172,179,180,181,182,191,192,193,194,201,202,213,214,215,216,235,236,237,256,257,258,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +1804 - 78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,130,131,137,138,139,140,150,151,152,153,158,159,160,170,171,172,173,174,181,182,190,191,192,193,194,195,203,204,210,211,212,213,214,226,227,231,232,233,234,248,249,250,251,252,253,254,271,272,273,274,275,294,295,296,297,315,316,317,318,319,336,337,340,341,342,357,358,363,364,378,379,385,386,400,406,407,408,421,422,428,429,443,444,449,450,451,465,466,467,469,470,471,472,493 +1805 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,97,98,104,105,106,126,127,128,147,148,149,167,168,169,170,171,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,255,256,275,276,277,278,299,300,301,321,322,323,334,335,343,344,345,355,356,357,358,364,365,366,367,377,378,379,380,381,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +1806 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,203,204,224,225,226,246,247,248,268,269,270,271,272,291,292,293,294,295,296,314,315,316,317,318,319,320,339,340,341,342,343,362,363,364,365,385,386,387,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +1807 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +1808 - 51,52,73,74,95,96,97,116,117,118,122,123,138,139,140,141,144,145,146,160,161,162,163,166,167,168,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,339,341,342,343,344,363,364,365,385,386,387,408,409,410,430,431,432,452,453,454,474,475,476,489 +1809 - 50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,280,300,301,302,303,323,324,325,332,333,345,346,347,353,354,355,356,366,367,368,369,375,376,377,378,379,388,389,390,391,398,399,400,401,402,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +1810 - 107,108,109,120,121,122,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,168,169,170,171,182,183,184,185,186,204,205,206,207,225,226,227,228,247,248,249,250,251,252,269,270,271,272,273,274,275,293,294,295,296,297,298,312,319,320,321,334,341,342,343,356,357,362,363,364,365,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,490 +1811 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,214,215,224,225,226,233,234,235,236,247,248,249,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,494 +1812 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,166,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,344,345,346,347,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +1813 - 84,85,86,87,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,183,184,185,206,207,228,229,230,251,252,253,274,275,296,297,298,311,319,320,332,333,340,341,342,354,355,356,362,363,364,376,377,378,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,445,446,447,490 +1814 - 39,40,41,60,61,62,63,81,82,83,84,101,102,103,104,105,123,124,125,126,127,143,144,145,146,147,148,149,164,165,166,167,169,170,171,185,186,187,188,191,192,193,205,206,207,208,209,213,214,215,226,227,228,229,230,235,236,237,246,247,248,249,250,251,258,259,266,267,268,269,270,271,279,280,281,287,288,289,290,291,292,293,294,295,296,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,390,391,412,413,434,435,456,489 +1815 - 37,38,59,60,80,81,82,102,103,123,124,125,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,359,360,361,380,381,382,401,402,403,404,423,424,425,445,446,447,448,486 +1816 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,472,473,474,486 +1817 - 62,63,64,65,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,182,183,184,185,186,203,204,205,206,225,226,227,248,249,250,271,272,273,293,294,295,316,317,318,339,340,341,361,362,363,364,377,378,379,384,385,386,399,400,401,407,408,409,421,422,423,424,425,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +1818 - 56,57,58,61,62,63,78,79,80,82,83,84,85,99,100,101,103,104,105,120,121,122,124,125,126,127,141,142,143,146,147,148,161,162,163,164,167,168,169,183,184,185,186,189,190,191,204,205,206,207,210,211,212,225,226,227,228,232,233,234,247,248,249,253,254,255,268,269,270,275,276,277,278,279,280,281,282,290,291,292,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,359,360,361,362,363,383,384,405,406,427,428,448,449,450,471,489 +1819 - 36,37,38,39,40,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,107,108,118,119,120,121,122,129,130,131,138,139,140,141,142,143,152,153,159,160,161,162,163,173,174,175,180,181,182,183,184,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,238,239,240,244,245,246,247,260,261,262,266,267,268,269,281,282,283,284,288,289,290,302,303,304,305,310,311,312,323,324,325,326,332,333,334,344,345,346,347,354,355,356,365,366,367,368,369,376,377,378,379,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +1820 - 51,52,53,54,55,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,121,122,123,136,137,138,139,144,145,146,158,159,160,166,167,169,170,171,172,180,181,182,187,188,189,191,192,193,194,201,202,203,208,209,210,212,213,214,215,223,224,225,229,230,231,232,234,235,236,237,245,246,247,248,251,252,253,255,256,257,258,268,269,270,271,272,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +1821 - 73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,146,147,148,168,169,170,190,191,211,212,213,233,234,235,254,255,256,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,445,446,447,448,467,468,469,470,492 +1822 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +1823 - 34,35,36,37,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,102,103,104,114,115,116,117,118,119,124,125,126,135,136,137,138,139,146,147,148,157,158,159,160,168,169,170,179,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,409,410,411,412,413,414,422,423,424,425,426,433,434,435,436,444,445,446,447,487 +1824 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,94,95,96,97,98,115,116,117,118,137,138,139,140,159,160,161,162,182,183,184,185,205,206,207,208,227,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,298,299,300,301,302,321,322,323,324,325,335,336,344,345,346,347,357,358,359,367,368,369,370,379,380,381,382,383,390,391,392,403,404,405,406,407,408,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,490 +1825 - 115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,192,193,194,213,214,215,216,235,236,237,256,257,258,259,278,279,280,299,300,301,302,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,492 +1826 - 72,73,74,91,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,134,135,136,137,138,139,140,141,142,143,144,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,340,341,342,343,344,345,346,347,348,359,362,364,365,366,367,368,369,370,384,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,494 +1827 - 62,63,64,83,84,85,86,105,106,107,116,117,126,127,128,138,139,140,147,148,149,150,159,160,161,162,169,170,171,181,182,183,190,191,192,202,203,204,211,212,213,214,224,225,226,233,234,235,245,246,247,255,256,267,268,269,276,277,278,289,290,291,292,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,362,363,364,384,385,386,406,407,427,428,429,449,450,471,472,489 +1828 - 55,56,57,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,191,192,193,194,195,196,201,202,203,204,205,206,215,216,217,218,219,223,224,225,226,237,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,302,303,304,305,306,310,311,312,313,314,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,485 +1829 - 30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,100,101,102,103,104,105,125,126,127,147,148,149,150,169,170,171,172,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,273,274,275,276,277,297,298,299,300,320,321,322,332,342,343,344,353,354,355,356,364,365,366,376,377,378,379,380,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +1830 - 12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,139,140,141,161,162,163,182,183,184,185,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,237,247,248,249,254,255,256,258,259,269,270,271,276,277,280,281,282,291,292,293,294,297,298,302,303,314,315,316,319,320,321,323,324,325,336,337,338,339,341,342,344,345,346,358,359,360,361,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +1831 - 57,58,59,60,78,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,470,486 +1832 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,166,167,168,169,188,189,190,210,211,212,231,232,233,253,254,255,275,276,277,296,297,298,318,319,320,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,471,472,492 +1833 - 99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,169,170,171,172,179,180,181,191,192,193,194,213,214,215,216,234,235,236,237,256,257,258,277,278,279,299,300,301,320,321,322,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,492 +1834 - 54,55,56,57,58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,147,148,149,150,151,152,159,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,203,204,205,206,225,226,227,228,229,230,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,318,319,320,321,322,341,342,343,344,345,356,357,364,365,366,367,378,379,380,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +1835 - 14,15,16,17,36,37,38,39,58,59,60,79,80,81,100,101,102,121,122,123,124,143,144,145,164,165,166,185,186,187,206,207,208,209,228,229,230,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,299,300,301,302,314,315,316,317,318,323,324,336,337,338,339,344,345,346,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +1836 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,143,144,145,146,166,167,168,187,188,189,208,209,210,211,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,320,321,322,323,324,343,344,345,346,360,361,365,366,367,381,382,383,384,385,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,488 +1837 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,125,126,127,138,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,192,193,194,201,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,249,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,323,324,325,326,327,332,333,334,344,345,346,347,348,354,355,356,365,366,367,368,369,376,377,378,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +1838 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +1839 - 55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,471,472,473,474,486 +1840 - 80,81,82,89,90,91,102,103,104,105,111,112,113,123,124,125,126,133,134,135,136,146,147,148,155,156,157,168,169,170,177,178,179,180,189,190,191,192,199,200,201,202,203,204,205,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,409,410,411,412,431,432,433,434,454,455,456,457,477,478,479,480,489 +1841 - 53,54,55,56,74,75,76,77,78,95,96,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,144,145,146,165,166,167,187,188,189,208,209,210,211,229,230,231,232,233,244,245,246,247,248,249,250,251,252,253,254,266,267,268,269,270,271,272,273,274,275,276,283,284,288,289,290,291,292,293,294,295,296,297,298,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,363,364,365,366,367,368,369,370,371,372,386,387,388,389,390,391,392,487 +1842 - 34,35,47,48,56,57,69,70,71,78,79,80,91,92,93,100,101,102,113,114,115,122,123,124,135,136,137,143,144,145,146,157,158,159,165,166,167,168,179,180,181,182,188,189,190,202,203,204,205,210,211,212,224,225,226,227,232,233,234,247,248,249,250,251,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,364,365,366,367,386,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,489 +1843 - 55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,144,145,146,147,148,149,150,151,159,160,161,162,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,302,303,304,323,324,325,326,345,346,347,348,353,354,355,365,366,367,368,369,370,374,375,376,377,378,379,380,382,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +1844 - 13,14,15,16,17,18,34,35,36,37,38,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,224,225,226,227,234,237,238,239,246,247,248,255,256,257,258,259,260,261,262,268,269,270,274,275,276,277,278,281,282,283,284,285,290,291,292,294,295,296,297,298,299,306,307,312,313,314,315,316,317,318,319,326,327,328,334,335,336,337,338,339,345,346,347,348,349,350,357,358,359,360,361,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +1845 - 61,62,63,72,73,83,84,85,86,93,94,95,96,104,105,106,107,108,115,116,117,118,126,127,128,129,137,138,139,140,147,148,149,150,151,158,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,194,201,202,203,204,211,212,213,214,215,223,224,225,226,233,234,235,236,244,245,246,247,248,249,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,363,364,365,366,367,368,385,386,387,388,389,407,408,409,410,429,430,431,451,452,453,473,474,475,489 +1846 - 73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,492 +1847 - 53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,159,160,161,162,163,181,182,183,184,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,322,323,324,344,345,346,347,357,365,366,367,368,369,378,379,380,381,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,490 +1848 - 93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,164,165,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +1849 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,412,491 +1850 - 77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,141,142,143,162,163,164,183,184,185,189,190,205,206,210,211,212,213,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,277,278,293,294,295,299,300,321,322,342,343,344,364,365,366,386,387,408,409,430,431,452,453,474,475,494 +1851 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,212,213,214,215,216,220,221,222,223,224,225,226,227,228,229,234,235,236,237,238,243,244,245,246,247,248,256,257,258,259,260,266,267,268,269,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,369,386,387,388,389,390,408,409,410,411,412,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +1852 - 94,95,96,97,116,117,118,119,120,121,138,139,141,142,143,160,161,164,165,166,187,188,209,210,231,232,247,253,254,269,270,271,272,275,276,291,292,293,294,295,296,297,298,299,300,301,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,342,343,344,345,346,347,348,349,350,351,487 +1853 - 54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,163,167,168,169,170,171,183,184,185,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,343,344,357,358,359,360,365,366,367,379,380,381,382,387,388,401,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +1854 - 52,53,74,75,78,79,95,96,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,167,168,182,183,189,190,204,205,211,212,225,226,227,232,233,234,247,248,249,254,255,256,269,270,271,276,277,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,340,341,342,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,489 +1855 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,190,191,192,202,203,204,212,213,214,215,224,225,226,227,228,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,322,323,324,343,344,345,346,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,474,475,476,477,494 +1856 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,105,106,107,108,116,117,118,119,120,127,128,129,130,138,139,140,141,148,149,150,151,161,162,163,169,170,171,172,173,183,184,185,190,191,192,193,205,206,207,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,318,319,320,321,322,333,334,341,342,343,344,355,356,364,365,366,367,377,378,379,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,493 +1857 - 13,14,15,16,33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,124,125,126,127,137,138,139,140,141,147,148,149,150,158,159,160,161,162,170,171,172,180,181,182,183,192,193,194,201,202,203,204,205,214,215,216,217,223,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,324,325,326,327,332,333,334,345,346,347,348,349,354,355,356,357,358,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,485 +1858 - 114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,166,167,168,169,170,178,179,180,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,322,323,324,343,344,345,346,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,492 +1859 - 33,34,35,36,55,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,486 +1860 - 38,39,40,58,59,60,61,62,63,80,81,82,83,84,102,103,104,105,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,314,315,316,317,336,337,338,339,357,358,359,360,361,378,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +1861 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,249,250,251,252,253,254,255,261,262,270,271,272,273,274,275,276,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,487 +1862 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,122,123,124,138,139,140,141,143,144,145,146,161,162,165,166,167,168,186,187,188,189,190,191,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,278,279,280,281,295,300,301,302,303,322,323,324,325,343,344,345,346,365,366,367,368,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,488 +1863 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,187,188,189,190,191,192,202,203,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,322,323,324,325,326,338,344,345,346,347,348,365,366,367,368,369,370,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +1864 - 58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,119,120,121,122,123,141,142,143,163,164,165,185,186,187,207,208,209,210,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,344,345,365,366,367,386,387,388,399,400,401,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +1865 - 58,59,60,80,81,82,83,101,102,103,104,105,111,112,123,124,125,126,127,132,133,134,135,145,146,147,148,149,154,155,156,157,167,168,169,170,171,172,176,177,178,179,188,189,190,191,192,193,194,199,200,201,202,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,475,489 +1866 - 11,12,13,32,33,34,53,54,55,75,76,77,97,98,99,119,120,140,141,142,162,163,164,184,185,206,207,227,228,229,249,250,251,254,255,256,257,271,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,322,323,324,337,338,339,340,341,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +1867 - 82,83,84,85,86,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,225,226,227,228,247,248,249,250,270,271,272,273,292,293,294,295,315,316,317,318,338,339,340,341,361,362,363,383,384,385,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,472,490 +1868 - 56,57,58,59,60,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,149,150,151,152,159,160,161,162,163,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,206,215,216,217,218,224,225,226,227,237,238,239,240,246,247,248,259,260,261,262,267,268,269,281,282,283,284,289,290,291,303,304,305,311,312,313,324,325,326,333,334,335,346,347,348,355,356,357,367,368,369,370,377,378,379,388,389,390,391,399,400,401,402,409,410,411,412,422,423,424,425,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +1869 - 10,11,12,13,31,32,33,34,35,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,426,427,428,429,491 +1870 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,96,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,168,187,188,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,311,312,321,322,323,333,334,342,343,344,356,357,364,365,366,378,379,380,385,386,387,388,400,401,402,403,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +1871 - 117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,234,235,236,237,238,245,246,247,248,249,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,320,321,322,323,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,475,492 +1872 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,105,106,107,115,116,117,118,128,129,130,136,137,138,148,149,150,151,159,160,161,162,169,170,171,172,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,231,232,233,234,255,256,257,278,279,300,301,323,324,345,346,354,355,366,367,368,375,376,388,389,390,397,398,399,409,410,411,412,419,420,421,422,423,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +1873 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,149,150,151,152,160,161,162,163,171,172,173,174,182,183,184,185,192,193,194,195,196,204,205,206,207,212,213,214,215,216,217,227,228,229,230,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,493 +1874 - 9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,100,101,102,114,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,272,273,274,275,293,294,295,296,315,316,317,318,336,337,338,339,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,487 +1875 - 76,77,78,79,80,97,98,99,100,101,102,105,106,113,114,117,118,119,120,121,122,123,124,127,128,138,139,140,141,142,143,144,145,146,149,150,160,161,162,163,164,165,166,167,168,171,172,181,182,183,184,186,187,188,189,190,193,194,203,204,205,206,207,208,209,210,211,212,215,216,225,226,227,228,229,230,231,232,233,237,238,248,249,250,251,252,253,254,259,260,271,272,274,275,276,281,282,295,296,297,303,304,317,318,319,325,326,338,339,340,341,347,348,360,361,362,369,370,381,382,383,384,391,392,403,404,405,413,414,425,426,427,435,436,447,448,449,457,458,468,469,470,471,479,480,494 +1876 - 96,97,101,102,103,104,105,106,116,117,118,119,120,122,123,124,125,126,127,128,129,136,137,138,139,140,141,144,145,149,150,151,152,157,158,159,160,161,166,167,173,174,178,179,180,181,195,196,197,200,201,202,217,218,219,222,223,240,241,244,245,262,263,266,267,283,284,285,288,289,290,305,306,307,310,311,312,313,326,327,328,333,334,335,347,348,349,350,356,357,358,359,368,369,370,371,379,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,428,429,430,431,432,485 +1877 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,168,169,170,181,182,183,184,185,186,190,191,192,193,203,204,205,206,207,213,214,215,224,225,226,227,228,235,236,237,246,247,248,249,250,257,258,259,267,268,269,270,271,279,280,281,289,290,291,292,293,301,302,303,311,312,313,314,322,323,324,325,326,333,334,335,336,344,345,346,347,348,356,357,358,359,360,361,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +1878 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,162,163,164,166,167,168,169,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,278,279,291,292,293,294,295,296,297,300,301,314,315,321,322,323,343,344,345,365,366,367,387,388,409,410,430,431,432,452,453,454,474,475,494 +1879 - 56,57,58,78,79,80,100,101,102,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,471,472,473,486 +1880 - 32,33,34,35,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,100,101,102,116,117,118,119,122,123,124,139,140,141,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,250,251,252,253,272,273,274,293,294,295,296,314,315,316,317,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,388,389,401,402,407,408,409,410,411,412,413,414,415,416,431,432,433,434,435,436,437,438,454,455,456,457,487 +1881 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,166,167,168,188,189,190,210,211,212,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,345,346,347,348,349,350,351,356,357,358,359,360,487 +1882 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,124,125,126,139,140,141,147,148,160,161,162,169,170,181,182,183,184,190,191,192,203,204,205,212,213,214,225,226,227,234,235,236,247,248,249,255,256,257,269,270,271,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,337,338,339,340,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,434,452,453,454,455,474,475,476,477,494 +1883 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,123,124,125,126,127,138,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,280,281,282,302,303,304,324,325,326,333,345,346,347,348,354,355,356,365,366,367,368,369,370,375,376,377,378,379,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +1884 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,167,168,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,213,214,224,225,226,234,235,236,246,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,476,477,494 +1885 - 39,40,41,60,61,62,63,82,83,84,85,95,104,105,106,116,117,118,125,126,127,128,138,139,140,147,148,149,159,160,161,162,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,489 +1886 - 8,9,10,28,30,31,32,49,50,51,52,53,54,71,72,73,74,75,76,94,95,96,97,115,116,117,118,137,138,139,159,160,161,169,181,182,183,190,191,192,193,203,204,205,211,212,213,214,215,216,225,226,227,233,234,235,236,237,238,246,247,248,254,255,256,259,260,268,269,270,276,277,278,281,282,291,292,299,300,301,302,303,304,313,314,315,316,323,324,325,336,337,338,339,344,345,346,347,359,360,361,365,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +1887 - 30,31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,137,138,139,140,141,159,160,161,162,180,181,182,183,184,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,280,281,282,302,303,304,323,324,325,326,344,345,346,347,348,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,490 +1888 - 117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,171,172,173,174,177,178,195,196,199,200,217,218,239,240,260,261,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,321,322,323,324,333,334,335,341,342,343,344,345,355,356,361,362,363,364,365,377,378,379,380,381,382,383,384,401,402,403,404,487 +1889 - 15,16,17,36,37,38,39,40,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,248,249,250,251,269,270,271,272,273,291,292,293,294,299,300,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +1890 - 13,14,15,35,36,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,185,186,187,206,207,208,209,210,211,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,278,279,280,293,294,295,300,301,302,314,315,316,321,322,323,336,337,338,342,343,344,358,359,360,363,364,365,366,381,382,383,384,385,386,404,405,406,407,491 +1891 - 96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,185,189,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +1892 - 8,9,10,11,29,30,31,32,51,52,53,72,73,74,75,94,95,96,97,115,116,117,118,137,138,139,140,159,160,161,181,182,183,189,190,191,192,193,194,203,204,205,210,211,212,213,214,215,216,217,225,226,227,230,231,232,233,234,235,237,238,239,240,247,248,249,252,253,254,255,260,261,262,269,270,271,274,275,276,282,283,284,291,292,293,294,296,297,298,304,305,314,315,316,318,319,320,325,326,327,336,337,338,339,340,341,342,343,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +1893 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,148,149,150,151,162,163,164,170,171,172,173,184,185,186,191,192,193,194,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,356,357,358,359,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,471,472,493 +1894 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,78,79,80,81,93,94,95,101,102,103,115,116,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,275,276,277,296,297,298,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,372,377,378,379,380,381,382,383,389,390,391,392,393,394,399,400,401,402,403,404,412,413,414,415,416,422,423,424,425,436,437,487 +1895 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,182,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,494 +1896 - 10,11,12,13,14,32,33,34,35,36,37,52,53,54,55,58,59,60,74,75,81,82,96,103,104,125,126,147,148,169,170,190,191,192,202,203,204,205,206,212,213,214,223,224,225,226,227,228,229,230,234,235,244,245,246,247,249,250,251,252,253,256,257,266,267,274,275,276,277,278,279,288,289,297,298,299,300,310,311,312,319,320,321,322,323,333,334,335,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,366,367,368,369,379,380,381,382,383,389,390,391,392,412,413,414,415,434,435,436,437,487 +1897 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,139,140,141,142,147,148,149,160,161,162,163,164,169,170,171,172,181,182,183,184,185,191,192,193,194,202,203,204,205,206,213,214,215,216,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,257,258,259,260,261,267,268,269,270,271,279,280,281,282,283,289,290,291,292,301,302,303,304,305,310,311,312,313,314,322,323,324,325,326,327,332,333,334,335,336,342,343,344,345,346,347,348,354,355,356,357,358,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +1898 - 12,13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,97,98,99,118,119,120,121,140,141,142,161,162,163,182,183,184,185,204,205,206,226,227,228,248,249,270,271,292,293,296,297,298,299,300,301,313,314,315,317,318,319,320,321,322,323,324,336,337,339,340,341,344,345,346,347,358,359,360,368,369,370,380,381,382,383,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +1899 - 79,80,81,82,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,188,189,190,191,205,210,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +1900 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,77,79,80,81,82,92,93,103,104,105,126,127,148,149,170,171,191,192,193,212,213,214,232,233,234,235,253,254,255,256,273,274,275,276,277,294,295,296,315,316,317,336,337,338,358,359,368,380,381,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,457,458,487 +1901 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,163,169,170,171,182,183,184,190,191,192,193,205,206,207,211,212,213,214,227,228,229,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,493 +1902 - 12,13,14,34,35,36,56,57,58,78,79,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,207,208,209,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,300,301,315,316,317,321,322,323,337,338,339,343,344,345,359,360,361,365,366,367,368,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,491 +1903 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,494 +1904 - 32,33,34,35,54,55,56,57,58,75,76,79,80,97,98,101,102,118,119,123,124,140,141,146,147,161,162,163,168,169,183,184,185,190,191,205,206,212,213,227,228,234,235,249,250,256,257,270,271,272,278,279,292,293,300,301,314,315,321,322,323,336,337,343,344,358,359,360,365,366,380,381,382,386,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,485 +1905 - 97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,293,294,295,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +1906 - 14,15,16,36,37,38,57,58,59,79,80,100,101,102,122,123,143,144,145,165,166,186,187,190,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,272,273,274,277,278,279,293,294,295,299,300,315,316,317,320,321,322,337,338,339,342,343,358,359,360,362,363,364,380,381,383,384,385,402,403,404,405,406,407,425,426,427,491 +1907 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,168,169,170,171,172,181,182,183,184,185,186,187,190,191,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,228,229,235,236,237,238,245,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,304,311,312,313,314,321,322,323,324,325,326,333,334,335,343,344,345,346,347,348,355,356,357,358,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,485 +1908 - 10,11,12,32,33,34,35,55,56,57,78,79,100,101,122,123,143,144,145,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,233,234,235,236,256,257,258,279,280,281,301,302,303,323,324,344,345,346,364,365,366,367,368,377,378,384,385,386,387,388,389,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,488 +1909 - 57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,469,470,471,486 +1910 - 33,34,35,55,56,57,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +1911 - 37,38,39,59,60,61,72,73,81,82,83,93,94,95,102,103,104,105,115,116,117,124,125,126,136,137,138,139,146,147,148,158,159,160,161,168,169,170,180,181,182,189,190,191,192,201,202,203,204,211,212,213,223,224,225,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,489 +1912 - 114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,189,190,191,192,193,200,201,202,210,211,212,213,214,215,222,223,224,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,277,278,279,280,289,290,291,292,293,294,295,299,300,301,302,313,314,315,321,322,323,324,343,344,345,365,366,367,368,388,389,390,411,412,433,434,435,455,456,457,477,478,479,494 +1913 - 35,36,37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,97,98,99,100,119,120,121,140,141,142,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,235,236,237,248,249,250,257,258,259,279,280,281,301,302,303,322,323,324,343,344,345,346,363,364,365,366,367,375,376,384,385,386,387,388,389,397,398,399,400,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,490 +1914 - 34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,95,96,97,98,99,117,118,119,120,139,140,146,147,148,149,150,160,161,162,163,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,298,299,300,301,302,313,314,315,316,321,322,323,324,335,336,337,344,345,346,357,358,359,365,366,367,368,379,380,381,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,493 +1915 - 37,38,39,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +1916 - 94,95,96,97,98,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,163,164,165,166,167,168,169,170,171,172,179,180,181,182,187,188,189,190,191,192,193,194,195,196,200,201,202,203,214,215,216,217,218,219,222,223,224,239,240,241,244,245,261,262,263,266,267,282,283,284,285,288,289,290,303,304,305,306,310,311,312,313,321,322,323,324,325,326,327,333,334,335,336,337,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,485 +1917 - 15,16,17,36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,248,249,250,251,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +1918 - 6,7,8,27,28,29,30,31,49,50,51,52,53,71,72,73,74,75,93,94,95,115,116,117,137,138,139,159,160,161,181,182,183,203,204,205,206,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,280,281,282,292,293,294,295,296,297,298,302,303,304,314,315,316,317,318,319,324,325,326,337,338,339,340,341,346,347,348,359,360,361,362,363,364,365,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,491 +1919 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,161,167,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +1920 - 31,32,33,34,52,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,122,123,124,125,140,141,144,145,146,147,162,163,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,234,254,255,256,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,341,342,343,344,345,346,359,360,361,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,411,412,413,414,415,425,426,427,428,429,430,435,436,437,447,448,449,450,451,487 +1921 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,96,97,100,101,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,257,258,259,270,271,272,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +1922 - 59,60,71,72,81,82,83,93,94,103,104,115,116,125,126,137,138,146,147,148,159,160,168,169,170,180,181,182,190,191,192,202,203,204,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,321,322,323,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +1923 - 11,12,13,14,15,16,33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,83,84,85,86,106,107,108,128,129,130,149,150,151,152,171,172,173,174,193,194,195,196,214,215,216,217,234,235,236,237,238,239,244,245,246,247,248,249,250,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,315,316,317,318,319,320,321,322,323,331,332,333,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,390,391,392,393,394,397,398,399,400,401,402,403,421,422,423,487 +1924 - 79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,188,189,190,191,192,193,200,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,322,323,324,325,344,345,346,347,365,366,367,368,369,376,377,386,387,388,389,390,398,399,400,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,472,488 +1925 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,171,172,173,180,181,182,183,184,201,202,203,204,205,223,224,225,226,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,494 +1926 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,146,147,148,149,150,157,158,159,160,161,168,169,170,171,172,173,179,180,181,191,192,193,194,195,200,201,202,203,214,215,216,217,222,223,224,225,236,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,281,282,283,288,289,290,291,303,304,305,310,311,312,313,314,324,325,326,327,333,334,335,336,337,338,345,346,347,348,355,356,357,358,359,360,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,485 +1927 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,191,192,193,194,195,202,203,204,205,206,213,214,215,216,217,224,225,226,227,235,236,237,238,239,246,247,248,249,256,257,258,259,260,261,268,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,304,311,312,313,314,321,322,323,324,325,333,334,335,342,343,344,345,346,347,355,356,357,358,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +1928 - 73,74,79,80,81,95,96,97,101,102,103,117,118,119,123,124,125,138,139,140,144,145,146,160,161,162,166,167,168,181,182,183,187,188,189,190,203,204,205,209,210,211,225,226,227,228,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,489 +1929 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,140,141,142,143,162,163,164,165,166,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,281,289,290,301,302,303,304,310,311,312,313,323,324,325,326,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,490 +1930 - 57,58,59,60,61,62,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,187,188,189,190,191,192,201,202,203,204,205,209,210,211,212,213,214,215,216,223,224,225,226,235,236,237,238,239,244,245,246,258,259,260,261,265,266,267,268,280,281,282,283,284,287,288,289,303,304,305,306,309,310,311,324,325,326,327,328,331,332,333,343,344,345,346,347,348,349,350,353,354,355,356,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,485 +1931 - 14,15,16,36,37,38,39,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,249,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,427,428,429,430,431,432,491 +1932 - 58,59,60,74,75,80,81,82,95,96,97,102,103,104,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,183,189,190,191,192,202,203,204,205,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,299,300,301,302,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +1933 - 98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +1934 - 51,52,53,73,74,94,95,96,116,117,118,125,126,138,139,140,146,147,148,160,161,168,169,170,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,247,248,249,254,255,256,257,269,270,271,275,276,277,278,279,291,292,293,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,365,366,387,388,408,409,410,430,431,432,453,454,475,476,489 +1935 - 11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,52,53,54,55,56,60,61,62,74,75,76,82,83,84,97,103,104,105,123,124,125,126,127,143,144,145,146,147,148,164,165,166,167,168,169,170,171,186,187,188,189,191,192,193,208,209,210,214,215,236,237,238,258,259,260,278,279,280,281,282,286,287,288,299,300,301,302,303,304,308,309,310,311,319,320,321,322,323,324,325,330,331,332,333,341,342,343,344,345,346,352,353,354,355,356,357,358,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,488 +1936 - 32,33,34,35,54,55,56,57,58,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,408,427,428,429,430,449,450,451,486 +1937 - 99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,161,162,163,164,165,167,168,169,170,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,275,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +1938 - 51,52,53,54,55,73,74,75,76,77,78,79,80,81,98,99,100,101,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,207,208,209,210,211,230,231,232,233,234,254,255,256,257,277,278,279,299,300,301,320,321,322,333,334,341,342,343,354,355,362,363,364,375,376,383,384,385,397,398,403,404,405,406,418,419,420,423,424,425,426,427,440,441,442,443,444,445,446,447,463,464,465,466,467,488 +1939 - 75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,145,146,147,161,162,163,164,167,168,169,182,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +1940 - 52,53,54,73,74,75,76,94,95,96,97,98,114,115,116,117,118,119,124,125,135,136,137,138,139,140,145,146,147,157,158,159,160,161,162,166,167,168,169,179,180,181,182,183,185,186,187,188,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,451,452,453,454,455,474,475,476,477,494 +1941 - 30,31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,79,80,81,96,97,101,102,103,123,124,125,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,191,192,207,208,209,210,212,213,214,229,230,231,235,236,256,257,258,259,279,280,300,301,302,321,322,323,324,332,333,342,343,344,345,346,354,355,356,363,364,365,366,367,376,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +1942 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,486 +1943 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,128,139,140,141,142,145,146,147,148,161,162,163,166,167,168,169,183,184,185,186,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,289,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,343,344,357,358,359,360,361,365,366,379,380,381,382,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +1944 - 94,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,304,318,319,320,321,322,323,324,325,326,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +1945 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,427,428,429,430,449,450,451,452,486 +1946 - 89,90,111,112,113,114,115,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,159,160,161,162,163,164,165,166,167,168,169,170,178,179,190,191,192,200,201,212,213,214,222,223,234,235,236,244,245,256,257,258,267,278,279,280,281,295,296,297,298,299,300,301,302,303,304,305,306,317,318,319,320,321,322,323,324,325,326,327,328,341,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +1947 - 46,47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,141,142,143,144,145,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,487 +1948 - 52,53,54,55,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,143,144,145,146,147,148,160,161,162,163,165,166,167,168,169,170,181,182,183,184,185,188,189,190,191,192,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,493 +1949 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,295,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +1950 - 100,101,102,103,104,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,181,182,183,184,185,186,189,190,191,192,202,203,204,205,206,207,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,256,257,258,259,266,267,268,269,270,271,272,273,274,275,278,279,280,281,289,290,291,292,293,294,300,301,302,303,322,323,324,325,344,345,346,366,367,368,387,388,389,390,409,410,411,412,431,432,433,453,454,455,474,475,476,477,494 +1951 - 11,12,13,14,33,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,231,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +1952 - 7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,79,80,81,82,92,93,102,103,104,105,125,126,127,147,148,149,169,170,171,172,192,193,194,214,215,216,236,237,238,247,248,249,250,257,258,259,260,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,342,343,344,345,346,354,355,356,357,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,487 +1953 - 96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,492 +1954 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,55,56,57,58,73,77,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,368,370,371,372,373,378,379,380,381,382,383,384,400,401,402,403,404,405,423,424,425,426,487 +1955 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,139,140,141,142,143,161,162,163,164,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,300,301,302,321,322,323,324,335,336,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +1956 - 61,83,84,85,86,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,172,173,174,175,182,183,184,185,186,187,194,195,196,197,203,204,205,206,207,208,215,216,217,218,219,224,225,226,227,228,229,237,238,239,240,245,246,247,248,249,250,258,259,260,261,267,268,269,270,271,278,279,280,281,282,288,289,290,291,292,299,300,301,302,303,310,311,312,313,320,321,322,323,324,325,332,333,334,335,341,342,343,344,345,346,354,355,356,357,361,362,363,364,365,366,367,376,377,378,379,380,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,485 +1957 - 11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,143,160,161,162,163,164,182,183,184,185,204,205,206,226,227,228,248,249,250,254,255,269,270,271,275,276,277,278,279,280,292,293,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,328,335,336,337,338,339,340,341,342,343,344,345,346,347,350,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +1958 - 88,89,90,91,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,454,472,473,474,475,476,492 +1959 - 52,53,54,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,146,147,148,149,161,168,169,170,171,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,294,295,296,297,300,301,302,323,324,344,358,367,380,387,388,389,390,401,402,403,404,405,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +1960 - 98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,168,169,170,182,183,184,190,191,192,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,254,255,256,257,258,269,270,271,272,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,322,323,324,337,338,339,340,341,344,345,366,367,388,389,410,411,432,433,453,454,455,475,476,477,494 +1961 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,124,126,135,136,137,138,139,157,158,159,160,164,166,167,179,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,214,217,218,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,280,281,282,283,303,304,305,325,326,327,346,347,348,367,368,369,370,380,381,382,388,389,390,391,402,403,404,405,406,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +1962 - 74,75,76,77,95,96,97,98,99,100,116,117,118,119,120,121,122,123,138,139,140,143,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,235,248,249,250,254,255,256,270,271,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,366,367,368,388,389,390,410,411,412,433,434,455,456,457,477,478,479,494 +1963 - 31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,256,257,258,259,260,261,262,266,267,268,269,270,271,272,278,279,280,281,282,283,284,288,289,290,291,292,293,299,300,301,302,303,304,305,310,311,312,313,314,315,320,321,322,323,324,325,326,327,332,333,334,335,336,337,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,447,448,485 +1964 - 31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,100,101,102,103,117,118,119,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,276,277,278,279,292,293,294,299,300,301,302,314,315,316,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,367,368,369,380,381,382,383,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,493 +1965 - 39,40,41,42,43,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,129,130,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,320,321,322,323,340,341,342,343,344,345,355,356,357,358,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +1966 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,101,102,103,104,115,116,117,118,124,125,137,138,139,140,145,146,147,160,161,162,163,167,168,169,183,184,185,186,187,188,189,190,206,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,273,274,275,277,278,279,280,294,295,296,297,300,301,302,315,316,317,318,323,324,325,337,338,339,345,346,347,348,359,360,367,368,369,370,380,381,382,389,390,391,402,403,404,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +1967 - 39,40,60,61,62,63,82,83,84,85,104,105,106,117,125,126,127,128,138,139,140,146,147,148,149,160,161,162,168,169,170,171,181,182,183,184,190,191,192,202,203,204,205,206,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,297,298,299,300,313,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,489 +1968 - 117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,147,159,160,161,162,164,165,166,167,168,169,180,181,182,184,185,186,187,188,190,191,201,202,203,204,205,206,207,208,211,212,213,223,224,225,226,227,228,233,234,235,246,247,255,256,257,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,494 +1969 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,190,191,192,193,194,202,203,204,205,206,207,208,212,213,214,215,216,223,224,225,226,227,228,229,233,234,235,236,237,238,245,246,247,248,249,250,255,256,257,258,259,260,267,268,269,270,271,277,278,279,280,281,282,289,290,291,300,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,347,355,356,357,358,359,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +1970 - 108,109,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,181,182,183,184,185,186,203,204,205,206,226,227,228,248,249,250,251,252,272,273,274,275,295,296,297,298,312,318,319,320,334,341,342,356,357,363,364,378,379,380,381,384,385,386,401,402,403,404,405,406,407,408,425,426,427,428,429,490 +1971 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,126,127,128,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,275,276,278,279,280,281,282,300,301,302,303,304,311,312,321,322,323,324,325,326,333,334,335,336,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,446,447,448,449,488 +1972 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,78,79,80,81,82,92,93,94,95,101,102,103,104,114,115,116,123,124,125,126,137,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,319,320,321,322,323,324,325,326,327,336,337,338,340,341,342,343,344,345,346,347,348,349,357,358,359,362,363,364,365,366,369,370,371,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,487 +1973 - 74,75,76,80,81,82,96,97,98,102,103,104,117,118,119,120,124,125,126,139,140,141,142,146,147,148,161,162,163,164,168,169,170,182,183,184,185,189,190,191,192,204,205,206,211,212,213,214,226,227,228,229,230,231,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,454,473,474,475,489 +1974 - 52,53,54,55,56,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,122,123,124,125,135,136,137,138,146,147,148,157,158,159,168,169,170,179,180,181,190,191,192,201,202,203,204,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,283,294,295,296,297,303,304,305,316,317,318,325,326,327,328,337,338,339,348,349,350,359,360,361,370,371,372,381,382,383,391,392,393,403,404,405,412,413,414,415,425,426,427,428,429,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,493 +1975 - 75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +1976 - 72,73,93,94,105,106,107,115,116,127,128,129,136,137,138,148,149,150,158,159,169,170,171,172,179,180,181,190,191,192,193,194,201,202,203,211,212,213,214,215,222,223,224,232,233,234,235,236,237,244,245,246,253,254,255,256,257,258,266,267,268,271,272,273,274,275,276,278,279,289,290,291,292,293,294,295,296,300,301,311,312,313,314,315,316,321,322,323,343,344,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,474,475,489 +1977 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +1978 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,138,139,140,141,161,162,163,183,184,185,186,187,206,207,208,209,210,229,230,231,232,252,253,254,255,275,276,277,278,298,299,300,301,320,321,322,323,343,344,345,365,366,367,386,387,388,389,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,490 +1979 - 38,39,40,41,50,51,60,61,62,63,72,73,81,82,83,84,85,93,94,95,96,103,104,105,106,115,116,117,118,124,125,126,127,128,137,138,139,140,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,205,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,342,343,344,345,346,356,357,358,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,489 +1980 - 10,11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,95,96,97,98,116,117,118,119,138,139,140,159,160,161,162,181,182,183,191,192,193,203,204,205,212,213,214,215,216,224,225,226,234,235,236,237,238,246,247,248,255,256,257,259,260,268,269,270,276,277,278,279,281,282,291,292,293,298,299,300,303,304,313,314,315,320,321,322,325,326,335,336,337,341,342,343,345,346,347,348,357,358,359,360,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +1981 - 8,9,10,11,12,30,31,32,33,34,35,52,53,54,55,56,57,58,75,76,77,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,257,258,259,260,280,281,282,301,302,303,304,313,314,321,322,323,324,325,326,334,335,336,337,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,488 +1982 - 99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,146,147,160,161,162,163,164,168,169,180,181,182,183,184,190,191,200,201,202,203,204,205,212,213,222,223,224,225,234,235,244,245,255,256,257,277,278,279,299,300,301,321,322,323,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +1983 - 93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,475,492 +1984 - 53,54,55,56,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,158,159,160,161,162,166,167,168,169,180,181,182,183,187,188,189,190,191,202,203,204,205,209,210,211,212,213,224,225,226,227,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,324,339,343,344,345,346,365,366,367,368,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,476,477,478,494 +1985 - 12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,208,226,227,228,229,230,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +1986 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,211,212,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,323,324,325,326,335,336,337,338,339,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +1987 - 26,27,47,48,49,50,51,52,69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,115,116,117,118,119,120,121,140,141,142,143,144,163,164,165,166,186,187,188,189,208,209,210,211,229,230,231,232,233,250,251,252,253,254,270,271,272,273,274,275,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,487 +1988 - 93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,315,316,317,318,337,338,339,360,361,362,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,406,407,408,409,410,411,412,413,414,487 +1989 - 33,34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,486 +1990 - 11,12,13,32,33,34,54,55,75,76,77,97,98,99,118,119,120,140,141,142,162,163,164,184,185,188,189,190,206,207,209,210,211,212,213,214,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,257,258,259,271,272,273,274,275,280,281,282,293,294,295,296,297,302,303,304,315,316,317,318,319,324,325,338,339,340,341,346,347,360,361,362,363,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +1991 - 39,40,41,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,183,184,185,186,204,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,295,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +1992 - 53,54,74,75,76,96,97,98,118,119,122,123,124,125,139,140,141,144,145,146,160,161,162,163,165,166,167,168,183,184,185,188,189,205,206,207,210,211,227,228,231,232,233,248,249,250,253,254,255,260,261,270,271,272,275,276,277,280,281,282,292,293,294,295,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,489 +1993 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,278,279,280,301,302,303,311,323,324,325,332,333,334,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,490 +1994 - 48,49,50,51,52,69,70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,115,116,118,119,120,121,122,123,142,143,144,145,146,165,166,167,168,188,189,190,191,209,210,211,212,213,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,325,345,346,347,367,368,369,389,390,391,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,488 +1995 - 37,38,58,59,60,61,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,193,194,195,196,200,201,202,203,204,205,206,215,216,217,218,221,222,223,224,225,226,227,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,269,280,281,282,283,284,287,288,289,290,291,302,303,304,305,306,309,310,311,312,313,314,316,321,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,426,427,428,485 +1996 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,137,138,139,141,142,143,159,160,163,164,181,182,183,184,185,203,204,205,206,207,208,209,227,228,229,230,231,232,233,252,253,254,255,256,276,277,278,279,299,300,301,322,323,344,345,346,359,366,367,368,381,388,389,390,403,404,409,410,411,425,426,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +1997 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,125,126,127,137,138,139,140,141,142,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,302,303,304,324,325,326,346,347,348,356,357,358,359,360,361,362,363,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,490 +1998 - 31,32,33,34,52,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,100,101,102,117,118,119,123,124,139,140,141,145,146,147,162,163,167,168,169,189,190,191,211,212,213,233,234,235,255,256,272,273,274,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,358,359,360,362,363,364,365,366,367,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,425,426,427,428,429,448,449,450,487 +1999 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,233,234,235,236,237,238,239,244,245,246,247,248,249,250,256,257,258,259,260,261,266,267,268,269,270,279,280,281,282,283,288,289,290,291,292,301,302,303,304,305,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,451,452,453,485 +2000 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,139,140,141,142,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,246,247,248,249,250,269,270,271,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,384,389,390,391,392,411,412,413,414,432,433,434,435,451,452,453,454,455,456,473,474,475,476,477,490 +2001 - 57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,150,151,160,161,162,163,164,182,183,184,185,204,205,206,207,208,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,336,337,338,339,342,343,344,357,358,359,360,361,364,365,366,379,380,381,382,385,386,387,388,401,402,403,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +2002 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,122,123,124,125,126,127,135,136,137,138,144,145,147,148,149,157,158,159,170,171,179,180,181,188,189,191,192,193,201,202,203,204,209,210,211,212,213,214,224,225,226,227,228,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,346,359,360,361,362,365,366,367,368,382,383,384,388,389,390,391,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,457,474,475,476,477,478,493 +2003 - 82,83,95,96,97,103,104,105,106,117,118,119,125,126,127,128,138,139,140,141,146,147,148,149,150,159,160,161,162,163,168,169,170,171,181,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,489 +2004 - 51,52,53,54,55,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,122,123,124,125,126,127,146,147,148,149,150,168,169,170,171,172,173,191,192,193,194,195,214,215,216,217,227,228,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,392,393,394,395,399,400,401,402,403,404,405,415,416,417,438,439,487 +2005 - 11,12,13,14,33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,182,183,184,185,186,187,191,192,203,204,205,206,207,208,211,212,213,214,215,225,226,227,228,229,230,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,491 +2006 - 79,80,81,82,99,100,101,102,103,104,120,121,122,123,125,126,127,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,190,191,192,205,206,207,210,211,212,213,214,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,494 +2007 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,211,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,448,449,450,451,452,453,469,470,471,472,473,474,475,492 +2008 - 53,54,55,74,75,76,77,96,97,98,99,119,120,121,122,141,142,143,144,145,163,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,486 +2009 - 34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,171,172,173,174,175,181,182,183,184,185,186,187,188,194,195,196,197,202,203,204,205,206,207,208,209,216,217,218,219,224,225,226,227,228,229,237,238,239,240,241,245,246,247,248,249,250,251,258,259,260,261,262,263,266,267,268,269,270,271,272,273,280,281,282,283,284,288,289,290,291,292,293,301,302,303,304,305,310,311,312,313,314,315,322,323,324,325,326,327,332,333,334,335,336,337,338,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +2010 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,159,160,161,162,163,167,168,169,181,182,183,188,189,190,191,204,205,206,210,211,212,213,228,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,487 +2011 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,111,117,118,119,120,122,123,124,125,139,140,143,144,145,146,147,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,257,258,259,270,271,272,279,280,281,300,301,302,303,322,323,324,325,342,343,344,345,346,364,365,366,367,368,378,379,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,468,469,470,471,472,488 +2012 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +2013 - 57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,160,161,162,163,167,168,169,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,358,359,360,361,364,365,366,380,381,382,385,386,387,388,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,469,470,471,472,473,493 +2014 - 76,77,78,79,80,98,99,100,101,102,103,115,116,119,120,121,122,123,124,125,126,136,137,138,140,141,142,143,144,146,147,148,149,157,158,159,160,162,163,164,165,168,169,170,171,179,180,181,182,184,185,186,191,192,193,194,201,202,203,204,205,206,207,208,213,214,215,216,223,224,225,226,227,228,229,236,237,238,245,246,247,248,249,250,258,259,260,267,268,269,270,271,272,280,281,282,289,290,291,292,293,301,302,303,312,313,314,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,408,409,410,411,429,430,431,432,433,451,452,453,454,472,473,474,475,492 +2015 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,449,450,451,486 +2016 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,102,103,104,105,106,117,118,119,120,121,125,126,127,128,137,138,139,140,147,148,149,158,159,160,161,168,169,170,180,181,182,189,190,191,201,202,203,210,211,212,213,224,225,226,232,233,234,246,247,248,249,250,253,254,255,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,317,318,319,320,338,339,340,341,342,343,344,345,360,361,362,364,365,366,367,368,369,382,383,387,388,389,390,391,403,404,405,410,411,412,413,425,426,427,428,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +2017 - 2,3,4,5,6,7,8,24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,118,119,120,121,122,123,124,142,143,144,145,146,165,166,167,168,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,256,257,273,274,275,276,277,278,279,280,281,282,283,284,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,487 +2018 - 71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,119,121,124,125,126,145,146,147,167,168,169,188,189,190,210,211,212,231,232,233,253,254,255,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,335,336,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,468,469,470,492 +2019 - 3,4,5,6,7,8,9,10,25,26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,119,120,121,122,123,135,136,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,269,270,271,272,273,274,275,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,487 +2020 - 10,11,12,31,32,33,53,54,55,75,76,77,96,97,98,118,119,120,140,141,142,161,162,163,183,184,185,188,189,190,191,192,205,206,207,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,258,259,260,271,272,273,274,275,280,281,282,293,294,295,296,302,303,304,315,316,317,318,324,325,326,337,338,339,340,341,344,345,346,347,359,360,361,362,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +2021 - 29,30,31,32,51,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,120,121,122,123,124,125,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,299,300,301,321,322,323,324,343,344,345,346,359,360,365,366,367,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +2022 - 53,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,145,146,147,157,158,159,160,167,168,169,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,292,293,294,295,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,369,370,380,381,382,383,384,385,402,403,404,405,425,426,487 +2023 - 32,33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,142,146,147,148,149,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,300,301,302,312,313,321,322,323,324,334,335,342,343,344,345,346,356,357,358,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +2024 - 94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,168,169,170,180,181,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,451,452,453,473,474,475,476,477,478,492 +2025 - 13,14,34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,227,228,229,230,231,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +2026 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,103,104,105,106,107,117,118,119,120,125,126,127,128,129,138,139,140,141,146,147,148,149,150,151,159,160,161,162,166,167,168,169,170,171,172,180,181,182,183,184,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,320,321,322,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,359,365,366,367,368,369,378,379,380,381,382,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +2027 - 90,91,92,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,259,275,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +2028 - 53,54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,98,99,119,120,140,141,142,161,162,163,183,184,204,205,206,226,227,248,249,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,337,343,344,345,346,365,366,367,385,386,387,388,406,407,408,409,424,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,490 +2029 - 7,8,9,29,30,31,32,33,51,52,53,54,55,56,74,75,76,77,78,79,97,98,99,100,101,102,121,122,123,124,144,145,146,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,299,300,301,302,313,314,320,321,322,323,324,335,336,337,338,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,488 +2030 - 31,32,33,51,52,53,54,55,73,74,75,76,77,95,96,97,98,99,116,117,118,124,125,126,138,139,140,141,144,145,146,147,148,160,161,162,163,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,451,452,453,454,455,493 +2031 - 36,37,57,58,59,79,80,81,93,94,101,102,103,114,115,116,122,123,124,136,137,138,144,145,146,147,158,159,160,161,166,167,168,180,181,182,183,188,189,190,201,202,203,204,205,210,211,212,213,214,215,216,223,224,225,226,227,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,433,452,453,454,455,489 +2032 - 26,27,47,48,49,69,70,71,92,93,114,115,116,136,137,148,158,159,169,170,171,179,180,181,191,192,193,201,202,203,213,214,215,223,224,225,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,300,301,302,303,304,312,313,323,324,325,346,347,348,368,369,370,391,392,393,413,414,415,416,435,436,437,438,458,459,460,489 +2033 - 80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,189,190,191,192,193,203,204,205,206,207,211,212,213,214,215,224,225,226,227,228,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,319,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,494 +2034 - 34,35,36,37,56,57,58,59,71,72,78,79,80,81,92,93,94,95,96,100,101,102,103,114,115,116,117,122,123,124,125,136,137,138,139,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,223,224,225,226,227,232,233,234,235,245,246,247,248,254,255,256,257,267,268,269,270,276,277,278,279,280,282,283,284,288,289,290,291,298,299,300,301,302,303,304,305,306,307,310,311,312,313,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,408,409,410,411,489 +2035 - 9,10,11,31,32,33,52,53,54,55,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,160,161,162,163,164,182,183,184,185,204,205,206,207,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,491 +2036 - 47,48,49,50,57,58,59,69,70,71,72,78,79,80,81,82,91,92,93,94,100,101,102,103,104,113,114,115,116,123,124,125,126,136,137,138,146,147,148,149,158,159,160,168,169,170,171,180,181,182,190,191,192,193,202,203,204,212,213,214,215,223,224,225,226,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,322,323,324,325,326,332,333,334,335,336,337,345,346,347,348,354,355,356,357,367,368,369,370,376,377,378,389,390,391,392,412,413,414,434,435,436,437,456,457,458,459,478,479,480,481,489 +2037 - 35,36,37,38,39,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,161,162,163,164,165,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,322,323,324,334,335,336,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +2038 - 35,36,38,39,40,41,42,43,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,137,138,139,159,160,161,162,180,181,182,183,184,185,202,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,276,277,278,279,299,300,301,302,310,322,323,324,332,333,345,346,354,355,356,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,490 +2039 - 56,57,58,77,78,79,80,99,100,101,102,103,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,450,467,468,469,486 +2040 - 30,31,32,51,52,53,54,55,73,74,75,76,77,95,96,97,98,99,117,118,119,120,121,139,140,141,142,143,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,452,453,454,455,486 +2041 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,147,148,149,160,161,162,163,170,171,182,183,184,190,191,192,193,204,205,206,212,213,214,226,227,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,494 +2042 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,101,102,103,119,120,123,124,125,144,145,146,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,299,319,320,321,337,342,343,344,358,359,364,365,366,380,381,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +2043 - 58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,147,148,149,150,162,163,164,168,169,170,171,184,185,186,189,190,191,192,193,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,357,358,359,360,361,364,365,366,367,379,380,381,382,386,387,388,400,401,402,403,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +2044 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,273,274,275,276,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,449,450,451,452,491 +2045 - 36,37,38,57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,402,403,404,405,424,425,426,427,428,446,447,448,449,450,486 +2046 - 54,55,60,61,75,76,77,81,82,83,97,98,99,103,104,105,119,120,121,125,126,127,140,141,142,146,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,336,337,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +2047 - 58,59,60,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +2048 - 99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,147,148,149,158,159,160,168,169,170,171,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +2049 - 83,84,85,86,87,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,184,185,186,187,205,206,207,208,227,228,229,249,250,251,252,271,272,273,274,294,295,296,297,317,318,319,320,334,339,340,341,342,355,356,362,363,364,377,378,379,384,385,386,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,490 +2050 - 74,75,78,79,80,96,97,100,101,102,118,119,122,123,124,140,141,145,146,162,163,167,168,183,184,185,189,190,205,206,207,211,212,227,228,233,234,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2051 - 58,59,60,61,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,170,171,172,173,174,180,181,182,183,184,185,186,187,192,193,194,195,196,201,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,237,238,239,240,244,245,246,247,248,249,259,260,261,262,265,266,267,268,269,270,281,282,283,284,287,288,289,290,291,303,304,305,306,309,310,311,312,324,325,326,327,328,331,332,333,334,335,336,337,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,485 +2052 - 74,75,76,81,82,83,95,96,97,98,102,103,104,116,117,118,119,124,125,126,137,138,139,140,146,147,148,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,211,212,213,224,225,226,233,234,235,246,247,248,255,256,257,268,269,270,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2053 - 11,12,13,14,15,31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,126,127,128,129,149,150,151,170,171,172,173,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,268,269,270,271,272,273,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,405,420,421,422,423,424,425,487 +2054 - 71,72,73,74,75,93,94,95,96,97,98,99,100,101,115,116,117,119,120,121,122,123,124,125,137,138,139,144,145,146,147,148,159,160,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +2055 - 95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,168,169,170,171,181,182,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,492 +2056 - 29,30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,95,96,97,117,118,138,139,140,159,160,161,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,234,235,236,237,244,245,246,247,258,259,260,266,267,268,281,282,303,304,325,326,327,347,348,349,355,368,369,370,377,378,389,390,391,392,399,400,401,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,490 +2057 - 34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,117,118,119,120,121,138,139,140,141,142,147,148,149,161,162,163,164,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,298,299,300,301,314,315,316,317,321,322,323,324,335,336,337,338,339,343,344,345,346,357,358,359,360,365,366,367,368,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,493 +2058 - 32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,102,103,104,105,114,115,116,125,126,127,128,136,137,138,148,149,150,157,158,159,171,172,179,180,181,193,194,201,202,203,215,216,217,223,224,225,237,238,239,246,247,258,259,260,261,268,269,280,281,282,283,290,291,292,301,302,303,304,312,313,314,323,324,325,334,335,336,344,345,346,356,357,358,359,365,366,367,368,379,380,381,382,383,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +2059 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +2060 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,146,147,148,158,159,160,169,170,180,181,182,190,191,192,193,202,203,204,211,212,213,214,224,225,226,232,233,234,235,236,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,278,279,293,294,295,296,300,301,321,322,323,343,344,345,366,367,388,389,410,411,432,433,454,455,456,476,477,478,494 +2061 - 16,17,18,19,36,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,98,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,209,225,226,227,228,229,230,247,248,249,250,251,269,270,271,272,291,292,293,294,296,297,298,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,491 +2062 - 16,17,18,19,35,36,37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,182,183,184,204,205,225,226,227,247,248,249,269,270,271,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,345,346,347,357,358,359,360,368,369,370,380,381,382,383,384,385,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,491 +2063 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,125,126,127,137,138,139,140,146,147,148,149,159,160,161,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,339,342,343,344,345,357,358,359,360,365,366,367,379,380,381,388,389,390,401,402,403,404,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +2064 - 48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,96,97,98,99,100,101,102,122,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,267,268,270,271,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,336,337,338,339,340,341,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,451,452,453,454,474,475,492 +2065 - 8,9,10,11,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,123,124,125,126,127,146,147,148,149,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,234,235,236,237,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,487 +2066 - 33,34,35,36,37,55,56,57,58,59,77,78,79,80,81,98,99,100,102,103,119,120,121,124,125,126,141,142,143,146,147,148,162,163,164,168,169,170,183,184,185,190,191,192,205,206,207,212,213,214,226,227,228,235,236,248,249,250,256,257,258,269,270,271,278,279,280,291,292,293,300,301,313,314,315,322,323,335,336,343,344,345,357,358,359,365,366,367,379,380,381,386,387,388,401,402,403,404,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,451,452,485 +2067 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,126,127,140,141,142,143,147,148,149,162,163,164,168,169,170,171,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,261,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,357,358,359,360,361,365,366,367,379,380,381,382,387,388,389,401,402,403,404,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +2068 - 33,34,35,36,37,52,53,54,55,56,57,58,59,72,73,74,75,76,77,93,94,95,96,97,113,114,115,116,117,124,125,135,136,137,138,144,145,146,147,157,158,159,160,161,162,163,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,260,261,272,273,274,275,280,281,282,283,294,295,296,303,304,305,306,315,316,317,326,327,328,336,337,338,339,348,349,350,358,359,360,369,370,371,372,380,381,382,390,391,392,393,403,404,405,406,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,493 +2069 - 37,38,58,59,60,61,80,81,82,83,101,102,103,104,116,117,123,124,125,126,138,139,145,146,147,148,159,160,161,162,166,167,168,169,170,180,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,223,224,225,226,227,232,233,234,235,236,244,245,246,247,248,249,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,489 +2070 - 35,36,37,55,56,57,58,59,77,78,79,80,81,82,83,98,99,100,103,104,105,120,121,125,126,127,143,147,148,149,165,166,167,168,169,170,171,186,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,341,342,358,359,360,362,363,364,380,381,384,385,386,402,403,404,405,406,407,424,425,426,427,428,429,447,448,449,450,493 +2071 - 62,63,64,84,85,86,97,98,105,106,107,108,118,119,120,121,126,127,128,129,139,140,141,142,143,148,149,150,151,160,161,162,163,164,169,170,171,172,181,182,183,184,185,191,192,193,203,204,205,206,207,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +2072 - 48,49,50,51,70,71,72,73,93,94,95,100,101,115,116,117,118,122,123,137,138,139,140,143,144,145,146,159,160,161,162,165,166,167,168,182,183,184,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,432,433,434,454,455,456,476,477,478,489 +2073 - 4,5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,73,74,75,76,77,78,79,96,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,261,269,270,271,272,273,274,275,276,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,487 +2074 - 69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,112,113,114,121,122,142,143,144,163,164,165,184,185,186,206,207,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,258,272,273,274,277,278,279,280,301,302,303,323,324,325,345,346,347,367,368,369,389,390,410,411,412,431,432,433,452,453,454,455,471,472,473,474,475,476,488 +2075 - 5,6,7,8,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,141,142,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,271,272,273,274,275,276,277,278,281,282,283,292,293,294,295,296,297,298,299,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,487 +2076 - 31,32,33,34,35,36,53,54,55,56,57,58,59,79,80,81,101,102,103,122,123,124,125,142,143,144,145,146,163,164,165,166,167,185,186,187,188,207,208,209,210,211,212,213,231,232,233,234,235,236,256,257,258,270,278,279,280,291,292,299,300,301,302,313,314,320,321,322,323,335,336,341,342,343,344,357,358,362,363,364,365,366,379,380,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,488 +2077 - 54,55,56,57,58,59,64,65,75,76,77,78,79,80,81,82,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,342,343,344,356,357,358,359,364,365,366,367,377,378,379,380,381,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,493 +2078 - 48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,102,103,104,105,123,124,125,126,127,144,145,146,147,166,167,168,187,188,189,208,209,210,211,229,230,231,232,250,251,252,271,272,273,274,293,294,295,314,315,316,336,337,338,357,358,359,360,379,380,381,402,403,404,405,424,425,426,427,428,429,447,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,480,481,487 +2079 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,213,214,215,216,217,218,222,223,224,225,226,227,228,229,235,236,237,238,239,240,243,244,245,246,247,248,249,256,257,258,259,260,261,262,265,266,267,268,269,270,271,278,279,280,281,282,283,284,287,288,289,290,291,292,293,300,301,302,303,304,305,306,310,311,312,313,314,315,316,322,323,324,325,326,327,332,333,334,335,336,337,338,339,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,449,450,451,452,485 +2080 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,95,96,97,98,117,118,119,139,140,141,161,162,163,164,165,166,167,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,233,234,235,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,359,360,365,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,490 +2081 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,167,171,172,173,183,184,185,186,187,188,189,190,193,194,195,204,205,206,207,208,211,212,215,216,217,226,227,228,229,237,238,239,247,248,249,250,259,260,261,269,270,271,272,281,282,283,290,291,292,293,303,304,305,312,313,314,315,324,325,326,334,335,336,337,338,345,346,347,348,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,485 +2082 - 34,35,36,55,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,124,125,126,127,128,139,140,141,142,148,149,150,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,236,237,238,239,247,248,249,258,259,260,261,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,324,325,333,334,335,336,345,346,347,355,356,357,358,365,366,367,368,377,378,379,380,381,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +2083 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,228,230,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,486 +2084 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,145,146,147,148,149,150,151,158,159,160,161,168,169,170,171,172,173,179,180,181,182,183,191,192,193,194,195,201,202,203,204,214,215,216,217,222,223,224,225,236,237,238,244,245,246,247,258,259,260,265,266,267,268,280,281,282,287,288,289,290,301,302,303,304,309,310,311,312,322,323,324,325,326,331,332,333,334,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,378,379,380,381,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,485 +2085 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,116,117,118,119,120,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,167,168,169,170,183,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,341,342,343,344,345,346,347,356,357,358,359,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,390,391,392,393,401,402,403,404,405,406,407,413,414,415,424,425,426,427,428,436,487 +2086 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +2087 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,143,144,145,146,159,160,161,164,165,166,167,186,187,188,189,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,278,279,280,293,294,295,296,300,301,302,315,316,321,322,323,324,343,344,345,364,365,366,367,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +2088 - 30,31,32,33,52,53,54,55,56,74,75,76,77,78,79,98,99,100,101,102,121,122,123,124,144,145,146,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,321,322,323,324,325,344,345,346,347,365,366,367,368,369,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,446,447,448,449,450,488 +2089 - 60,61,62,74,75,82,83,84,95,96,97,98,104,105,106,117,118,119,120,126,127,128,139,140,141,142,147,148,149,161,162,163,164,169,170,171,183,184,185,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,230,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,489 +2090 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,211,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +2091 - 36,37,38,39,40,41,42,43,56,57,58,59,60,61,62,63,64,65,74,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,117,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,208,209,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,276,277,278,298,299,300,301,321,322,323,343,344,345,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,490 +2092 - 71,72,73,74,89,90,91,92,93,94,95,96,97,98,110,111,112,113,114,115,116,117,118,119,120,121,132,133,141,142,143,162,163,164,165,183,184,185,186,204,205,206,207,225,226,227,228,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,278,279,280,292,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,327,347,348,349,370,371,391,392,393,411,412,413,414,431,432,433,434,435,436,449,450,451,452,453,454,455,456,470,471,472,473,488 +2093 - 11,12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,211,212,213,214,215,216,225,226,227,228,231,232,233,234,235,236,237,238,239,247,248,249,252,253,254,255,256,257,258,259,260,261,269,270,271,273,274,275,276,277,279,280,281,282,283,284,291,292,293,294,295,296,297,304,305,306,313,314,315,316,317,318,319,326,327,335,336,337,338,339,340,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +2094 - 53,54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,453,472,473,474,486 +2095 - 91,92,93,94,95,112,113,114,115,116,117,118,119,120,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,184,185,186,187,188,189,190,191,192,201,202,203,204,210,211,212,213,214,223,224,225,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +2096 - 13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,118,119,120,121,122,139,140,141,142,161,162,163,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,250,269,270,271,272,276,277,278,279,280,291,292,293,294,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,345,346,347,348,357,358,359,360,361,362,363,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,491 +2097 - 55,56,57,58,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,163,167,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,343,344,345,358,359,360,361,365,366,367,380,381,382,387,388,389,402,403,404,409,410,411,424,425,426,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +2098 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,488 +2099 - 77,78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,122,123,125,126,139,140,141,142,143,147,148,149,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,211,212,213,214,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,294,295,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,472,473,474,494 +2100 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,101,102,103,104,105,106,116,117,118,119,125,126,127,128,129,138,139,140,141,148,149,150,151,159,160,161,162,171,172,173,174,180,181,182,183,184,193,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,302,303,304,305,306,311,312,313,323,324,325,326,327,333,334,335,344,345,346,347,348,355,356,357,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +2101 - 56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,188,189,190,191,202,203,204,205,206,210,211,212,213,214,224,225,226,227,233,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,322,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,366,367,368,369,378,379,380,388,389,390,391,400,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,485 +2102 - 68,69,80,81,82,90,91,92,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +2103 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,486 +2104 - 34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,189,190,191,192,202,203,204,211,212,213,214,224,225,226,232,233,234,235,236,246,247,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,389,398,399,400,401,402,403,404,420,421,422,423,424,425,442,443,444,445,487 +2105 - 10,11,12,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,102,103,104,114,115,116,117,118,124,125,126,127,136,137,138,139,146,147,148,149,158,159,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,341,342,343,344,345,346,355,356,357,358,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,389,390,391,400,401,402,403,404,405,406,407,408,412,413,414,423,424,425,426,427,428,435,436,487 +2106 - 60,61,62,82,83,84,85,95,96,103,104,105,106,107,116,117,118,125,126,127,128,137,138,139,140,146,147,148,149,159,160,161,168,169,170,171,180,181,182,183,184,189,190,191,192,202,203,204,205,206,211,212,213,214,223,224,225,226,227,233,234,235,236,245,246,247,248,249,254,255,256,257,266,267,268,269,270,271,272,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,335,336,337,339,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,473,474,475,489 +2107 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,122,123,124,125,136,137,138,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,235,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,318,322,323,324,337,338,343,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,411,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,473,474,488 +2108 - 97,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,186,187,188,189,190,191,209,210,211,212,231,232,233,252,253,254,274,275,276,296,297,317,318,319,320,339,340,341,361,362,382,383,384,404,405,406,425,426,427,447,448,449,469,470,471,492 +2109 - 73,74,75,76,84,85,95,96,97,98,105,106,107,117,118,119,120,126,127,128,129,139,140,141,142,148,149,150,161,162,163,164,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,225,226,227,228,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,321,322,323,324,325,334,342,343,344,345,346,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,489 +2110 - 38,39,59,60,61,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,486 +2111 - 39,40,41,42,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,139,140,141,142,160,161,162,163,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,255,256,257,258,278,279,280,300,301,302,303,322,323,324,325,332,333,341,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,490 +2112 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,99,100,101,102,103,116,117,118,122,123,124,125,126,138,139,140,145,146,147,148,160,161,162,168,169,170,171,182,183,184,185,191,192,193,194,203,204,205,206,207,214,215,216,225,226,227,228,236,237,238,247,248,249,258,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,359,367,368,369,370,371,379,380,381,382,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +2113 - 10,11,12,32,33,34,53,54,55,56,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,213,214,215,224,225,226,227,232,233,234,235,236,237,238,246,247,248,252,253,254,255,256,257,258,259,260,261,268,269,270,273,274,275,276,277,278,279,280,281,282,283,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,325,326,327,334,335,336,337,338,339,340,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +2114 - 31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,78,79,96,99,100,101,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,211,212,213,227,228,229,234,235,256,257,278,279,300,301,321,322,323,343,344,345,357,364,365,366,378,379,385,386,387,388,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +2115 - 73,74,93,94,95,96,114,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,212,213,214,215,234,235,236,237,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,472,473,474,475,476,477,492 +2116 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,124,125,139,140,141,146,147,148,149,150,160,161,162,163,168,169,170,171,172,182,183,184,190,191,192,193,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,249,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,300,315,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +2117 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,105,106,116,117,118,119,120,123,124,125,127,128,129,138,139,140,145,146,148,149,150,151,159,160,161,162,168,169,170,171,172,182,183,184,185,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,320,321,322,334,335,336,337,338,343,344,345,356,357,358,359,365,366,367,378,379,380,387,388,389,401,402,403,409,410,411,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,493 +2118 - 91,92,112,113,114,115,134,135,136,137,138,139,155,156,157,158,159,160,161,162,163,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,221,222,223,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,243,244,245,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,277,278,279,280,281,282,283,287,288,289,300,301,302,303,304,309,310,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,386,387,388,389,390,407,408,409,410,411,429,430,431,432,450,451,452,453,472,473,474,492 +2119 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,189,190,191,192,203,204,205,211,212,213,214,224,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,494 +2120 - 54,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,140,141,161,162,163,183,184,185,206,207,208,228,229,230,231,251,252,253,273,274,275,276,277,297,298,299,319,320,321,342,343,344,364,365,366,378,379,386,387,388,400,401,402,407,408,409,422,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +2121 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,195,196,204,205,206,207,208,209,215,216,217,218,225,226,227,228,229,230,231,238,239,240,246,247,248,249,250,251,260,261,262,268,269,270,271,272,282,283,284,289,290,291,292,293,294,304,305,306,311,312,313,314,325,326,327,332,333,334,335,336,346,347,348,349,354,355,356,357,367,368,369,370,376,377,378,379,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +2122 - 35,36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,486 +2123 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,486 +2124 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,100,101,102,117,118,119,122,123,124,125,139,140,141,145,146,147,161,162,163,166,167,168,169,183,184,185,186,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,298,299,300,301,315,316,317,321,322,323,324,337,338,339,343,344,345,346,359,360,361,366,367,368,381,382,383,384,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +2125 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,169,170,171,180,181,182,191,192,193,213,214,215,235,236,237,256,257,258,259,278,279,280,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,390,391,392,393,394,402,403,404,405,406,407,408,425,426,427,428,429,449,487 +2126 - 6,7,8,9,28,29,30,31,49,50,51,52,71,72,73,74,92,93,94,95,114,115,116,135,136,137,138,157,158,159,160,172,173,174,175,179,180,181,182,192,193,194,195,196,197,201,202,203,204,213,214,215,216,217,218,219,223,224,225,226,234,235,236,237,238,239,240,241,245,246,247,248,255,256,257,258,259,260,261,262,267,268,269,270,276,277,278,279,280,281,282,283,284,289,290,291,292,298,299,300,301,302,303,304,305,312,313,314,315,320,321,322,323,324,325,326,334,335,336,337,338,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,425,426,427,428,429,430,491 +2127 - 73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,159,160,166,167,168,169,187,188,189,190,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,407,408,409,410,411,428,429,430,431,432,449,450,451,452,453,469,470,471,472,473,474,488 +2128 - 49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,112,113,114,121,122,123,134,135,136,137,138,144,145,158,159,160,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,252,253,254,274,275,276,277,297,298,299,300,301,321,322,323,324,344,345,346,347,367,368,369,385,386,387,389,390,391,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,471,472,473,474,475,488 +2129 - 85,86,87,95,96,106,107,108,109,117,118,119,128,129,130,138,139,140,149,150,151,158,159,160,161,162,170,171,172,173,180,181,182,183,184,192,193,194,201,202,203,204,205,213,214,215,216,223,224,225,226,234,235,236,237,244,245,246,247,248,249,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,449,450,451,489 +2130 - 52,53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,120,121,122,123,137,142,143,144,145,164,165,166,185,186,187,188,207,208,209,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,319,320,321,322,323,324,342,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +2131 - 78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,161,162,163,164,181,182,183,184,185,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,490 +2132 - 11,12,13,32,33,34,35,36,55,56,57,58,59,79,80,81,82,102,103,104,124,125,126,145,146,147,148,149,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,275,276,277,297,298,299,300,319,320,321,335,336,340,341,342,343,357,358,361,362,363,364,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,488 +2133 - 89,90,91,92,93,94,95,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,183,184,185,186,187,188,190,191,192,193,194,213,214,215,216,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +2134 - 33,34,35,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,121,122,123,139,140,143,144,145,165,166,167,187,188,189,209,210,231,232,253,254,275,276,296,297,298,318,319,320,340,341,362,363,384,385,405,406,407,408,409,425,426,427,428,429,430,431,446,447,448,449,450,451,452,486 +2135 - 59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,127,128,129,130,138,139,140,141,142,149,150,151,152,158,159,160,161,162,163,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,225,226,227,228,229,233,234,235,236,237,247,248,249,250,251,252,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,364,365,366,367,378,379,380,381,382,383,387,388,389,399,400,401,402,403,409,410,411,412,421,422,423,424,425,431,432,433,434,443,444,445,446,453,454,455,456,465,466,467,468,469,475,476,477,493 +2136 - 34,35,56,57,58,77,78,79,80,99,100,101,102,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +2137 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +2138 - 12,13,14,15,33,34,35,36,37,38,55,56,57,59,60,76,77,78,97,98,99,119,120,121,141,142,143,162,163,164,183,184,185,186,205,206,207,208,227,228,229,249,250,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,322,323,337,338,343,344,345,359,360,361,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +2139 - 53,54,55,56,57,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,126,137,138,139,140,147,148,158,159,160,161,169,170,180,181,182,190,191,192,202,203,204,205,211,212,213,225,226,227,228,229,230,232,233,234,235,247,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,296,297,298,299,300,317,318,319,320,321,322,323,338,339,340,341,343,344,345,360,361,362,365,366,367,368,381,382,383,384,388,389,390,403,404,405,406,410,411,412,425,426,427,428,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +2140 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,173,180,181,182,188,189,190,191,192,195,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,276,277,278,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,494 +2141 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,454,455,472,473,474,475,476,477,494 +2142 - 102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,168,169,170,190,191,192,212,213,233,234,235,255,256,257,276,277,278,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,468,469,470,471,492 +2143 - 28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,107,108,116,117,118,119,137,138,139,140,159,160,161,162,163,164,165,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,257,258,259,260,280,281,282,283,302,303,304,305,324,325,326,327,337,346,347,348,357,358,359,360,361,362,363,364,368,369,370,377,378,379,380,381,382,383,384,385,386,387,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,490 +2144 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,150,162,163,164,165,171,172,183,184,185,186,187,193,194,205,206,207,208,215,216,226,227,228,229,237,238,248,249,250,251,259,260,270,271,272,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,322,323,324,325,335,336,337,338,343,344,345,346,347,357,358,359,360,365,366,367,368,379,380,381,382,385,386,387,388,389,390,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +2145 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,167,168,169,170,171,189,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +2146 - 48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,278,279,280,281,289,290,291,292,293,301,302,303,304,312,313,323,324,325,326,346,347,348,349,354,355,368,369,370,371,376,377,378,389,390,391,392,393,398,399,400,401,402,403,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +2147 - 31,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,122,123,124,125,126,127,128,136,137,138,139,140,145,146,147,148,149,150,151,158,159,160,161,168,169,170,171,172,173,179,180,181,182,183,192,193,194,195,196,200,201,202,203,204,214,215,216,217,218,222,223,224,225,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,325,326,327,331,332,333,334,335,346,347,348,349,354,355,356,357,358,359,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,449,450,485 +2148 - 28,29,30,31,50,51,52,53,71,72,73,74,75,76,93,94,95,96,97,98,115,116,117,118,119,120,137,138,139,140,141,142,159,160,161,162,181,182,183,184,203,204,205,225,226,227,228,247,248,249,250,251,259,260,261,270,271,272,273,280,281,282,283,284,292,293,294,295,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,410,411,412,413,433,434,435,455,456,457,491 +2149 - 29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,122,123,124,125,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,436,437,445,446,447,448,449,450,451,452,488 +2150 - 73,74,75,76,77,82,83,84,85,94,95,96,97,98,99,103,104,105,106,107,116,117,118,119,120,121,122,125,126,127,128,129,137,138,139,140,141,142,143,146,147,148,149,150,158,159,160,161,162,163,165,166,168,169,170,171,180,181,182,183,184,189,190,191,192,202,203,204,205,206,210,211,212,213,224,225,226,227,228,229,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,475,493 +2151 - 34,35,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,399,404,405,406,407,426,427,428,429,449,450,451,486 +2152 - 12,13,14,15,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,123,138,139,140,141,160,161,162,163,182,183,184,203,204,205,206,225,226,227,233,247,248,249,251,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,301,302,303,304,305,306,313,314,315,316,317,318,325,326,327,328,335,336,337,338,339,340,347,348,349,350,358,359,360,361,362,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,491 +2153 - 11,12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,210,211,212,213,214,215,226,227,228,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,302,303,304,305,314,315,316,317,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +2154 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +2155 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,120,121,122,123,124,125,126,136,137,138,139,142,143,146,147,148,158,159,160,168,169,170,180,181,182,183,189,190,191,203,204,205,206,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,336,337,338,339,343,344,345,358,359,360,365,366,367,368,380,381,388,389,390,402,403,410,411,412,424,425,426,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +2156 - 13,14,15,16,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,82,96,97,98,99,100,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,224,225,226,246,247,248,267,268,269,275,276,277,278,279,280,289,290,291,296,297,298,299,300,301,302,303,304,312,313,314,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,346,347,348,349,357,358,359,360,361,362,363,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,491 +2157 - 73,74,82,83,84,95,96,97,103,104,105,117,118,119,125,126,127,139,140,141,147,148,149,160,161,162,168,169,170,171,182,183,184,190,191,192,203,204,205,212,213,214,225,226,227,228,229,230,231,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +2158 - 9,10,11,12,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,72,73,74,94,95,96,116,117,138,139,160,161,182,183,184,204,205,206,211,212,213,226,227,228,232,233,234,235,236,248,249,250,253,254,255,256,257,258,259,271,272,273,275,276,277,280,281,293,294,295,296,297,298,302,303,315,316,317,318,319,323,324,325,337,338,339,340,341,345,346,347,360,361,362,363,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +2159 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,448,449,450,486 +2160 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,123,124,125,126,127,128,129,139,140,141,147,148,149,150,151,152,160,161,162,163,170,171,172,173,174,182,183,184,192,193,194,195,196,204,205,214,215,216,217,218,225,226,227,235,236,237,238,239,247,248,257,258,259,260,269,278,279,280,281,282,289,290,291,300,301,302,303,304,310,311,322,323,324,325,331,332,333,343,344,345,346,353,354,355,356,363,364,365,366,367,375,376,377,378,379,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,485 +2161 - 93,94,95,96,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,169,170,171,181,182,183,191,192,193,202,203,204,205,212,213,214,215,224,225,226,234,235,236,237,247,248,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +2162 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +2163 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,233,234,235,236,247,248,249,250,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,300,301,302,303,304,313,314,315,316,317,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +2164 - 52,53,54,62,63,73,74,75,76,83,84,85,95,96,97,98,105,106,107,117,118,119,120,127,128,129,138,139,140,141,149,150,151,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,202,203,204,205,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,257,258,259,266,267,268,269,278,279,280,288,289,290,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,344,345,355,356,357,358,359,365,366,367,387,388,389,409,410,430,431,432,452,453,454,474,475,476,489 +2165 - 64,65,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,161,162,163,164,165,183,184,185,186,187,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,344,345,366,367,387,388,389,399,400,401,402,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +2166 - 58,59,60,80,81,82,83,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,469,470,471,486 +2167 - 12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,260,261,268,269,270,271,274,275,276,277,278,280,281,282,283,290,291,292,293,295,296,297,298,302,303,304,305,313,314,315,316,317,318,319,320,324,325,326,335,336,337,338,339,340,341,342,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +2168 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,117,118,119,120,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,492 +2169 - 77,83,84,85,86,98,99,100,104,105,106,107,108,119,120,121,122,125,126,127,128,129,130,140,141,142,143,144,147,148,149,150,161,162,163,164,165,168,169,170,171,182,183,184,185,186,189,190,191,192,193,203,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,246,247,248,249,254,255,256,257,267,268,269,270,271,272,273,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,333,336,337,338,339,340,341,342,343,344,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,489 +2170 - 51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,104,105,106,107,112,113,114,124,125,128,135,136,145,146,147,157,158,159,167,168,180,181,182,188,189,190,203,204,205,206,209,210,211,226,227,228,229,230,231,232,250,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,299,300,301,302,303,315,316,317,323,324,325,326,337,338,339,346,347,348,349,358,359,360,369,370,371,380,381,382,392,393,394,402,403,404,414,415,416,425,426,427,428,429,436,437,438,448,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,493 +2171 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,103,104,105,106,114,115,116,117,118,126,127,128,136,137,138,139,148,149,150,159,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,256,257,258,259,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,363,364,365,366,369,370,371,376,377,378,379,384,385,386,387,391,392,393,398,399,400,404,405,406,407,408,409,413,414,415,420,421,422,423,424,425,426,427,428,429,435,436,437,442,443,444,445,446,447,448,449,458,487 +2172 - 47,48,49,50,51,52,53,54,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,160,161,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,209,210,211,212,213,214,233,234,235,236,237,256,257,258,259,260,279,280,281,282,301,302,303,304,322,323,324,325,344,345,346,347,355,356,357,366,367,368,378,379,380,387,388,389,390,400,401,402,403,409,410,411,412,423,424,425,426,427,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,476,490 +2173 - 91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,166,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +2174 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,118,119,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,233,250,251,252,253,254,255,256,277,278,298,299,300,320,321,322,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,398,399,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,467,468,469,470,471,488 +2175 - 55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,104,105,106,107,108,117,118,119,120,121,126,127,128,129,130,139,140,141,148,149,150,151,152,161,162,163,169,170,171,172,173,183,184,185,190,191,192,193,194,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,291,292,293,294,295,296,297,298,312,313,314,315,316,317,319,320,321,334,335,336,337,338,341,342,343,344,355,356,357,358,359,364,365,366,377,378,379,380,387,388,389,399,400,401,409,410,411,422,423,424,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,476,493 +2176 - 51,52,59,60,73,74,81,82,94,95,102,103,115,116,117,124,125,136,137,138,139,146,147,158,159,160,168,169,180,181,189,190,191,202,203,211,212,213,224,225,226,233,234,235,236,246,247,248,249,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,410,411,412,432,433,434,454,455,456,457,477,478,479,489 +2177 - 35,36,37,57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,448,449,450,486 +2178 - 11,12,13,32,33,34,52,53,54,55,74,75,76,95,96,97,116,117,118,137,138,139,159,160,161,181,182,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,254,255,256,257,258,259,269,270,271,279,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,326,336,337,338,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,405,406,407,408,409,491 +2179 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,143,144,145,146,147,160,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,261,270,271,272,273,274,275,276,277,278,279,280,292,293,294,299,300,301,321,322,323,342,343,344,345,364,365,366,379,385,386,387,388,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +2180 - 29,30,31,32,33,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,124,125,126,127,146,147,148,149,168,169,170,171,188,189,190,191,192,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,322,323,340,341,342,343,344,345,346,365,366,367,368,369,376,377,382,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,488 +2181 - 60,61,62,72,73,74,81,82,83,93,94,95,96,103,104,105,115,116,117,118,125,126,127,137,138,139,146,147,148,149,159,160,161,168,169,170,180,181,182,183,190,191,192,201,202,203,204,205,211,212,213,214,223,224,225,226,227,228,233,234,235,236,245,246,247,248,249,250,251,252,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +2182 - 72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,152,153,158,159,160,161,180,181,182,202,203,204,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,294,295,296,298,299,300,301,302,321,322,323,324,325,345,346,347,368,369,370,390,391,392,410,411,412,413,414,423,424,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,490 +2183 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,122,123,124,138,139,143,144,145,146,165,166,167,186,187,188,189,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,273,278,279,280,281,300,301,302,321,322,323,324,342,343,344,345,356,357,364,365,366,367,378,379,385,386,387,388,399,400,401,402,405,406,407,408,409,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,488 +2184 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,75,76,77,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,163,164,165,166,167,185,186,187,205,206,207,208,209,227,228,229,230,248,249,250,251,269,270,271,272,291,292,293,294,313,314,315,335,336,337,349,357,358,359,360,369,370,371,379,380,381,382,383,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,487 +2185 - 75,76,83,84,97,98,99,104,105,118,119,120,121,122,125,126,127,140,141,142,143,147,148,161,162,163,164,165,166,168,169,170,183,184,185,186,187,188,190,191,192,204,205,206,207,209,210,211,212,213,214,225,226,227,228,229,230,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +2186 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,117,118,119,139,140,161,162,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,229,230,233,234,235,249,250,256,257,258,279,280,301,302,323,324,344,345,346,366,367,368,388,389,390,401,402,409,410,411,423,424,425,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +2187 - 93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,167,168,169,170,179,180,189,190,191,192,211,212,213,232,233,234,235,254,255,256,257,258,259,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,390,406,407,408,409,411,412,428,429,430,431,432,450,451,452,453,454,471,472,473,474,475,492 +2188 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,486 +2189 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,105,116,117,118,119,123,124,125,126,127,137,138,139,140,141,145,146,147,148,149,161,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,383,384,385,386,387,390,391,392,393,394,398,399,400,401,404,405,406,407,408,414,421,422,423,425,426,427,428,443,444,445,446,447,448,449,450,487 +2190 - 58,59,60,80,81,82,96,97,102,103,104,117,118,119,124,125,126,138,139,140,146,147,148,159,160,161,162,168,169,170,180,181,182,183,190,191,192,202,203,204,205,212,213,214,224,225,226,234,235,236,245,246,247,248,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,343,344,345,346,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,489 +2191 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,171,172,173,174,181,182,183,184,185,186,187,194,195,196,202,203,204,205,206,216,217,218,224,225,226,227,228,229,238,239,240,245,246,247,248,249,250,259,260,261,262,267,268,269,270,271,272,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,332,333,334,335,336,345,346,347,348,349,353,354,355,356,357,358,366,367,368,369,375,377,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +2192 - 35,36,37,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,204,205,206,207,208,212,213,214,226,227,228,229,234,235,236,247,248,249,250,256,257,258,269,270,271,272,277,278,279,291,292,293,294,298,299,300,301,313,314,315,316,320,321,322,323,335,336,337,338,339,342,343,344,345,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,485 +2193 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,160,161,162,163,181,182,183,184,185,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,275,276,277,278,298,299,300,321,322,323,343,344,345,365,366,367,369,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,406,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +2194 - 75,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,146,147,148,149,158,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,185,189,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,229,230,232,233,234,235,236,248,249,250,254,255,256,257,271,272,273,275,276,277,278,279,294,295,296,297,298,299,300,317,318,319,320,321,340,341,342,343,344,361,362,363,364,365,366,367,383,384,385,387,388,389,390,405,406,407,409,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +2195 - 32,33,34,52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,186,187,188,191,192,193,194,195,196,201,202,203,204,208,209,210,211,215,216,217,218,222,223,224,225,226,231,232,233,234,237,238,239,240,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,304,305,306,307,310,311,312,326,327,328,329,332,333,334,335,348,349,350,354,355,356,357,358,359,368,369,370,371,372,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,449,450,451,485 +2196 - 11,12,13,14,32,33,34,35,53,54,55,56,75,76,77,96,97,98,117,118,119,138,139,140,141,160,161,162,181,182,183,203,204,205,210,211,212,213,225,226,227,231,232,233,234,235,236,237,247,248,249,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,280,281,291,292,293,294,295,296,297,302,303,304,313,314,315,316,317,324,325,336,337,338,339,346,347,359,360,361,362,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +2197 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,452,471,472,473,486 +2198 - 56,57,58,78,79,80,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,471,472,486 +2199 - 75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,144,145,146,147,148,159,160,161,166,167,168,169,170,171,180,181,182,188,189,190,191,192,193,202,203,204,211,212,213,214,215,224,225,226,232,233,234,235,236,246,247,248,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,428,429,430,431,451,452,453,473,474,475,476,477,494 +2200 - 49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,298,299,300,301,302,303,304,305,322,323,324,325,326,327,335,345,346,347,348,349,356,357,358,367,368,369,370,377,378,379,380,381,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +2201 - 51,52,53,54,55,56,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,122,123,124,135,136,137,138,139,143,144,145,146,147,156,157,158,159,160,166,167,168,169,178,179,188,189,190,191,200,210,211,212,213,233,234,235,254,255,256,257,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,324,325,326,327,328,334,335,336,337,338,339,341,342,343,344,348,349,350,351,356,357,358,359,362,363,364,365,372,373,378,379,380,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,487 +2202 - 31,32,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,122,140,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,190,207,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,449,450,451,452,486 +2203 - 30,31,32,33,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,117,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,279,280,281,282,292,302,303,304,324,325,326,345,346,347,348,365,366,367,368,369,377,378,379,380,386,387,388,389,390,399,400,401,402,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +2204 - 25,26,27,47,48,49,69,70,71,91,92,93,102,103,104,113,114,115,124,125,126,127,135,136,137,138,146,147,148,149,157,158,159,160,167,168,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,204,211,212,213,214,215,224,225,226,227,228,234,235,236,237,246,247,248,249,250,251,255,256,257,258,259,268,269,270,271,272,273,274,275,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,341,342,343,344,345,346,347,365,367,368,369,389,390,391,411,412,413,433,434,435,436,456,457,458,489 +2205 - 9,10,11,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,79,80,81,82,94,102,103,104,105,123,124,125,126,127,145,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,236,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,320,321,322,323,324,325,326,327,332,333,334,335,341,342,343,344,347,348,349,350,354,355,356,362,363,364,365,370,371,372,373,376,377,378,379,382,383,384,385,386,393,394,395,399,400,401,402,403,404,405,406,407,416,417,422,423,424,425,426,427,428,487 +2206 - 57,58,79,80,95,96,100,101,102,116,117,118,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,181,182,183,184,188,189,190,203,204,205,206,209,210,211,225,226,227,228,229,230,231,232,233,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,296,297,298,299,300,301,302,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,489 +2207 - 53,54,55,56,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,123,124,125,136,137,138,139,140,141,142,144,145,146,147,148,163,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,277,278,279,280,281,282,283,303,304,305,325,326,327,346,347,348,349,367,368,369,370,379,380,381,382,383,388,389,390,391,400,401,402,403,404,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +2208 - 56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,144,145,146,160,161,162,163,166,167,168,180,181,182,183,188,189,190,202,203,204,209,210,211,224,225,226,230,231,232,233,246,247,248,249,252,253,254,255,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,317,318,319,320,321,322,339,340,341,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,470,471,489 +2209 - 8,9,10,11,12,13,14,15,16,17,18,19,29,30,31,32,33,34,35,36,37,38,39,40,41,51,52,53,54,55,56,57,58,59,73,74,75,95,96,97,116,117,118,119,138,139,140,160,161,162,181,182,183,184,185,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,279,280,281,301,302,303,304,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,490 +2210 - 32,33,34,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,105,106,117,118,119,127,128,139,140,141,149,150,160,161,162,170,171,182,183,184,192,193,204,205,213,214,226,227,234,235,248,249,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,300,301,315,316,317,322,323,336,337,338,345,346,357,358,359,367,368,379,380,381,389,390,401,402,410,411,423,424,425,430,431,432,433,446,447,448,449,450,451,452,453,454,493 +2211 - 11,12,13,14,15,16,17,18,19,20,21,32,33,34,35,36,37,38,39,40,41,42,43,51,52,53,54,55,56,57,58,59,60,61,73,74,75,94,95,96,97,116,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,278,279,280,281,300,301,302,303,323,324,325,335,336,337,338,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,490 +2212 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,207,226,227,228,229,230,231,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,301,302,314,315,316,317,321,322,323,324,336,337,338,344,345,346,347,358,359,360,361,367,368,369,381,382,383,384,385,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +2213 - 92,93,94,114,115,116,117,118,136,137,138,139,140,141,158,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,229,230,231,232,233,234,235,236,237,252,253,256,257,258,259,278,279,280,281,300,301,302,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,408,409,410,430,431,432,451,452,453,473,474,475,492 +2214 - 15,16,17,18,34,35,36,37,38,54,55,56,57,58,59,75,76,77,78,79,96,97,98,99,100,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,190,191,192,193,203,204,205,210,211,212,213,214,215,216,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,251,252,253,254,255,256,258,259,260,268,269,270,271,273,274,275,276,279,280,281,282,290,291,292,293,294,295,296,301,302,303,313,314,315,316,317,318,322,323,324,335,336,337,338,339,340,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,428,429,430,491 +2215 - 56,57,58,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,122,123,124,125,126,137,138,139,140,143,144,145,146,147,148,159,160,161,165,167,168,169,181,182,183,184,188,189,190,191,192,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,342,343,344,358,359,360,364,365,366,380,381,382,386,387,388,402,403,404,409,410,425,426,427,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +2216 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,147,159,160,161,162,168,169,181,182,183,189,190,191,192,203,204,210,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,278,279,280,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,494 +2217 - 81,82,83,96,97,102,103,104,105,117,118,119,124,125,126,139,140,141,146,147,148,160,161,162,163,167,168,169,182,183,184,185,189,190,191,192,193,204,205,206,211,212,213,215,226,227,228,232,233,234,235,247,248,249,250,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,344,345,362,363,364,384,385,386,406,407,428,429,449,450,451,471,472,473,489 +2218 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,101,102,103,104,116,117,118,123,124,125,126,138,139,145,146,147,148,160,161,166,167,168,169,170,181,182,183,188,189,190,191,192,193,203,204,205,209,210,211,213,214,215,225,226,231,232,235,236,237,246,247,248,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,345,346,356,357,358,366,367,368,378,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +2219 - 75,76,77,78,79,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,247,248,255,256,257,269,270,271,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +2220 - 32,33,54,55,76,77,98,99,120,121,141,142,143,163,164,165,185,186,207,208,228,229,230,233,250,251,254,255,271,272,273,276,277,278,279,293,294,295,298,299,300,301,302,315,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,365,366,387,388,409,410,431,432,453,454,489 +2221 - 76,77,78,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,167,168,169,170,181,182,183,184,189,190,191,203,204,205,210,211,212,213,225,226,227,231,232,233,234,247,248,249,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,473,474,475,476,494 +2222 - 80,81,82,95,96,102,103,104,116,117,118,119,123,124,125,126,138,139,140,141,145,146,147,160,161,162,167,168,169,182,183,189,190,191,204,205,210,211,212,213,225,226,227,231,232,233,234,235,247,248,249,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,320,321,336,337,342,343,364,365,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +2223 - 89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,159,161,162,163,164,165,166,167,168,169,188,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,476,492 +2224 - 60,61,62,82,83,84,97,103,104,105,118,119,120,125,126,127,140,141,142,146,147,148,149,161,162,163,168,169,170,183,184,185,189,190,191,192,205,206,207,211,212,213,226,227,228,233,234,235,248,249,250,254,255,256,257,269,270,271,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,341,342,343,355,356,357,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,489 +2225 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,428,429,430,450,451,452,486 +2226 - 12,13,14,15,34,35,36,55,56,57,76,77,78,79,98,99,119,120,121,141,142,162,163,164,184,185,186,206,207,227,228,229,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,296,297,298,300,301,302,315,316,317,318,319,322,323,324,337,338,339,340,343,344,345,359,360,361,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +2227 - 55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +2228 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,120,121,122,123,124,143,144,145,146,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,301,302,303,304,324,325,326,345,346,347,348,366,367,368,369,370,387,388,389,390,391,402,403,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +2229 - 91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,168,169,170,171,178,179,180,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,475,492 +2230 - 52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,104,105,106,113,114,115,116,125,126,127,128,135,136,137,146,147,148,149,157,158,166,167,168,169,170,187,188,189,190,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,302,303,311,312,324,325,332,333,334,346,347,354,355,367,368,369,375,376,389,390,391,397,398,399,409,410,411,412,419,420,421,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +2231 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,123,125,126,127,137,138,139,140,147,148,159,160,161,167,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,250,251,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,388,389,390,391,402,403,404,405,411,412,413,414,423,424,425,426,434,435,436,445,446,447,448,456,457,458,467,468,469,470,478,479,480,493 +2232 - 29,30,31,32,33,51,52,53,54,55,56,57,75,76,77,78,79,80,99,100,101,102,122,123,124,143,144,145,146,163,164,165,166,167,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,247,248,249,253,254,255,256,276,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +2233 - 31,32,33,34,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,280,281,301,302,303,322,323,324,325,343,344,345,346,354,355,365,366,367,375,376,377,378,385,386,387,388,389,397,398,399,400,406,407,408,409,410,419,420,421,422,423,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,488 +2234 - 50,51,70,71,72,73,74,75,91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,134,135,136,137,138,139,140,141,142,143,157,164,165,186,187,188,208,209,210,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,346,347,348,349,350,351,357,358,359,360,361,362,363,364,369,370,371,372,381,382,383,384,385,386,487 +2235 - 74,75,76,82,83,84,85,95,96,97,98,103,104,105,106,107,117,118,119,120,125,126,127,139,140,141,146,147,148,149,160,161,162,163,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,207,211,212,213,225,226,227,228,232,233,234,235,246,247,248,249,250,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,341,342,343,363,364,365,385,386,387,407,408,409,430,431,432,452,453,454,474,475,476,489 +2236 - 27,28,50,51,71,72,73,93,94,95,106,115,116,117,127,128,137,138,139,149,150,159,160,161,171,172,173,180,181,182,193,194,195,196,202,203,204,215,216,217,218,223,224,225,236,237,238,239,240,244,245,246,247,258,259,260,261,266,267,268,279,280,281,282,283,287,288,289,290,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,346,347,348,356,357,358,359,360,368,369,370,390,391,392,412,413,414,434,435,436,457,458,489 +2237 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,127,128,136,137,138,139,144,145,146,147,148,149,150,158,159,160,166,167,170,171,172,180,181,182,191,192,193,203,204,205,206,212,213,214,215,226,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,359,360,361,362,366,367,368,380,381,382,383,388,389,390,402,403,404,405,410,411,412,413,425,426,427,432,433,434,435,447,448,449,453,454,455,456,469,470,471,472,473,474,475,476,477,478,493 +2238 - 101,102,103,104,105,106,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,169,170,171,172,179,180,181,182,183,184,185,186,191,192,193,202,203,204,205,206,207,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +2239 - 11,12,13,14,32,33,34,35,36,53,54,55,56,75,76,77,96,97,98,99,117,118,119,120,139,140,141,160,161,162,163,182,183,184,203,204,205,206,225,226,227,235,236,237,238,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,274,275,276,277,278,279,280,281,282,283,284,290,291,292,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,316,317,318,319,320,327,328,334,335,336,337,338,339,340,348,349,350,356,357,358,359,360,361,362,363,369,370,371,372,379,380,381,382,383,384,385,386,388,389,390,391,392,393,491 +2240 - 79,80,81,82,93,94,95,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,157,158,159,160,161,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,249,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,451,452,453,454,455,473,474,475,476,477,489 +2241 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,378,379,380,381,388,389,390,391,400,401,402,403,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,488 +2242 - 12,13,14,15,16,32,33,34,35,36,37,38,53,54,55,56,57,59,60,74,75,76,77,78,81,82,95,96,97,98,103,104,117,118,119,125,126,139,140,141,160,161,162,182,183,184,204,205,225,226,227,234,235,236,237,247,248,249,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,282,291,292,297,298,299,300,301,302,303,304,313,314,319,320,321,322,323,324,325,326,335,336,337,342,343,344,345,346,347,357,358,359,365,366,367,368,379,380,381,382,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +2243 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,100,101,102,103,105,115,116,117,118,127,128,137,138,139,148,149,150,159,160,161,169,170,171,181,182,183,184,190,191,192,193,204,205,206,207,212,213,214,226,227,228,229,230,233,234,235,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,339,340,344,345,346,347,359,360,361,367,368,369,380,381,382,389,390,391,402,403,404,411,412,413,425,426,427,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +2244 - 132,133,134,135,136,137,138,139,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,212,213,233,234,235,255,256,257,273,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,300,301,302,303,304,305,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +2245 - 55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,169,170,171,172,181,182,183,184,188,189,192,193,194,202,203,204,205,211,212,214,215,216,223,224,225,226,227,236,237,238,245,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,292,301,302,303,311,312,313,322,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,365,366,367,368,369,377,378,379,380,387,388,389,390,399,400,401,402,403,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +2246 - 67,68,78,79,80,81,82,83,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,167,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,237,240,254,255,256,257,258,259,260,261,262,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,472,473,474,475,476,492 +2247 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,190,191,192,193,202,203,204,211,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,258,268,269,270,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,448,449,450,469,470,471,472,494 +2248 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,94,95,96,116,117,118,138,139,140,160,161,162,182,183,184,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,234,235,236,237,248,249,250,251,252,257,258,259,270,271,272,273,280,281,282,292,293,294,295,302,303,304,305,314,315,316,317,325,326,327,337,338,347,348,349,369,370,371,383,390,391,392,404,405,406,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,490 +2249 - 16,17,18,37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,119,120,121,122,123,124,125,140,141,142,143,144,161,162,163,164,183,184,185,186,205,206,207,226,227,228,247,248,249,250,255,256,269,270,271,272,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,344,345,346,347,357,358,359,360,366,367,368,369,379,380,381,382,383,384,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +2250 - 32,33,34,40,41,42,43,54,55,56,61,62,63,64,65,76,77,78,81,82,83,84,85,86,97,98,99,102,103,104,105,118,119,120,121,124,125,126,140,141,142,144,145,146,147,162,163,164,165,166,167,168,183,184,185,187,188,189,205,206,207,227,228,229,249,250,251,271,272,273,293,294,295,315,316,317,318,338,339,340,341,342,360,361,362,363,364,365,366,367,384,385,386,387,388,389,390,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,490 +2251 - 11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,81,82,83,84,95,96,97,98,104,105,106,126,127,128,148,149,150,170,171,172,191,192,193,194,213,214,215,234,235,236,237,256,257,258,270,271,272,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,340,341,342,343,344,354,355,356,362,363,364,365,366,367,376,377,378,383,384,385,386,387,388,389,390,398,399,400,404,405,406,407,408,410,411,412,413,414,421,422,423,424,425,426,427,428,429,433,434,435,436,437,487 +2252 - 71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,144,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,339,340,341,342,343,344,364,365,366,385,386,387,388,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,488 +2253 - 32,33,34,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,144,145,146,147,148,149,150,158,159,160,161,162,167,168,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,205,214,215,216,217,218,223,224,225,226,237,238,239,240,241,244,245,246,247,248,261,262,263,266,267,268,269,283,284,285,288,289,290,291,304,305,306,310,311,312,313,326,327,328,332,333,334,335,346,347,348,349,350,354,355,356,357,367,368,369,370,377,378,379,380,381,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +2254 - 72,73,74,75,80,81,82,93,94,95,96,97,101,102,103,104,114,115,116,117,118,119,123,124,125,136,137,138,139,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,204,205,206,211,212,213,226,227,228,229,233,234,235,249,250,251,255,256,257,271,272,273,274,277,278,279,294,295,296,299,300,301,317,318,319,320,321,322,339,340,341,342,343,344,362,363,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +2255 - 53,54,55,56,75,76,77,78,97,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,428,429,430,431,450,451,452,453,473,474,475,476,486 +2256 - 47,48,69,70,71,82,83,84,91,92,93,94,95,103,104,105,106,107,113,114,115,116,117,125,126,127,128,129,135,136,137,138,139,146,147,148,149,150,151,157,158,159,160,161,168,169,170,171,172,178,179,180,181,182,183,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,320,321,322,323,324,325,341,342,343,344,345,346,363,364,365,366,367,368,385,386,387,388,389,390,407,408,409,410,411,412,429,430,431,432,433,451,452,453,454,455,474,475,476,477,489 +2257 - 31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,143,144,145,146,147,148,149,150,158,159,160,161,167,168,169,170,171,172,173,179,180,181,182,183,190,191,192,193,194,195,196,201,202,203,204,205,213,214,215,216,217,218,222,223,224,225,226,236,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,358,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,485 +2258 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,96,97,98,99,100,116,117,118,119,120,121,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,211,212,213,214,215,224,225,226,234,235,236,237,257,258,259,267,268,279,280,281,288,289,290,301,302,303,309,310,311,323,324,325,331,332,333,344,345,346,347,348,354,355,356,366,367,368,369,370,376,377,378,379,380,381,382,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,490 +2259 - 9,10,11,30,31,32,51,52,53,54,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,188,189,190,191,192,193,203,204,205,208,209,210,211,212,213,214,215,216,225,226,227,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,258,259,260,269,270,271,272,273,274,275,280,281,282,291,292,293,294,295,296,302,303,304,314,315,316,317,318,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,404,405,406,407,491 +2260 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +2261 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,122,123,124,136,137,138,139,140,145,146,147,159,167,168,169,189,190,191,212,213,214,234,235,236,256,257,258,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,361,362,363,364,365,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,392,393,394,395,401,402,403,404,405,406,407,416,417,439,487 +2262 - 10,11,31,32,33,53,54,55,75,76,77,96,97,98,118,119,120,140,141,161,162,163,183,184,185,205,206,207,227,228,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,279,280,293,294,295,296,301,302,303,315,316,317,324,325,337,338,339,340,346,347,358,359,361,362,363,367,368,369,380,384,385,386,387,388,389,390,407,408,409,410,411,412,491 +2263 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,127,141,146,147,148,149,167,168,169,170,188,189,190,191,192,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,400,401,402,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,488 +2264 - 48,49,58,59,60,69,70,71,72,80,81,82,91,92,93,102,103,104,114,115,124,125,126,135,136,137,146,147,148,157,158,159,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,227,228,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,319,320,321,322,323,324,325,334,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,458,477,478,479,489 +2265 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,125,126,127,128,129,137,138,139,140,147,148,149,150,158,159,160,161,168,169,170,171,180,181,182,183,189,190,191,192,203,204,205,211,212,213,225,226,227,228,229,230,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,336,337,338,339,340,343,344,345,358,359,360,361,365,366,367,380,381,382,387,388,389,402,403,409,410,411,424,425,426,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +2266 - 57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,226,227,228,248,249,250,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,315,319,320,321,322,323,344,345,346,366,367,368,379,380,387,388,389,401,402,408,409,410,411,423,424,425,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +2267 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,167,168,169,170,171,180,181,182,191,192,193,202,203,204,211,212,213,214,215,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,294,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,453,471,472,473,474,475,494 +2268 - 53,54,55,58,59,60,61,62,63,64,65,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,143,158,159,160,161,162,180,181,182,183,184,185,202,203,204,205,206,207,208,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,366,367,368,369,370,381,382,389,390,391,392,403,404,405,406,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,490 +2269 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,167,168,169,170,171,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,213,214,215,216,223,224,225,226,227,235,236,237,238,245,246,247,248,257,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,346,347,348,349,354,355,356,357,367,368,369,370,376,377,378,379,380,381,382,383,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,485 +2270 - 51,52,53,54,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,114,115,116,119,120,121,122,123,124,135,136,137,143,144,145,146,147,158,167,168,169,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,421,422,423,487 +2271 - 89,90,91,92,93,94,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,492 +2272 - 33,34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,120,121,122,141,142,143,144,163,164,165,184,185,186,187,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,237,255,256,257,258,259,278,279,280,281,300,301,302,303,321,322,323,324,325,342,343,344,345,346,362,363,364,365,366,367,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,490 +2273 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,102,103,104,113,114,115,116,117,118,124,125,126,135,136,137,138,146,147,148,158,159,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,249,250,251,252,255,256,257,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,340,341,342,343,344,345,346,347,348,355,356,357,361,362,363,364,367,368,369,370,371,372,377,378,379,381,382,383,384,385,386,391,392,393,394,395,399,400,401,402,403,404,405,406,415,416,417,422,423,424,425,426,427,439,445,446,447,487 +2274 - 79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,138,139,140,141,143,144,145,146,159,160,161,165,166,167,168,181,182,186,187,188,189,190,202,203,204,208,209,210,211,212,224,225,229,230,231,233,234,246,247,251,252,253,255,256,267,268,269,272,273,274,277,278,289,290,291,292,293,294,295,299,300,301,311,312,313,314,315,316,321,322,323,334,335,336,337,343,344,345,366,367,388,389,410,411,412,432,433,434,435,455,456,457,477,478,479,494 +2275 - 51,52,53,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,147,148,149,168,169,170,171,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,300,301,302,315,316,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,400,401,402,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +2276 - 72,73,79,80,81,93,94,95,96,101,102,103,104,115,116,117,118,122,123,124,125,126,137,138,139,140,144,145,146,147,160,161,162,166,167,168,169,182,183,184,185,188,189,190,191,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +2277 - 53,54,55,74,75,76,77,82,83,96,97,98,99,103,104,105,118,119,120,124,125,126,127,140,141,142,146,147,148,161,162,163,164,168,169,170,182,183,184,185,189,190,191,204,205,206,207,208,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +2278 - 31,32,33,34,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,125,126,138,139,140,141,144,145,146,147,148,160,161,162,163,167,168,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,273,278,279,280,281,292,293,294,295,300,301,302,303,314,315,316,317,322,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,361,362,365,366,367,368,381,382,383,384,385,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,485 +2279 - 74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,152,153,161,162,163,164,183,184,185,186,205,206,207,208,226,227,228,229,230,231,232,249,250,251,252,253,254,255,275,276,277,278,298,299,300,301,321,322,323,324,334,335,344,345,346,355,356,357,358,359,360,366,367,368,377,378,379,380,381,382,383,384,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,490 +2280 - 28,29,30,31,32,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,121,122,123,124,125,134,143,144,145,146,147,148,167,168,169,170,189,190,191,192,212,213,214,228,229,230,231,232,233,235,236,237,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,306,313,314,315,316,320,321,322,323,324,325,326,327,328,335,336,337,343,344,345,346,347,348,349,350,357,358,359,360,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,487 +2281 - 55,56,57,58,59,60,61,62,63,64,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,136,137,138,139,140,141,157,158,159,160,161,179,180,181,182,201,202,203,204,223,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,303,321,322,323,324,325,326,335,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,472,473,474,475,490 +2282 - 39,40,41,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,117,118,119,120,139,140,160,161,162,181,182,183,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,255,256,257,258,259,280,281,288,289,302,303,310,311,324,325,326,332,333,346,347,348,354,355,356,367,368,369,377,378,379,389,390,391,400,401,402,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,490 +2283 - 11,12,13,31,32,33,34,35,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,146,147,148,168,169,170,190,191,192,211,212,213,214,233,234,235,236,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,320,321,322,326,327,328,329,333,334,335,340,341,342,343,344,350,351,355,356,357,358,360,361,362,363,364,365,373,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,425,426,487 +2284 - 71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,142,143,144,145,146,156,157,158,159,165,166,167,168,178,179,180,181,187,188,189,190,191,200,201,202,203,210,211,212,213,223,224,225,226,227,232,233,234,235,245,246,247,248,249,250,251,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,388,389,390,391,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,477,478,479,480,494 +2285 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,126,137,138,139,140,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,204,205,206,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,324,337,338,339,340,344,345,346,347,359,360,361,362,367,368,369,381,382,383,390,391,392,403,404,405,412,413,414,425,426,427,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,493 +2286 - 31,32,33,34,53,54,55,56,57,77,78,79,100,101,122,123,144,145,165,166,167,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,253,254,255,276,277,298,299,320,321,337,338,342,343,358,359,363,364,365,380,381,385,386,387,402,403,404,406,407,408,425,426,427,428,429,430,448,449,450,451,488 +2287 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,104,105,116,117,118,120,121,122,137,138,139,140,159,160,161,162,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,346,347,348,349,368,369,370,371,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,490 +2288 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,148,149,150,151,170,171,172,173,191,192,193,194,195,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,296,297,298,299,300,301,302,303,304,305,310,311,312,313,317,318,319,320,321,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,347,348,349,350,354,355,356,357,358,359,360,361,362,363,370,371,372,373,377,378,379,380,381,382,383,384,392,393,394,395,400,401,402,403,404,487 +2289 - 74,75,82,83,84,85,96,97,104,105,106,117,118,119,126,127,128,139,140,141,147,148,149,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,212,213,214,225,226,227,228,234,235,236,246,247,248,249,250,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2290 - 52,53,54,55,56,73,74,75,86,87,93,94,95,96,107,108,109,115,116,117,128,129,130,131,136,137,138,139,149,150,151,152,158,159,160,170,171,172,173,180,181,182,191,192,193,194,201,202,203,204,211,212,213,214,215,223,224,225,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,297,298,299,300,301,313,314,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,489 +2291 - 11,12,13,14,32,33,34,35,53,54,55,56,75,76,77,96,97,98,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,203,204,205,206,213,214,225,226,227,232,233,234,235,236,237,238,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,340,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,403,404,405,491 +2292 - 111,112,113,114,115,116,117,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,208,209,210,211,212,213,214,215,216,217,218,222,223,224,237,238,239,240,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,303,304,305,306,310,311,312,325,326,327,332,333,334,347,348,349,354,355,356,369,370,371,391,392,393,413,414,415,434,435,436,437,456,457,458,459,479,480,492 +2293 - 11,12,13,14,32,33,34,35,36,53,54,55,56,75,76,77,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,279,280,281,292,293,294,295,296,301,302,303,314,315,316,317,323,324,325,336,337,338,339,340,341,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +2294 - 59,60,74,75,76,80,81,82,96,97,98,102,103,104,117,118,119,120,123,124,125,138,139,140,141,145,146,147,160,161,162,163,166,167,168,182,183,184,185,188,189,190,204,205,206,207,209,210,211,212,226,227,228,229,231,232,233,234,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,317,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,450,451,452,453,454,472,473,474,475,489 +2295 - 11,12,32,33,34,54,55,56,75,76,77,96,97,98,99,118,119,120,139,140,141,142,161,162,163,182,183,184,204,205,206,212,213,214,226,227,228,232,233,234,235,236,237,247,248,249,253,254,255,256,257,258,259,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,302,303,304,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,427,428,429,491 +2296 - 11,12,13,14,32,33,34,35,54,55,56,75,76,77,78,97,98,99,100,118,119,120,140,141,142,161,162,163,164,183,184,185,186,205,206,207,210,211,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,278,279,280,281,292,293,294,295,296,297,300,301,302,314,315,316,317,318,322,323,324,337,338,339,340,343,344,345,346,359,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +2297 - 92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,475,476,492 +2298 - 31,32,33,34,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,148,149,150,158,159,160,161,171,172,179,180,181,182,193,194,195,200,201,202,203,204,216,217,218,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,288,289,290,291,303,304,305,306,311,312,313,314,324,325,326,327,328,334,335,336,345,346,347,348,349,356,357,358,359,360,361,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +2299 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,146,147,148,149,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,211,212,213,214,224,225,226,233,234,235,236,246,247,248,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,494 +2300 - 11,12,13,32,33,34,35,54,55,56,75,76,77,97,98,99,118,119,120,140,141,142,161,162,163,183,184,185,190,191,192,204,205,206,207,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,248,249,250,251,253,254,255,256,258,259,260,270,271,272,273,274,275,276,277,281,282,292,293,294,295,296,297,298,302,303,304,315,316,317,318,319,320,323,324,325,337,338,339,340,341,342,345,346,347,360,361,362,363,366,367,368,382,383,384,385,386,387,388,389,406,407,408,409,410,411,491 +2301 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,448,449,450,486 +2302 - 31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,79,80,81,82,83,93,94,95,102,103,104,115,116,117,124,125,137,138,139,146,147,160,161,162,163,164,166,167,168,185,186,187,188,189,206,207,208,209,210,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,269,270,271,272,275,276,277,278,291,292,293,294,299,300,301,313,314,315,322,323,324,335,336,337,338,345,346,347,357,358,359,360,361,368,369,370,380,381,382,383,384,385,386,390,391,392,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,450,451,452,453,454,455,493 +2303 - 35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,102,103,104,105,116,117,118,119,124,125,126,138,139,140,146,147,160,161,162,167,168,169,182,183,184,185,188,189,190,205,206,207,208,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,337,338,339,340,345,346,347,358,359,360,361,367,368,369,380,381,382,389,390,391,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,493 +2304 - 79,80,81,82,83,84,85,90,91,92,96,97,98,99,100,101,102,103,104,105,106,107,108,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,156,157,158,159,160,161,177,178,179,180,181,199,200,201,202,221,222,223,224,225,226,227,228,243,244,245,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,304,323,324,325,326,327,348,349,350,370,371,372,392,393,394,413,414,415,416,426,427,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,490 +2305 - 9,10,11,12,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,101,102,103,104,124,125,126,146,147,148,160,168,169,170,182,190,191,192,212,213,214,234,235,236,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,320,321,322,323,324,325,326,327,328,333,334,335,336,341,342,343,344,347,348,349,350,351,355,356,357,362,363,364,365,371,372,373,378,379,380,381,382,383,384,385,386,395,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,487 +2306 - 52,53,54,73,74,75,76,96,97,98,99,119,120,121,141,142,143,144,164,165,166,186,187,188,208,209,210,211,231,232,233,253,254,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,486 +2307 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,473,474,486 +2308 - 76,77,78,86,87,97,98,99,100,101,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,181,182,183,184,185,188,203,204,205,206,224,225,226,227,246,247,248,268,269,270,271,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,364,365,366,367,385,386,387,388,389,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,490 +2309 - 8,9,10,11,12,13,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,78,79,80,81,92,93,94,95,96,101,102,103,115,116,123,124,125,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,320,321,322,323,324,325,326,332,333,334,335,342,343,344,345,346,347,348,354,355,356,357,362,363,364,365,366,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,391,392,393,394,395,400,401,402,403,404,405,406,407,408,416,423,424,425,426,427,428,487 +2310 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,78,79,80,81,95,96,97,101,102,103,104,117,118,119,120,124,125,126,138,139,140,147,148,149,160,161,162,170,171,172,182,183,184,193,194,204,205,215,216,226,227,238,239,247,248,249,260,261,269,270,271,282,283,291,292,293,304,305,313,314,315,326,327,335,336,337,348,349,358,359,369,370,371,380,381,382,391,392,403,404,405,411,412,413,414,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,485 +2311 - 11,12,13,32,33,34,35,53,54,55,56,75,76,77,78,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,188,189,190,191,192,204,205,206,207,209,210,211,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,281,282,283,291,292,293,294,295,296,303,304,305,313,314,315,316,317,318,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,491 +2312 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,143,145,146,147,157,158,159,167,168,169,179,180,181,190,191,192,201,202,203,212,213,214,223,224,225,226,234,235,236,246,247,248,249,256,257,258,269,270,271,272,273,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,455,456,477,478,479,480,494 +2313 - 40,41,42,43,52,53,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,138,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,207,208,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,273,274,275,276,277,278,298,299,300,301,321,322,323,343,344,345,365,366,367,377,378,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,490 +2314 - 35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,104,105,106,107,119,126,127,128,129,148,149,150,170,171,172,192,193,194,213,214,215,234,235,236,237,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,367,368,369,370,376,377,378,379,380,381,382,487 +2315 - 54,55,56,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,300,301,302,323,324,325,344,345,346,365,366,367,368,385,386,387,388,389,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,488 +2316 - 29,30,31,32,51,52,53,54,74,75,76,96,97,98,118,119,120,121,140,141,142,143,163,164,165,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,486 +2317 - 81,82,83,95,96,102,103,104,105,106,116,117,118,124,125,126,127,137,138,139,140,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,202,203,204,205,211,212,213,214,224,225,226,233,234,235,246,247,248,249,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,473,474,475,489 +2318 - 32,33,53,54,55,76,77,98,99,120,121,142,143,164,165,186,187,207,208,209,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +2319 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +2320 - 38,39,40,58,59,60,61,62,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,258,269,270,271,273,274,277,278,279,280,291,292,293,299,300,301,302,313,314,315,321,322,323,324,335,336,337,343,344,345,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,491 +2321 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,168,169,170,171,180,181,182,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,233,234,235,236,245,246,247,248,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +2322 - 54,55,56,57,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,123,124,136,137,138,139,140,145,146,159,160,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,283,284,285,292,293,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,387,487 +2323 - 74,75,76,96,97,98,99,118,119,120,121,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,182,183,184,185,190,191,192,203,204,205,206,207,212,213,214,225,226,227,228,233,234,235,247,248,249,250,251,252,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,489 +2324 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,50,51,52,59,71,72,73,92,93,94,114,115,116,135,136,137,157,158,159,179,180,181,201,202,213,214,215,216,217,218,219,223,224,234,235,236,237,238,239,240,241,245,246,255,256,257,263,267,268,269,276,277,278,285,289,290,291,297,298,299,307,311,312,313,318,319,320,329,334,335,336,340,341,350,351,357,358,359,362,363,371,372,373,379,380,381,382,383,384,385,386,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,491 +2325 - 54,55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,128,139,140,141,142,143,144,146,147,148,149,150,151,160,161,162,163,164,168,169,170,171,172,173,174,181,182,183,184,185,191,192,193,194,195,196,202,203,204,205,206,214,215,216,217,218,219,224,225,226,227,237,238,239,240,241,245,246,247,248,249,260,261,262,263,267,268,269,270,283,284,285,288,289,290,291,305,306,307,310,311,312,313,327,328,329,332,333,334,335,348,349,350,354,355,356,357,369,370,371,376,377,378,379,390,391,392,399,400,401,402,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +2326 - 54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,486 +2327 - 32,33,34,53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,189,190,191,192,193,194,203,204,205,206,207,214,215,216,217,224,225,226,227,228,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,302,303,304,305,312,313,314,323,324,325,326,334,335,336,345,346,347,348,356,357,358,359,366,367,368,369,378,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +2328 - 51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,138,139,140,141,161,162,163,164,183,184,185,186,187,188,207,208,209,210,211,212,231,232,233,234,235,236,256,257,258,259,279,280,281,282,301,302,303,304,323,324,325,326,344,345,346,347,348,365,366,367,368,369,379,380,385,386,387,388,389,390,400,401,402,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +2329 - 30,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,107,108,116,117,118,119,137,138,139,140,141,159,160,161,162,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,254,255,256,257,258,259,279,280,281,282,302,303,304,324,325,326,332,333,334,335,346,347,348,353,354,355,356,357,358,367,368,369,370,375,376,377,378,379,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,490 +2330 - 59,60,61,62,63,64,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,159,160,161,162,163,181,182,183,203,204,205,225,226,227,228,229,230,248,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,320,321,322,323,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,490 +2331 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,143,144,145,146,147,159,160,161,162,167,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +2332 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,101,102,103,117,118,119,123,124,125,140,141,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,300,315,316,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,388,402,403,404,405,406,408,409,410,411,412,413,425,426,427,431,432,433,434,435,455,456,457,487 +2333 - 35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,148,149,150,151,159,160,161,162,163,164,170,171,172,173,180,181,182,183,184,193,194,195,201,202,203,204,205,215,216,217,223,224,225,226,227,236,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,279,280,281,282,283,288,289,290,291,300,301,302,303,304,310,311,312,313,321,322,323,324,325,326,332,333,334,335,342,343,344,345,346,354,355,356,357,358,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +2334 - 35,36,57,58,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,160,161,166,167,168,169,181,182,183,188,189,190,191,203,204,205,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,297,298,299,300,314,315,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,451,452,453,489 +2335 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,446,447,448,486 +2336 - 76,77,78,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,429,430,451,452,473,474,486 +2337 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,105,106,107,108,120,121,128,129,130,149,150,151,152,171,172,173,192,193,194,195,203,204,205,213,214,215,216,217,224,225,226,227,228,234,235,236,237,238,245,246,247,248,249,250,251,252,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,293,294,295,296,297,298,299,300,301,310,311,312,317,318,319,320,321,322,323,331,332,333,338,339,340,341,342,343,344,345,346,347,348,353,354,355,359,360,361,362,363,364,365,366,367,368,369,370,375,376,378,379,380,381,382,383,384,388,389,390,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,426,487 +2338 - 57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,188,189,190,191,202,203,204,205,206,207,210,211,212,213,224,225,226,227,228,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +2339 - 58,59,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,147,148,149,150,151,168,169,170,171,172,173,189,190,191,192,193,194,209,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,309,310,311,319,320,321,322,331,332,341,342,343,344,345,353,354,362,363,364,365,366,375,376,377,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,466,467,468,469,488 +2340 - 30,31,32,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,98,99,100,101,102,103,114,115,116,117,122,123,124,125,126,136,137,138,146,147,148,157,158,159,169,170,171,178,179,180,181,191,192,193,194,200,201,202,214,215,216,222,223,224,236,237,238,244,245,246,259,260,261,266,267,268,281,282,283,288,289,303,304,305,310,311,312,324,325,326,332,333,334,346,347,348,355,356,357,367,368,369,370,378,379,380,381,388,389,390,391,401,402,403,404,405,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +2341 - 63,64,65,76,77,84,85,86,97,98,99,106,107,108,119,120,121,127,128,129,130,140,141,142,143,149,150,151,161,162,163,164,170,171,172,173,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,225,226,227,228,229,230,231,232,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,489 +2342 - 50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,103,104,105,106,114,115,116,127,128,129,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,274,275,276,277,278,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,390,391,400,401,402,403,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,487 +2343 - 101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,184,185,186,187,206,207,208,227,228,229,249,250,251,252,253,254,271,272,273,274,275,276,277,297,298,299,318,319,320,332,333,338,339,340,341,342,354,355,356,359,360,361,362,363,376,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,423,424,425,490 +2344 - 94,95,96,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,168,169,179,180,181,182,183,189,190,191,201,202,203,204,211,212,213,223,224,225,226,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +2345 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,191,192,193,194,204,205,206,207,208,211,212,213,214,215,216,217,226,227,228,229,233,234,235,236,237,238,239,247,248,249,250,254,255,256,257,259,260,261,269,270,271,272,275,276,277,278,281,282,283,290,291,292,293,296,297,298,299,303,304,305,312,313,314,318,319,320,324,325,326,333,334,335,336,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,491 +2346 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,78,79,80,94,95,101,102,116,122,123,124,144,145,166,167,188,189,209,210,211,231,232,233,252,253,254,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,364,365,366,367,368,378,379,380,381,382,383,387,388,389,390,391,394,395,400,401,402,403,404,411,412,413,414,415,416,417,422,423,424,425,434,435,436,437,438,487 +2347 - 97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,170,171,172,173,174,182,183,184,185,186,192,193,194,195,204,205,206,207,213,214,215,216,226,227,228,233,234,235,236,237,249,250,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,466,467,468,469,492 +2348 - 114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,168,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,275,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,492 +2349 - 79,80,81,82,86,87,99,100,101,102,103,104,105,108,109,119,120,121,122,123,124,125,126,127,129,130,131,140,141,142,143,144,146,147,148,150,151,152,153,162,163,164,165,168,169,170,171,172,173,174,184,185,186,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,318,319,320,334,335,336,339,340,341,342,355,356,357,359,360,361,362,363,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,420,421,422,423,424,425,443,444,493 +2350 - 27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,100,101,102,103,113,114,122,123,124,125,143,144,145,146,147,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,249,256,257,258,259,260,280,281,282,303,304,305,325,326,327,332,333,348,349,350,353,354,355,356,357,370,371,372,376,377,378,379,380,381,382,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,488 +2351 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,169,170,171,182,183,184,190,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,494 +2352 - 94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,164,165,166,167,168,169,170,178,179,180,187,188,189,190,191,192,193,194,195,200,201,202,212,213,214,215,216,217,218,222,223,224,237,238,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,291,303,304,305,306,307,311,312,313,314,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,485 +2353 - 37,38,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,128,129,130,138,139,140,141,142,143,144,151,152,153,159,160,161,162,163,164,173,174,175,180,181,182,183,184,185,195,196,197,201,202,203,204,205,206,207,217,218,219,223,224,225,226,227,239,240,241,244,245,246,247,248,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,302,303,304,305,306,307,310,311,312,313,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,447,448,485 +2354 - 4,5,6,7,8,9,26,27,28,29,30,31,32,33,47,48,49,52,53,54,55,56,57,70,76,77,78,79,80,100,101,102,103,123,124,125,146,147,148,168,169,170,191,192,213,214,235,236,256,257,258,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,389,390,391,392,393,401,402,403,404,405,406,407,413,414,415,423,424,425,426,427,428,487 +2355 - 59,60,61,62,63,80,81,82,83,84,85,101,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,426,443,444,445,446,447,466,467,468,486 +2356 - 35,36,37,56,57,58,59,78,79,80,100,101,102,122,123,143,144,145,165,166,167,186,187,188,208,209,210,229,230,231,251,252,253,273,274,275,294,295,296,316,317,318,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,429,430,449,450,451,452,486 +2357 - 33,34,35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,105,106,107,108,115,116,117,118,119,120,127,128,129,130,138,139,140,149,150,151,152,170,171,172,173,191,192,193,194,195,213,214,215,216,217,228,229,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,318,319,320,321,322,323,324,325,332,333,334,339,340,341,342,343,344,345,346,347,348,353,354,355,356,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,379,380,381,382,383,384,385,386,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,413,414,415,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,487 +2358 - 56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,128,129,139,140,141,142,143,146,147,148,149,150,151,161,162,163,164,170,171,172,173,183,184,185,186,191,192,193,194,195,205,206,207,208,209,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,466,467,468,493 +2359 - 51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,127,128,129,130,147,148,149,150,151,152,168,169,170,171,172,173,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,287,288,291,292,293,294,295,296,297,298,299,300,301,302,309,310,313,314,315,316,317,318,320,321,322,323,331,332,341,342,343,344,345,353,354,355,361,362,363,364,365,366,375,376,377,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,465,466,467,488 +2360 - 26,27,28,48,49,50,70,71,72,92,93,94,114,115,116,136,137,138,146,147,148,158,159,160,168,169,170,180,181,182,189,190,191,192,193,202,203,204,210,211,212,213,214,215,224,225,226,231,232,233,234,236,237,246,247,248,252,253,254,255,256,258,259,269,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,295,296,297,298,302,303,304,314,315,316,317,318,319,324,325,326,338,339,346,347,348,368,369,370,371,390,391,392,393,413,414,415,436,437,438,439,459,460,461,489 +2361 - 75,76,77,85,86,87,96,97,98,106,107,108,117,118,119,120,127,128,129,130,138,139,140,141,148,149,150,151,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,489 +2362 - 32,33,34,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,410,428,429,430,431,450,451,452,453,486 +2363 - 105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,185,186,187,188,189,206,207,208,209,227,228,229,230,249,250,251,252,253,271,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,333,334,339,340,341,342,343,355,356,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,422,423,424,425,490 +2364 - 74,75,76,77,78,95,96,97,98,99,100,116,117,118,119,121,122,123,124,137,138,139,140,143,144,145,146,159,160,161,166,167,168,181,182,187,188,189,190,203,204,210,211,212,225,226,231,232,233,234,235,247,248,253,254,255,256,257,269,270,271,274,275,276,277,278,279,291,292,293,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,359,360,361,362,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,494 +2365 - 15,16,17,18,19,36,37,38,39,40,57,58,59,60,61,77,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,188,205,206,207,208,209,213,214,215,216,226,227,228,229,230,232,233,234,235,236,237,238,247,248,249,250,251,253,254,255,256,257,258,259,260,268,269,270,271,272,273,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,491 +2366 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +2367 - 96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,146,147,148,149,150,151,152,153,160,161,162,163,164,171,172,173,174,175,181,182,183,184,192,193,194,195,202,203,204,205,206,213,214,215,216,224,225,226,227,234,235,236,237,247,248,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,492 +2368 - 32,33,34,35,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,99,115,116,117,118,119,120,137,138,139,140,141,142,143,160,161,162,163,164,165,166,183,184,185,186,187,188,189,190,207,208,209,210,211,212,213,231,232,233,234,235,254,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,378,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,449,450,451,452,453,490 +2369 - 100,101,102,103,104,108,109,121,122,123,124,125,126,127,130,131,141,142,143,144,145,146,147,148,149,151,152,153,162,163,164,165,171,172,173,174,184,185,186,192,193,194,195,196,206,207,208,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,313,314,315,318,319,320,321,332,333,334,335,338,339,340,341,342,354,355,356,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,421,422,423,424,493 +2370 - 99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,148,149,162,163,164,170,171,182,183,184,185,191,192,193,204,205,206,213,214,225,226,227,232,233,234,235,236,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,315,316,320,321,322,342,343,344,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,494 +2371 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,148,149,161,162,163,164,170,171,172,183,184,185,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,276,277,278,279,297,298,299,300,317,318,319,320,321,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,466,467,468,469,494 +2372 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,249,250,251,252,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,321,322,323,324,325,337,338,339,344,345,346,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,427,428,429,430,431,491 +2373 - 41,42,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,127,128,130,131,139,140,141,142,143,152,153,159,160,161,162,163,164,174,175,181,182,183,184,185,195,196,197,202,203,204,205,206,217,218,219,224,225,226,227,238,239,240,245,246,247,248,260,261,262,267,268,269,270,281,282,283,288,289,290,291,302,303,304,305,310,311,312,322,323,324,325,326,332,333,334,343,344,345,346,347,354,355,356,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,445,446,447,448,485 +2374 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,486 +2375 - 39,40,41,42,60,61,62,63,64,82,83,84,85,86,103,104,105,106,107,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,426,443,444,445,446,486 +2376 - 58,59,79,80,81,100,101,102,103,115,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,188,189,205,210,211,232,233,254,255,257,258,259,260,261,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,359,364,365,385,386,387,407,408,409,429,430,449,450,451,452,471,472,473,474,492 +2377 - 56,57,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,127,128,129,130,142,143,149,150,151,152,170,171,172,173,192,193,194,195,213,214,215,216,234,235,236,237,248,249,250,251,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,317,318,319,320,321,322,331,332,333,336,337,338,339,340,341,342,343,344,345,346,353,354,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,487 +2378 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,104,105,106,107,108,114,115,116,117,118,124,125,126,127,128,129,130,131,136,137,138,139,146,147,148,149,150,151,152,158,159,160,161,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,298,299,300,301,315,316,317,321,322,323,324,336,337,338,339,344,345,346,357,358,359,360,366,367,368,379,380,381,382,387,388,389,390,401,402,403,404,405,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,493 +2379 - 76,77,78,79,80,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,144,145,146,147,148,149,150,151,169,170,171,172,173,189,190,191,192,193,194,209,210,211,212,213,214,215,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,298,299,308,309,319,320,321,330,331,340,341,342,343,352,353,360,361,362,363,364,365,374,375,376,377,380,381,382,383,384,385,396,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,444,445,488 +2380 - 119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,193,194,195,200,201,202,203,214,215,216,217,236,237,238,257,258,259,260,278,279,280,281,282,299,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +2381 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,149,150,151,152,159,160,161,162,163,164,172,173,174,181,182,183,184,185,186,194,195,196,197,203,204,205,206,207,216,217,218,219,225,226,227,236,237,238,239,240,258,259,260,261,262,278,279,280,281,282,283,298,299,300,301,302,303,319,320,321,322,323,324,325,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,401,402,403,404,405,406,422,423,424,425,426,427,442,443,444,445,446,447,448,464,465,466,467,468,492 +2382 - 55,56,57,58,59,60,61,62,78,79,80,81,82,83,84,85,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,131,142,143,144,145,148,149,150,151,152,153,164,165,166,169,170,171,172,174,185,186,187,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,300,313,314,315,316,317,320,321,322,323,335,336,337,338,343,344,345,356,357,358,359,365,366,367,377,378,379,380,386,387,388,398,399,400,401,406,407,408,409,410,420,421,422,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +2383 - 82,83,100,101,102,103,104,105,106,108,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,149,150,151,152,153,163,164,165,166,169,170,171,172,173,174,184,185,186,187,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,271,272,273,274,275,291,292,293,294,295,296,297,298,312,313,314,315,316,318,319,320,333,334,335,336,340,341,342,354,355,356,357,361,362,363,364,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,493 +2384 - 55,56,57,58,59,60,75,76,77,78,79,80,81,96,97,98,99,117,118,119,120,126,127,138,139,140,147,148,149,160,161,162,163,168,169,170,171,183,184,185,186,189,190,191,206,207,208,209,211,212,230,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,360,361,363,364,381,382,384,385,386,402,403,404,406,407,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +2385 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,148,149,150,160,161,162,163,164,182,183,184,185,204,205,206,214,215,216,217,226,227,228,229,230,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,466,467,468,469,494 +2386 - 111,112,113,114,115,116,117,118,119,120,121,122,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,164,165,166,167,168,169,189,190,191,192,212,213,214,234,235,236,257,258,259,279,280,300,301,302,322,323,324,344,345,346,365,366,367,387,388,408,409,410,430,431,432,451,452,453,473,474,492 +2387 - 12,13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,120,121,122,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,212,213,214,215,227,228,229,233,234,235,236,237,238,248,249,250,251,254,255,256,257,258,259,260,270,271,272,273,275,276,277,278,279,280,281,282,292,293,294,296,297,298,299,300,301,302,303,313,314,315,316,318,319,320,321,322,323,324,335,336,337,338,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,402,403,404,405,406,407,491 +2388 - 34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,97,98,99,100,118,119,128,129,139,140,141,147,148,149,150,151,161,162,163,168,169,170,171,172,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,277,278,279,293,294,295,296,299,300,301,314,315,316,317,320,321,322,336,337,338,341,342,343,344,357,358,359,363,364,365,379,380,381,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,493 +2389 - 10,11,12,13,14,15,16,29,30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,80,81,82,83,93,94,95,96,97,98,102,103,104,105,116,117,118,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,232,233,234,235,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,317,318,319,320,321,333,334,335,338,339,340,341,342,343,355,356,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,408,409,410,411,412,413,414,421,422,423,424,425,426,432,433,434,435,436,487 +2390 - 57,58,59,69,70,79,80,81,91,92,101,102,103,112,113,114,123,124,134,135,136,145,146,147,156,157,158,167,168,169,178,179,180,189,190,191,200,201,202,203,211,212,213,223,224,225,233,234,235,246,247,248,255,256,257,268,269,270,271,277,278,279,280,291,292,293,294,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,365,366,367,388,389,410,411,412,432,433,434,454,455,456,476,477,478,489 +2391 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,146,147,148,149,150,151,152,160,161,162,163,169,170,171,172,173,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,276,277,278,279,297,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +2392 - 59,60,61,81,82,83,95,96,102,103,104,116,117,118,124,125,126,138,139,146,147,148,159,160,161,167,168,169,181,182,183,189,190,191,204,205,211,212,213,226,227,228,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,319,320,340,341,342,362,363,364,383,384,385,405,406,407,427,428,448,449,450,470,471,472,489 +2393 - 37,38,39,58,59,60,61,70,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +2394 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,101,102,103,116,117,118,124,125,138,139,146,147,160,161,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,277,278,279,293,294,300,301,314,315,316,322,323,336,337,338,344,345,358,359,360,367,380,381,382,388,389,403,404,410,411,425,426,427,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,493 +2395 - 37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,299,300,301,302,320,321,322,323,324,332,333,341,342,343,344,345,353,354,355,356,362,363,364,365,366,367,376,377,378,379,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,490 +2396 - 9,10,28,29,30,31,32,33,50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,120,121,122,123,124,125,135,136,137,138,144,145,146,147,148,156,157,158,159,167,168,169,170,171,178,179,180,181,191,192,193,194,195,200,201,202,203,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,261,262,263,267,268,269,283,284,285,289,290,291,305,306,307,311,312,313,314,324,325,326,327,328,329,333,334,335,336,337,338,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,485 +2397 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,194,205,206,207,208,213,214,215,216,217,226,227,228,229,234,235,236,237,238,239,247,248,249,250,255,256,257,258,259,260,261,262,268,269,270,271,272,277,278,279,280,281,282,283,284,290,291,292,293,294,298,299,300,301,302,303,304,305,312,313,314,315,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +2398 - 76,77,78,79,97,98,99,100,101,102,118,119,120,123,124,139,140,141,160,161,162,169,170,182,183,191,192,203,204,205,211,212,213,214,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,278,279,293,294,295,296,300,301,322,323,343,344,345,365,366,387,388,408,409,410,430,431,452,453,474,475,494 +2399 - 30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,107,125,126,127,128,147,148,149,150,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,236,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,387,388,389,390,391,392,396,397,398,399,400,401,402,403,418,419,420,421,422,423,440,441,442,443,444,487 +2400 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,143,144,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,172,173,174,181,182,183,184,187,188,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,345,358,359,360,361,362,365,366,367,380,381,382,383,384,385,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,472,473,474,475,493 +2401 - 87,105,106,107,108,109,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,185,186,187,188,206,207,208,227,228,229,230,248,249,250,251,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,340,341,342,343,355,356,361,362,363,364,365,377,378,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,421,422,423,424,425,426,490 +2402 - 52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,103,104,105,115,116,117,125,126,127,147,148,149,169,170,171,191,192,212,213,214,234,235,236,255,256,257,277,278,279,299,300,320,321,322,340,341,342,343,344,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,411,412,424,425,426,427,428,429,446,447,448,449,450,468,469,470,471,487 +2403 - 79,80,83,84,85,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,150,151,152,153,161,162,163,164,165,172,173,174,181,182,183,184,185,186,194,195,196,197,203,204,205,206,207,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,302,303,304,305,310,311,312,313,314,323,324,325,326,332,333,334,335,336,343,344,345,346,347,354,355,356,357,358,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,485 +2404 - 11,12,14,15,16,17,32,33,34,36,37,38,39,40,52,53,54,59,60,61,62,63,73,74,75,76,83,84,85,95,96,97,105,106,107,116,117,118,128,129,138,139,140,150,151,160,161,172,173,181,182,183,193,194,195,203,204,215,216,217,224,225,226,237,238,245,246,247,248,258,259,260,267,268,269,279,280,281,282,288,289,290,301,302,303,310,311,312,322,323,324,325,332,333,334,344,345,346,354,355,356,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,485 +2405 - 87,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,355,356,361,362,363,364,377,378,379,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,490 +2406 - 36,37,57,58,59,79,80,81,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,211,212,213,214,227,228,229,230,233,234,235,236,248,249,250,251,252,256,257,258,269,270,271,272,273,278,279,280,281,291,292,293,294,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,344,345,346,355,356,357,358,359,360,361,366,367,368,377,378,379,380,388,389,390,391,411,412,413,434,435,456,457,458,489 +2407 - 77,78,86,87,98,99,100,106,107,108,109,120,121,122,127,128,129,130,141,142,143,149,150,151,162,163,164,165,170,171,172,173,183,184,185,186,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,276,277,278,279,280,289,290,291,292,293,298,299,300,301,313,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,468,469,470,471,489 +2408 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,143,144,145,146,147,148,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,324,335,336,341,342,343,344,345,346,356,357,358,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +2409 - 12,13,14,15,16,17,33,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,106,107,108,127,128,129,130,149,150,151,169,170,171,172,173,191,192,193,194,212,213,214,215,233,234,235,236,237,248,249,250,251,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,388,389,390,391,397,398,399,400,401,402,403,420,421,422,487 +2410 - 8,9,10,11,12,13,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,71,72,73,74,77,78,79,93,94,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,275,276,297,298,319,320,341,342,344,346,347,348,349,350,351,360,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,411,412,413,414,417,422,423,424,425,426,427,428,429,430,486 +2411 - 35,36,37,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,125,126,127,128,129,130,138,139,140,141,142,143,144,149,150,151,152,160,161,162,163,164,165,171,172,173,174,181,182,183,184,185,193,194,195,202,203,204,205,206,214,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,249,257,258,259,260,261,267,268,269,270,271,279,280,281,282,288,289,290,291,292,301,302,303,304,309,310,311,312,313,314,322,323,324,325,331,332,333,334,335,343,344,345,346,353,354,355,356,357,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +2412 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,101,102,103,104,114,115,116,124,125,136,137,138,142,143,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,234,235,236,237,246,247,248,257,258,259,260,280,281,282,283,302,303,304,305,313,325,326,327,334,335,336,347,348,349,356,357,358,359,369,370,371,378,379,380,381,382,383,384,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,490 +2413 - 56,57,58,59,60,76,77,78,79,80,81,82,83,87,97,98,99,100,101,102,103,104,105,108,109,118,119,120,121,122,126,127,130,131,140,141,142,149,150,151,152,153,161,162,163,169,170,171,172,173,174,175,183,184,185,190,191,192,193,194,195,205,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,313,314,315,316,318,319,320,321,335,336,337,340,341,342,343,356,357,358,362,363,364,377,378,379,383,384,385,386,399,400,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,493 +2414 - 28,29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,115,116,117,137,138,158,159,160,180,181,182,183,184,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,234,252,253,254,255,256,257,258,277,278,279,280,281,301,302,303,304,324,325,326,327,332,347,348,349,354,355,369,370,371,377,378,379,380,391,392,393,400,401,402,403,404,405,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,490 +2415 - 39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +2416 - 52,53,54,73,74,75,76,95,96,97,98,106,107,116,117,118,119,126,127,128,129,137,138,139,140,148,149,150,151,159,160,161,162,169,170,171,172,173,181,182,183,190,191,192,193,194,203,204,205,211,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,320,321,322,323,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,473,474,475,489 +2417 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,170,171,172,173,174,175,179,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,205,213,214,215,216,217,223,224,225,226,234,235,236,237,238,246,247,255,256,257,258,259,275,276,277,278,279,280,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +2418 - 6,7,8,9,10,11,12,13,27,28,29,30,31,32,33,34,35,36,49,50,51,56,57,58,59,70,71,78,79,80,81,101,102,103,123,124,125,145,146,147,166,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,409,410,411,412,413,414,415,416,487 +2419 - 40,41,42,43,61,62,63,64,65,82,83,84,85,86,87,104,105,106,107,125,126,127,128,129,145,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,442,443,444,445,446,486 +2420 - 60,61,71,81,82,92,93,103,104,113,114,115,116,124,125,126,135,136,137,138,146,147,148,149,156,157,158,159,168,169,170,171,178,179,180,181,182,183,184,185,186,189,190,191,192,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,299,300,301,302,303,304,305,321,322,323,324,325,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,414,431,432,433,434,435,436,453,454,455,456,457,458,477,478,489 +2421 - 59,60,61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,131,140,141,142,143,144,145,151,152,153,162,163,164,165,171,172,173,174,175,183,184,185,186,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,291,292,293,296,297,298,299,312,313,314,315,319,320,321,322,333,334,335,340,341,342,343,354,355,356,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,493 +2422 - 15,16,17,18,36,37,38,39,40,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +2423 - 77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,149,150,151,152,169,170,171,172,173,174,189,190,191,192,193,194,195,209,210,211,212,213,214,215,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,277,278,287,288,289,297,298,299,300,309,310,311,318,319,320,321,322,331,332,333,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,399,400,401,402,403,404,488 +2424 - 58,59,71,80,81,93,94,102,103,115,116,124,125,137,138,147,148,159,160,169,170,180,181,182,191,192,202,203,213,214,224,225,235,236,246,247,257,258,268,269,270,271,272,273,274,275,276,277,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,323,324,325,346,347,368,369,389,390,391,411,412,413,433,434,455,456,478,479,489 +2425 - 122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,152,153,163,164,165,166,167,168,175,184,185,186,187,195,196,197,206,207,208,214,215,216,217,218,219,228,229,230,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,318,319,320,334,335,336,338,339,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,493 +2426 - 81,82,83,84,102,103,104,105,106,122,123,124,125,126,127,128,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,467,468,469,470,471,486 +2427 - 73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,148,149,150,151,159,160,161,162,169,170,171,172,181,182,183,190,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +2428 - 32,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,119,120,140,141,142,162,163,164,184,185,186,206,207,228,229,250,251,252,253,254,271,272,273,274,275,276,277,278,297,298,299,300,320,321,322,323,343,344,345,359,365,366,367,380,381,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +2429 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,312,314,315,316,317,318,319,334,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,446,447,448,486 +2430 - 50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,205,206,207,208,209,210,211,229,230,231,232,233,234,235,253,254,255,256,257,258,259,277,278,279,280,281,301,302,303,304,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,391,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +2431 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,145,146,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,206,212,213,214,215,226,227,228,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +2432 - 29,30,31,32,33,51,52,53,54,55,73,74,75,76,77,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,390,406,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,486 +2433 - 97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,186,191,192,193,194,204,205,206,207,213,214,215,216,226,227,228,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,492 +2434 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,122,123,125,126,127,138,139,140,144,145,147,148,149,160,161,166,167,168,169,170,182,183,187,188,189,190,191,204,205,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,270,271,272,276,277,278,292,293,297,298,299,319,320,321,341,342,343,363,364,365,385,386,407,408,429,430,451,452,457,473,474,475,476,477,478,479,494 +2435 - 36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,141,142,143,144,145,147,149,150,151,152,162,163,164,165,166,171,172,173,174,183,184,185,186,187,192,193,194,195,204,205,206,207,208,214,215,216,217,226,227,228,229,230,236,237,238,247,248,249,250,251,257,258,259,260,269,270,271,272,273,278,279,280,281,291,292,293,294,300,301,302,303,312,313,314,315,316,317,320,321,322,323,324,333,334,335,336,337,338,339,341,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,450,485 +2436 - 33,34,35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,101,103,104,117,118,119,125,126,139,140,141,147,148,160,161,162,169,170,182,183,184,191,192,204,205,206,213,214,225,226,227,235,236,247,248,249,257,258,269,270,271,279,280,291,292,293,301,302,313,314,322,323,324,335,336,337,344,345,346,357,358,359,366,367,379,380,381,387,388,389,402,403,404,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +2437 - 37,38,39,40,58,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +2438 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,123,124,140,141,142,145,146,161,162,163,167,168,183,184,190,204,205,206,211,212,213,226,227,233,234,249,250,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,494 +2439 - 62,63,83,84,85,97,98,99,104,105,106,119,120,121,125,126,127,128,140,141,142,147,148,149,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,204,205,206,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,468,469,470,489 +2440 - 39,40,41,57,58,59,60,61,62,63,64,78,79,80,81,82,84,85,86,99,100,101,102,103,104,106,107,108,120,121,122,123,124,128,129,130,141,142,143,144,145,150,151,152,162,163,164,165,166,172,173,174,183,184,185,186,187,188,193,194,195,196,204,205,206,207,208,215,216,217,218,225,226,227,228,229,236,237,238,239,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,322,323,324,333,334,335,336,337,343,344,345,346,355,356,357,358,363,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +2441 - 56,57,63,64,77,78,79,84,85,86,98,99,100,105,106,107,119,120,121,122,126,127,128,129,140,141,142,143,144,147,148,149,150,161,162,163,164,169,170,171,182,183,184,185,186,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,275,276,277,278,289,290,291,292,293,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,489 +2442 - 51,52,53,54,55,72,73,74,75,76,77,78,79,80,94,95,96,98,99,100,101,102,103,116,117,118,123,124,125,138,139,140,145,146,147,161,162,163,166,167,168,169,184,185,186,188,189,190,206,207,208,209,210,211,212,229,230,231,232,252,253,254,274,275,276,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,364,365,366,383,384,386,387,388,405,406,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +2443 - 77,78,79,85,86,98,99,100,101,106,107,108,119,120,121,122,127,128,129,130,141,142,143,144,148,149,150,151,162,163,164,165,169,170,171,172,182,183,184,185,186,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,297,298,299,300,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,489 +2444 - 54,55,56,57,75,76,77,78,79,97,98,99,100,101,118,119,120,122,123,139,140,141,144,145,148,149,161,162,163,166,167,169,170,171,183,184,185,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,427,428,429,430,449,450,451,471,472,473,493 +2445 - 63,64,65,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,162,163,164,165,184,185,186,205,206,207,227,228,229,230,231,250,251,252,253,254,255,273,274,275,276,277,278,298,299,300,310,311,312,313,318,319,320,321,322,332,333,334,335,339,340,341,342,343,344,354,355,356,361,362,363,364,365,367,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,422,423,424,425,426,490 +2446 - 55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,185,186,187,188,206,207,208,209,210,211,227,228,229,231,232,233,249,250,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,454,474,475,476,486 +2447 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,147,148,149,150,151,160,161,162,163,169,170,171,172,173,181,182,183,184,190,191,192,193,194,203,204,205,212,213,214,215,226,227,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +2448 - 55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,161,162,164,165,166,167,184,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,486 +2449 - 84,85,86,99,100,105,106,107,120,121,122,127,128,129,141,142,143,144,148,149,150,151,162,163,164,165,169,170,171,172,183,184,185,186,190,191,192,193,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,489 +2450 - 5,6,7,8,9,27,28,29,30,31,32,33,50,51,52,53,54,55,56,74,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,246,247,248,249,250,251,262,263,268,269,270,271,272,281,282,283,284,285,289,290,291,292,293,300,301,302,303,304,305,306,307,311,312,313,314,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,487 +2451 - 85,86,87,98,99,105,106,107,108,119,120,121,126,127,128,129,140,141,142,143,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,186,190,191,192,193,203,204,205,206,207,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,489 +2452 - 51,52,72,73,74,94,95,96,103,104,105,116,117,118,125,126,127,137,138,139,147,148,149,159,160,161,169,170,171,180,181,182,190,191,192,193,202,203,204,212,213,214,215,224,225,226,234,235,236,237,246,247,248,249,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,489 +2453 - 97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,494 +2454 - 28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,77,78,79,80,81,82,90,91,92,93,102,103,104,112,113,125,126,127,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,248,249,250,251,257,258,259,267,268,269,270,271,272,273,274,275,276,277,279,280,288,289,290,291,295,296,297,298,299,300,301,302,310,311,320,321,322,323,324,332,333,343,344,345,346,347,354,355,365,366,367,368,369,370,371,376,377,378,386,387,388,391,392,393,394,399,400,401,406,407,408,409,414,415,416,417,421,422,423,424,425,426,427,428,429,430,439,444,445,446,447,448,449,450,487 +2455 - 95,96,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,171,172,173,174,180,181,182,183,184,192,193,194,195,196,203,204,205,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +2456 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,271,272,273,274,275,276,294,295,296,297,298,318,319,320,321,341,342,343,363,364,365,384,385,386,387,399,406,407,408,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +2457 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,127,128,129,142,148,149,150,151,170,171,172,191,192,193,194,212,213,214,215,232,233,234,235,236,248,249,250,251,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,326,331,332,333,336,337,338,339,340,341,342,343,353,354,355,357,358,359,360,361,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,386,387,388,389,390,396,397,398,399,400,401,410,411,418,419,420,421,487 +2458 - 72,73,80,81,93,94,95,102,103,115,116,117,123,124,125,137,138,145,146,147,159,160,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,214,215,224,225,226,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,299,300,321,322,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,474,475,489 +2459 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,191,192,193,205,206,207,208,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,248,249,250,253,254,255,256,258,259,260,269,270,271,272,275,276,277,279,280,281,290,291,292,293,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,402,403,404,491 +2460 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,145,146,147,148,158,159,160,161,162,168,169,170,171,180,181,182,191,192,193,194,195,201,202,203,213,214,215,216,217,223,224,225,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +2461 - 108,109,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,184,185,186,187,205,206,207,226,227,228,247,248,249,269,270,271,272,273,274,275,291,292,293,294,295,296,297,298,317,318,319,320,333,334,338,339,340,341,342,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,423,424,490 +2462 - 36,37,38,58,59,60,79,80,81,82,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,208,209,210,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,315,316,317,318,336,337,338,339,358,359,360,361,380,381,382,383,402,403,404,405,424,425,426,427,428,447,448,449,450,486 +2463 - 51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,120,121,122,125,126,127,128,129,145,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,229,230,231,232,233,234,235,252,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,321,322,323,324,332,333,334,335,343,344,345,346,354,355,356,357,363,364,365,366,367,376,377,378,379,383,384,385,386,387,388,399,400,401,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,488 +2464 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,94,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,406,407,408,409,410,411,412,413,420,421,422,423,424,425,429,430,431,432,433,434,435,453,454,455,456,457,487 +2465 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,127,128,138,139,140,141,142,143,159,160,161,162,163,170,171,172,182,183,184,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,494 +2466 - 54,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,144,145,146,160,161,162,163,164,166,167,168,169,180,181,182,183,184,188,189,190,191,201,202,203,204,205,206,210,211,212,213,222,223,224,225,226,227,232,233,234,235,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,342,343,344,345,364,365,366,367,386,387,388,389,392,409,410,411,412,413,414,431,432,433,434,435,436,454,455,456,489 +2467 - 61,62,63,82,83,84,85,97,98,104,105,106,119,120,125,126,127,128,140,141,142,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,297,298,299,300,311,312,313,314,315,318,319,320,321,334,335,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,470,471,489 +2468 - 70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,120,121,122,142,143,144,164,165,166,186,187,188,207,208,209,228,229,230,231,232,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,451,452,453,470,471,472,473,474,488 +2469 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,126,127,128,129,147,148,149,150,151,169,170,171,172,173,189,190,191,192,193,194,210,211,212,213,214,215,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,301,318,319,320,321,322,323,333,334,341,342,343,344,345,354,355,356,362,363,364,365,366,376,377,378,379,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,470,488 +2470 - 9,10,11,31,32,33,53,54,55,74,75,76,77,96,97,98,118,119,120,140,141,142,161,162,163,164,183,184,185,190,191,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,279,280,281,293,294,295,296,297,301,302,303,315,316,317,318,323,324,325,337,338,339,340,345,346,347,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +2471 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,204,205,206,207,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,349,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,494 +2472 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,90,91,95,96,97,98,99,100,101,102,121,122,123,124,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,359,360,361,362,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,487 +2473 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,107,108,109,117,118,119,120,121,122,123,129,130,131,138,139,140,141,142,143,144,151,152,153,159,160,161,162,163,164,173,174,175,180,181,182,183,184,185,195,196,197,202,203,204,205,206,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,358,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +2474 - 13,14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,82,98,99,100,101,104,119,120,121,122,126,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,300,301,302,303,313,314,315,316,317,321,322,323,324,325,335,336,337,338,341,342,343,344,345,346,357,358,359,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,491 +2475 - 55,56,57,58,59,60,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,129,130,131,139,140,141,142,150,151,152,153,160,161,162,171,172,173,174,182,183,184,192,193,194,195,204,205,206,207,213,214,215,216,226,227,228,229,230,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,363,364,365,366,378,379,380,381,384,385,386,387,400,401,402,404,405,406,407,408,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +2476 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,100,101,102,103,104,115,116,117,122,123,124,125,126,138,139,145,146,147,160,161,162,167,168,169,182,183,184,185,186,188,189,190,206,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,257,272,273,274,275,277,278,279,293,294,295,296,299,300,301,315,316,317,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,365,366,367,380,381,382,383,387,388,389,403,404,405,406,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,493 +2477 - 96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,191,192,193,194,195,204,205,206,207,212,213,214,215,216,226,227,228,229,233,234,235,236,237,249,250,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +2478 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,136,137,138,139,158,159,160,161,162,163,164,179,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,257,258,259,260,280,281,282,283,303,304,305,325,326,327,328,336,337,338,347,348,349,350,358,359,360,368,369,370,371,380,381,382,389,390,391,392,402,403,404,405,406,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,490 +2479 - 14,15,16,17,35,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,188,206,207,208,209,212,213,214,215,216,227,228,229,230,233,234,235,236,237,238,239,248,249,250,251,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,280,281,282,283,291,292,293,294,295,296,297,298,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,491 +2480 - 10,11,12,32,33,54,55,75,76,77,97,98,99,119,120,140,141,142,162,163,164,184,185,186,206,207,208,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,302,316,317,318,322,323,324,338,339,340,344,345,346,360,361,362,363,365,366,367,368,383,384,385,386,387,388,389,406,407,408,409,410,491 +2481 - 55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,126,127,128,129,135,136,137,138,139,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,310,311,322,323,324,332,333,343,344,345,346,354,355,364,365,366,367,376,377,384,385,386,387,388,389,398,399,400,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +2482 - 52,53,54,55,56,72,73,74,75,76,77,78,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,315,316,317,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,366,367,368,369,380,381,382,383,388,389,390,391,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +2483 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,129,130,131,138,139,140,141,142,151,152,153,158,159,160,161,162,163,172,173,174,175,180,181,182,183,184,194,195,196,197,202,203,204,205,215,216,217,218,223,224,225,226,227,236,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,280,281,282,283,288,289,290,291,292,301,302,303,304,310,311,312,313,314,322,323,324,325,326,332,333,334,335,336,342,343,344,345,346,347,348,354,355,356,357,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +2484 - 56,57,77,78,79,87,98,99,100,101,108,109,119,120,121,122,123,129,130,131,139,140,141,142,143,144,149,150,151,152,153,160,161,162,163,164,165,170,171,172,173,174,175,181,182,183,184,185,186,191,192,193,194,195,196,202,203,204,205,206,207,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,489 +2485 - 84,85,86,97,98,99,105,106,107,118,119,120,121,126,127,128,129,140,141,142,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,204,205,206,207,212,213,214,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,489 +2486 - 35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,82,83,84,85,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,209,210,211,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,278,279,280,281,291,292,293,294,301,302,303,313,314,315,316,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,491 +2487 - 12,13,14,15,16,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,165,182,183,184,185,186,191,192,193,194,195,204,205,206,207,208,212,213,214,215,216,217,218,226,227,228,229,232,233,234,235,236,237,238,239,240,247,248,249,250,253,254,255,256,257,260,261,262,268,269,270,271,272,274,275,276,277,281,282,283,284,290,291,292,293,296,297,298,301,302,303,304,305,311,312,313,314,315,317,318,319,320,321,322,323,324,325,326,333,334,335,336,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,491 +2488 - 94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,167,168,169,181,182,183,184,189,190,191,204,205,206,211,212,226,227,228,233,234,248,249,250,255,256,271,272,277,278,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,492 +2489 - 50,51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,126,127,128,129,147,148,149,150,151,167,168,169,170,171,172,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,341,342,343,344,353,354,362,363,364,365,366,375,376,382,383,384,385,386,387,388,397,398,399,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,488 +2490 - 77,97,98,99,100,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,167,168,169,180,181,182,183,184,189,190,191,202,203,204,205,211,212,213,223,224,225,226,233,234,235,245,246,247,248,255,256,257,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,474,475,489 +2491 - 98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,147,148,149,150,151,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,194,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,469,492 +2492 - 113,114,115,116,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,182,183,184,185,186,188,189,210,211,232,233,254,255,276,277,298,299,320,321,342,343,364,365,386,387,408,409,430,431,452,453,474,475,492 +2493 - 56,57,58,59,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,186,194,195,196,204,205,206,207,215,216,217,218,225,226,227,228,236,237,238,239,247,248,249,250,258,259,260,261,269,270,271,272,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,322,323,324,325,334,335,336,337,344,345,346,356,357,358,359,364,365,366,367,368,377,378,379,380,381,385,386,387,388,389,399,400,401,402,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +2494 - 8,9,29,30,50,51,52,72,73,94,95,115,116,117,137,138,159,160,166,167,168,169,170,171,172,181,182,186,187,188,189,190,191,192,193,194,195,203,204,208,209,210,211,214,215,216,217,225,226,228,229,230,231,237,238,239,247,248,249,250,251,252,260,261,270,271,272,282,283,292,293,294,303,304,305,314,315,316,317,324,325,326,336,337,338,339,340,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +2495 - 37,38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,486 +2496 - 7,8,28,29,30,50,51,52,72,73,74,94,95,96,115,116,117,118,137,138,139,140,145,146,147,159,160,161,162,166,167,168,169,170,171,182,183,184,187,188,189,190,191,192,193,194,204,205,206,208,209,210,211,214,215,216,226,227,228,229,230,231,232,237,238,239,248,249,250,251,252,253,259,260,261,270,271,272,273,274,275,282,283,293,294,295,296,303,304,305,315,316,317,318,319,324,325,326,327,338,339,340,341,342,346,347,348,349,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,491 +2497 - 36,37,38,39,57,58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,357,358,359,360,361,378,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +2498 - 10,11,12,31,32,33,52,53,54,74,75,76,95,96,97,117,118,138,139,140,160,161,162,182,183,192,193,204,205,212,213,214,215,216,225,226,227,233,234,235,236,237,238,247,248,254,255,256,257,258,259,260,269,270,271,276,277,278,280,281,282,291,292,293,297,298,299,302,303,313,314,315,319,320,321,322,323,324,325,336,337,338,339,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,491 +2499 - 33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,104,105,106,107,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,248,249,250,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,315,316,317,318,319,320,321,322,333,334,338,339,340,341,342,343,344,345,354,355,356,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,409,420,421,422,423,424,425,426,443,444,445,446,487 +2500 - 8,9,10,30,31,32,33,34,35,36,52,53,54,56,57,58,59,73,74,75,76,79,80,81,82,83,95,96,97,102,103,104,105,106,116,117,118,119,125,126,127,128,129,138,139,140,141,148,149,150,151,159,160,161,162,171,172,173,180,181,182,183,184,193,194,195,202,203,204,205,215,216,217,218,223,224,225,226,227,238,239,240,245,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,325,326,327,328,333,334,335,336,337,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,485 +2501 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,161,162,163,164,170,171,172,182,183,184,185,186,191,192,193,194,204,205,206,207,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,494 +2502 - 79,80,81,88,89,90,91,92,93,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +2503 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,194,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,309,314,315,316,317,318,319,320,321,322,330,331,332,340,341,342,343,352,353,354,361,362,363,364,365,374,375,376,377,378,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,467,468,469,488 +2504 - 12,13,14,15,34,35,36,37,56,57,58,77,78,79,80,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,322,323,324,325,326,335,336,337,338,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +2505 - 37,38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,445,446,447,486 +2506 - 45,46,47,48,49,50,51,52,53,54,55,56,57,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,276,277,295,296,297,298,299,300,301,302,320,321,322,323,324,325,344,345,346,347,348,349,356,368,369,370,371,377,378,379,392,393,394,399,400,401,402,403,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,488 +2507 - 35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,103,104,105,117,118,119,120,121,126,127,139,140,141,147,148,149,160,161,162,163,169,170,171,182,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,335,336,337,338,341,342,343,344,357,358,359,362,363,364,365,378,379,380,382,383,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,444,445,446,447,448,493 +2508 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,144,145,146,147,148,157,158,159,165,166,167,168,169,180,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,389,390,391,392,393,394,395,399,400,401,402,403,422,423,487 +2509 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,126,127,138,139,140,141,142,160,161,162,170,171,172,182,183,184,191,192,193,194,204,205,206,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,494 +2510 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,125,126,127,136,137,138,148,149,150,157,158,159,170,171,172,179,180,181,192,193,194,213,214,215,235,236,237,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,366,367,368,378,379,380,381,382,388,389,390,401,402,411,412,413,433,434,435,455,456,457,458,479,487 +2511 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,128,129,130,141,142,143,144,149,150,151,152,162,163,164,165,169,170,171,172,173,174,185,186,187,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,319,320,321,334,335,336,337,341,342,343,355,356,357,358,362,363,364,365,377,378,379,383,384,385,386,387,398,399,400,401,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +2512 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,167,168,169,188,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,492 +2513 - 59,60,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,126,127,128,129,139,140,141,148,149,150,151,169,170,171,172,191,192,193,194,212,213,214,215,229,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,295,296,297,298,299,300,301,310,311,312,317,318,319,320,321,322,323,324,325,332,333,337,338,339,340,341,343,344,345,346,347,348,349,350,353,354,355,357,358,359,360,361,362,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,391,392,393,394,397,398,399,400,401,402,403,487 +2514 - 77,78,79,97,98,99,100,101,119,120,121,122,123,124,140,141,142,143,145,146,147,162,163,164,168,169,183,184,185,189,190,191,205,206,207,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,320,321,322,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,471,472,473,494 +2515 - 65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,163,164,165,184,185,186,205,206,207,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,298,299,300,319,320,321,322,333,334,339,340,341,342,343,355,356,361,362,363,364,377,378,381,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,490 +2516 - 16,17,18,19,36,37,38,39,40,41,57,58,59,60,61,78,79,80,81,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,205,206,207,226,227,228,229,235,236,237,238,239,248,249,250,254,255,256,257,258,259,260,261,262,270,271,274,275,276,277,278,279,282,283,284,291,292,293,295,296,297,298,313,314,315,316,317,318,319,324,325,335,336,337,338,339,340,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,399,400,401,404,405,406,407,408,422,423,491 +2517 - 59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,216,233,234,235,236,237,247,248,249,250,251,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,315,316,317,318,319,320,321,322,323,331,332,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,365,366,367,374,375,376,377,378,379,380,381,382,397,398,399,400,401,402,487 +2518 - 11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,81,82,83,96,97,103,104,105,119,125,126,127,147,148,149,168,169,170,171,190,191,192,212,213,214,233,234,235,236,255,256,257,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,318,319,320,321,334,335,336,340,341,342,343,344,356,357,358,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,387,388,389,400,401,402,403,404,405,406,410,411,412,423,424,425,426,427,432,433,434,487 +2519 - 12,13,14,15,16,33,34,35,36,37,54,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,229,246,247,248,249,250,258,259,260,268,269,270,271,272,278,279,280,281,282,283,290,291,292,293,299,300,301,302,303,304,305,312,313,314,315,319,320,321,322,323,324,325,326,327,334,335,336,337,338,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,491 +2520 - 69,70,71,91,92,93,94,101,113,114,115,116,122,123,124,136,137,138,139,144,145,146,147,159,160,161,166,167,168,169,181,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,229,230,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,321,322,323,324,344,345,346,366,367,368,369,389,390,391,411,412,413,414,434,435,436,437,457,458,459,479,480,481,482,489 +2521 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,195,203,204,205,206,212,213,214,215,216,226,227,228,229,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,494 +2522 - 80,81,101,102,103,104,111,112,113,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,189,190,191,210,211,212,213,232,233,234,235,254,255,256,276,277,278,298,299,300,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,382,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +2523 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,186,193,194,203,204,205,206,207,214,215,216,217,218,224,225,226,227,228,232,233,234,235,236,237,238,239,240,246,247,248,249,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,294,295,296,297,298,299,302,303,304,305,311,312,313,314,315,316,317,318,319,323,324,325,326,333,334,335,336,337,338,339,340,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +2524 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,120,121,122,123,124,125,126,127,138,146,147,148,149,167,168,169,170,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,272,273,278,279,280,281,301,302,303,323,324,325,344,345,346,347,365,366,367,368,386,387,388,389,390,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,472,488 +2525 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,168,169,170,171,172,173,174,180,181,182,183,184,185,191,192,194,195,196,201,202,203,204,205,206,216,217,218,223,224,225,226,227,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,291,300,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,335,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,429,430,485 +2526 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,78,94,95,96,97,115,116,117,118,119,120,121,122,123,137,138,139,141,142,143,144,145,146,147,158,159,160,165,166,167,168,169,170,180,181,182,190,191,192,193,201,202,203,204,213,214,215,223,224,225,236,237,238,245,246,247,258,259,260,267,268,269,280,281,282,289,290,291,302,303,304,311,312,313,324,325,326,333,334,335,345,346,347,348,356,357,366,367,368,369,378,379,380,387,388,389,390,401,402,403,404,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +2527 - 36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,139,140,141,142,143,161,162,163,182,183,184,185,203,204,205,206,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,333,334,342,343,344,345,346,354,355,356,363,364,365,366,367,376,377,378,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,490 +2528 - 38,39,40,41,59,60,61,62,63,81,82,83,84,85,86,102,103,104,105,106,107,108,120,121,122,124,126,127,128,129,130,142,143,144,145,147,148,149,150,151,152,161,162,163,164,165,166,169,170,171,172,173,174,182,183,184,185,186,187,188,192,193,194,195,196,203,204,205,206,207,208,209,215,216,217,224,225,226,227,228,229,237,238,239,245,246,247,248,249,250,258,259,260,261,266,267,268,269,270,271,279,280,281,282,283,288,289,290,291,292,300,301,302,303,304,310,311,312,313,321,322,323,324,325,331,332,333,334,342,343,344,345,346,353,354,355,356,357,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,485 +2529 - 54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,126,127,128,129,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,342,343,344,345,354,355,363,364,365,366,367,376,377,383,384,385,386,387,388,398,399,400,401,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,470,488 +2530 - 15,36,37,57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,188,189,190,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,486 +2531 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,148,149,150,151,152,169,170,171,172,173,189,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,338,342,343,344,345,353,354,362,363,364,365,366,367,375,376,383,384,385,386,387,388,397,398,399,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,488 +2532 - 51,52,53,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,126,127,128,129,136,137,138,139,140,141,142,143,144,149,150,151,152,158,159,160,161,163,164,172,173,174,175,180,181,182,183,185,186,187,195,196,197,202,203,204,207,208,209,218,219,223,224,225,226,240,241,245,246,247,248,262,263,267,268,269,284,285,289,290,291,306,307,311,312,313,327,328,329,333,334,335,336,348,349,350,351,355,356,357,358,369,370,371,372,378,379,380,381,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,471,472,473,485 +2533 - 12,13,14,15,32,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,164,171,172,173,174,182,183,184,185,191,192,193,194,195,196,197,203,204,205,206,213,214,215,216,217,218,219,225,226,227,228,234,235,236,237,238,239,240,241,246,247,248,249,254,255,256,257,258,261,262,263,268,269,270,271,275,276,277,278,279,281,282,283,284,285,289,290,291,292,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,405,406,407,408,491 +2534 - 28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,77,78,79,80,92,93,94,99,100,101,102,114,115,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,252,253,254,272,273,274,275,294,295,296,297,301,302,315,316,317,318,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,366,367,368,369,380,381,382,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,454,455,487 +2535 - 79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,148,149,150,151,152,159,160,161,162,170,171,172,173,191,192,193,194,195,212,213,214,215,216,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,310,317,321,322,323,324,331,332,342,343,344,345,346,353,354,355,363,364,365,366,367,375,376,377,378,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +2536 - 28,29,30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,98,99,100,101,102,122,123,124,145,146,167,168,169,189,190,191,211,212,230,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,301,321,322,323,344,345,366,367,380,381,382,388,389,402,403,404,405,406,407,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +2537 - 86,87,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,185,186,187,206,207,208,209,227,228,229,230,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,319,320,321,322,340,341,342,343,355,361,362,363,364,377,378,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,444,445,446,490 +2538 - 34,35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,117,118,119,120,126,127,128,139,140,141,142,148,149,150,161,162,163,164,170,171,172,183,184,185,192,193,205,206,214,215,226,227,228,236,237,248,249,257,258,259,269,270,271,279,280,281,291,292,293,300,301,302,313,314,321,322,323,324,335,336,342,343,344,345,357,358,363,364,365,366,379,380,381,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +2539 - 37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,146,147,148,149,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,191,192,193,194,202,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,236,237,238,239,245,246,247,248,249,258,259,260,261,262,266,267,268,269,270,279,280,281,282,283,288,289,290,291,292,300,301,302,303,304,305,310,311,312,313,314,321,322,323,324,325,326,331,332,333,334,335,340,341,342,343,344,345,346,347,353,354,355,356,357,358,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +2540 - 116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,198,199,200,201,214,215,216,217,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,492 +2541 - 32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,104,105,106,107,125,126,127,128,146,147,148,149,150,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,298,299,300,301,320,321,322,330,331,341,342,343,344,352,353,354,362,363,364,365,374,375,376,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,488 +2542 - 80,81,82,100,101,102,103,104,105,113,114,115,122,123,124,125,126,127,135,136,137,138,139,143,144,145,146,147,148,158,159,160,161,162,165,166,167,168,169,170,180,181,182,183,184,187,188,189,190,191,203,204,205,206,207,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,474,475,489 +2543 - 96,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,195,203,204,205,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,466,467,468,469,492 +2544 - 34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,138,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,208,227,228,229,230,231,232,250,251,252,253,254,255,274,275,276,277,278,290,291,292,297,298,299,300,312,313,314,320,321,322,323,333,334,335,336,343,344,345,346,355,356,357,358,365,366,367,368,377,378,379,380,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +2545 - 12,13,14,15,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,239,246,247,248,249,250,253,254,255,256,257,258,259,260,261,262,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,294,295,296,297,298,301,302,303,304,305,311,312,313,314,315,316,317,318,319,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +2546 - 73,74,78,79,80,94,95,96,97,100,101,102,103,116,117,118,122,123,124,125,138,139,140,144,145,146,160,161,162,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,489 +2547 - 39,40,41,60,61,62,63,81,82,83,84,85,101,102,103,104,105,106,123,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,486 +2548 - 37,38,39,58,59,60,61,80,81,82,102,103,104,124,125,126,133,145,146,147,148,154,155,167,168,169,170,176,177,190,191,192,198,212,213,214,220,228,234,235,236,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,298,299,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,391,411,412,413,433,434,435,456,457,489 +2549 - 86,87,103,104,105,106,107,108,109,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,163,164,165,166,184,185,186,187,206,207,208,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,289,290,298,299,300,311,312,313,318,319,320,321,322,333,334,335,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,402,403,404,490 +2550 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,120,121,122,123,124,136,137,138,139,144,145,146,158,159,160,166,167,168,180,181,182,183,188,189,190,203,204,205,209,210,211,212,226,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,409,410,411,412,426,427,428,431,432,433,434,435,448,449,454,455,456,457,477,478,487 +2551 - 108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,185,186,187,188,206,207,208,226,227,228,229,248,249,250,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,318,319,320,333,334,339,340,341,342,355,356,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,490 +2552 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,429,448,449,450,451,470,471,472,473,474,486 +2553 - 77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,149,150,151,160,161,162,163,164,171,172,173,174,182,183,184,185,186,192,193,194,195,196,204,205,206,207,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,422,423,424,425,426,443,444,445,446,447,465,466,467,468,469,494 +2554 - 37,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,230,231,232,233,234,235,236,237,255,256,257,258,259,278,279,280,281,282,301,302,303,304,323,324,325,326,327,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,490 +2555 - 101,102,103,104,105,106,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,149,150,151,152,153,162,163,164,165,171,172,173,174,183,184,185,186,191,192,193,194,195,196,205,206,207,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,291,292,293,294,295,296,297,298,312,313,314,315,318,319,320,321,334,335,336,340,341,342,354,355,356,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,421,422,423,424,425,493 +2556 - 12,13,14,34,35,36,55,56,57,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,185,186,187,207,208,228,229,230,250,251,252,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,343,344,345,360,361,365,366,367,382,383,384,387,388,405,406,407,408,409,410,427,428,429,430,431,491 +2557 - 59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,151,152,153,161,162,163,164,165,173,174,175,182,183,184,185,186,194,195,196,197,203,204,205,206,207,216,217,218,219,224,225,226,227,228,237,238,239,240,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,283,289,290,291,292,299,300,301,302,303,304,310,311,312,313,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,485 +2558 - 110,111,112,113,114,115,116,117,118,119,120,121,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,193,213,214,215,216,236,237,238,257,258,259,279,280,281,300,301,302,322,323,324,343,344,345,365,366,367,387,388,408,409,410,429,430,431,451,452,453,472,473,474,492 +2559 - 76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,148,149,150,151,160,161,162,163,171,172,173,182,183,184,191,192,193,194,203,204,205,206,207,208,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,379,380,381,382,383,384,400,401,402,403,404,405,421,422,423,424,425,426,442,443,444,445,446,447,464,465,466,467,494 +2560 - 74,75,76,83,95,96,97,98,104,105,106,117,118,119,120,125,126,127,128,138,139,140,141,146,147,148,149,159,160,161,162,163,168,169,170,171,180,181,182,183,184,190,191,192,202,203,204,205,206,211,212,213,214,224,225,226,227,228,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,314,315,316,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,489 +2561 - 56,57,58,59,60,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,148,149,150,151,162,163,164,165,166,167,168,171,172,173,184,185,186,187,188,189,193,194,195,205,206,207,208,209,215,216,217,226,227,228,229,230,231,237,238,239,247,248,249,250,251,252,259,260,261,269,270,271,272,280,281,282,290,291,292,293,301,302,303,304,312,313,314,316,322,323,324,325,334,335,336,338,343,344,345,346,347,356,357,358,359,364,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,473,485 +2562 - 96,97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,142,144,145,146,147,148,159,160,161,162,163,166,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,277,278,279,292,293,294,295,296,299,300,301,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +2563 - 57,58,59,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,386,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,470,486 +2564 - 50,51,52,53,54,55,72,73,74,75,76,77,78,79,80,99,100,101,102,103,104,105,125,126,127,128,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,207,208,209,210,228,229,230,250,251,272,273,274,294,295,296,317,318,319,340,341,342,363,364,365,378,379,386,387,400,401,407,408,409,421,422,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +2565 - 13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,81,82,83,97,98,99,100,103,104,105,119,120,121,122,125,126,127,141,142,143,147,148,149,150,169,170,171,190,191,192,193,212,213,214,229,230,231,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,317,318,319,320,321,322,323,325,326,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,365,366,367,368,369,370,371,377,378,379,380,381,382,383,388,389,390,399,400,401,402,403,404,422,423,424,487 +2566 - 71,72,73,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,168,169,170,171,181,182,183,184,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,367,386,387,388,389,408,409,410,426,427,428,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,476,490 +2567 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,123,124,125,136,137,138,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,280,281,282,283,290,291,292,293,294,302,303,304,305,324,325,326,327,345,346,347,348,365,366,367,368,369,385,386,387,388,389,390,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,488 +2568 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,124,125,126,127,128,138,139,140,144,145,146,147,148,149,160,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,235,252,253,254,255,256,257,258,269,270,271,272,276,277,278,279,280,290,291,292,293,300,301,302,303,312,313,314,323,324,325,333,334,335,345,346,347,355,356,367,368,369,377,378,379,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +2569 - 37,38,39,59,60,61,80,81,82,83,102,103,104,124,125,126,146,147,148,160,161,167,168,169,170,181,182,183,189,190,191,202,203,204,205,210,211,212,213,224,225,226,232,233,234,235,245,246,247,248,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,341,342,343,344,345,346,347,348,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,489 +2570 - 9,10,11,30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,142,159,160,161,162,163,168,169,181,182,183,184,185,188,189,190,191,192,193,202,203,204,205,206,207,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,428,429,430,431,432,491 +2571 - 72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,157,158,159,160,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,235,236,237,257,258,259,260,279,280,281,282,301,302,303,304,323,324,325,326,345,346,347,366,367,368,369,387,388,389,390,398,399,400,407,408,409,410,411,412,419,420,421,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,463,464,465,466,467,468,469,470,471,472,473,490 +2572 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,448,449,450,486 +2573 - 12,13,14,15,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,210,211,212,213,225,226,227,228,230,231,232,233,234,235,236,237,246,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,279,280,281,282,290,291,292,293,294,295,296,302,303,304,312,313,314,315,316,317,324,325,326,327,334,335,336,337,338,339,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +2574 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,143,144,145,146,166,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,344,345,346,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +2575 - 126,127,128,129,130,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,492 +2576 - 46,47,48,67,68,69,70,90,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,166,167,168,169,170,171,172,173,192,193,194,195,196,214,215,216,217,236,237,238,239,257,258,259,260,261,276,277,278,279,280,281,297,298,299,300,301,302,317,318,319,320,321,322,323,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,492 +2577 - 54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,125,126,127,128,129,136,137,138,139,147,148,149,150,151,158,159,160,161,168,169,170,171,172,181,182,183,184,189,190,191,192,193,203,204,205,206,207,208,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,299,300,301,302,303,313,314,315,316,317,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,365,366,367,368,378,379,380,385,386,387,388,389,400,401,402,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +2578 - 53,54,55,74,75,76,77,79,80,81,96,97,98,99,101,102,103,104,118,119,120,121,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,166,167,168,169,182,183,184,185,186,188,189,190,191,204,205,206,207,210,211,212,213,226,227,228,229,232,233,234,235,236,237,247,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,448,449,450,451,470,471,472,473,489 +2579 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,170,171,172,173,180,181,182,192,193,194,195,202,203,204,205,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,272,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,494 +2580 - 56,57,58,59,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,229,230,231,232,252,253,254,255,275,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,445,446,447,448,449,450,466,467,468,469,470,471,488 +2581 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,140,141,142,143,144,145,149,150,151,161,162,163,164,165,166,167,171,172,173,182,183,184,185,193,194,195,203,204,205,206,214,215,216,217,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,280,281,282,289,290,291,292,301,302,303,311,312,313,322,323,324,325,332,333,334,335,344,345,346,354,355,356,357,364,365,366,367,368,376,377,378,379,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +2582 - 53,54,55,56,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,360,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +2583 - 37,38,39,40,58,59,60,61,62,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,395,402,403,404,405,423,424,425,426,427,446,447,448,449,486 +2584 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,139,140,141,142,148,149,160,161,162,163,169,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,278,279,280,281,291,292,293,300,301,302,303,313,314,321,322,323,324,325,335,336,342,343,344,345,346,347,357,358,359,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,485 +2585 - 13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,103,104,105,106,119,120,121,122,125,126,127,128,142,143,147,148,149,150,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,268,269,270,275,276,277,278,279,288,289,290,291,292,293,294,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,408,409,410,411,421,424,431,432,433,487 +2586 - 31,32,33,51,52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,120,121,122,123,124,125,137,138,139,142,143,144,145,146,147,148,159,160,161,165,166,167,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,215,223,224,225,226,235,236,237,245,246,247,248,257,258,259,268,269,270,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,316,323,324,325,326,335,336,337,338,339,345,346,347,348,357,358,359,360,361,362,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,485 +2587 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,102,103,104,124,125,126,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,235,236,237,238,249,250,251,252,253,258,259,260,280,281,282,302,303,304,324,325,326,345,346,347,348,357,358,359,360,361,362,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +2588 - 31,32,52,53,54,73,74,75,76,94,95,96,97,115,116,117,136,137,138,158,159,173,174,175,179,180,181,193,194,195,196,197,200,201,202,212,213,214,215,216,218,219,222,223,233,234,235,236,237,239,240,241,244,245,254,255,256,257,260,261,262,266,267,275,276,277,281,282,283,288,289,296,297,298,300,301,302,303,304,310,311,312,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,491 +2589 - 16,17,18,37,38,39,40,59,60,61,80,81,82,83,102,103,104,117,118,124,125,126,138,139,140,145,146,147,148,160,161,162,167,168,169,170,181,182,183,184,189,190,191,202,203,204,205,210,211,212,213,223,224,225,226,232,233,234,235,245,246,247,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,338,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,489 +2590 - 13,14,15,35,36,37,57,58,59,79,80,100,101,102,121,122,123,142,143,144,145,163,164,165,184,185,186,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,279,280,291,292,293,294,300,301,302,313,314,315,322,323,324,336,337,338,343,344,345,359,360,364,365,366,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +2591 - 105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,182,190,191,192,193,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,492 +2592 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,276,277,278,279,280,281,282,291,292,293,300,301,302,303,304,322,323,324,325,326,344,345,346,347,348,357,358,359,365,366,367,368,369,370,379,380,381,382,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +2593 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,103,104,105,116,117,118,125,126,127,129,138,139,140,141,146,147,148,150,151,152,161,162,163,164,167,168,172,173,174,184,185,186,187,194,195,196,207,208,209,210,216,217,218,230,231,232,233,236,237,238,239,240,253,254,255,256,257,258,259,260,261,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,343,344,345,355,356,357,358,359,360,365,366,367,377,378,379,380,386,387,388,398,399,400,401,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +2594 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +2595 - 99,100,101,102,103,104,105,106,111,112,119,120,121,122,123,124,125,126,127,128,129,133,134,140,141,142,143,144,148,149,150,151,152,155,156,161,162,163,164,169,170,171,172,173,174,177,178,183,184,185,190,191,192,193,199,200,205,206,207,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,494 +2596 - 36,37,50,58,59,72,73,79,80,81,94,95,101,102,103,116,117,123,124,125,138,139,145,146,147,160,161,167,168,169,182,183,189,190,191,204,205,211,212,213,226,227,233,234,235,236,248,249,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,321,322,323,336,337,338,343,344,345,358,359,365,366,367,387,388,389,409,410,411,432,433,454,455,489 +2597 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,105,106,107,117,118,119,120,121,122,123,127,128,129,130,139,140,141,142,143,144,145,146,149,150,151,152,160,161,162,163,164,165,166,167,172,173,174,181,182,183,184,185,187,188,194,195,196,203,204,205,206,208,209,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,250,259,260,261,266,267,268,269,270,271,272,280,281,282,283,288,289,290,291,293,294,295,301,302,303,304,309,310,311,312,316,317,323,324,325,326,331,332,333,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +2598 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,341,342,343,344,345,346,357,358,359,360,363,364,365,366,367,368,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,493 +2599 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +2600 - 76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,144,161,162,163,164,165,166,167,183,184,185,187,188,189,190,205,206,207,210,211,212,227,228,229,232,233,234,249,250,251,252,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +2601 - 32,33,34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,117,118,119,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,214,233,234,235,246,247,248,249,250,251,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,311,312,313,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,365,366,367,378,379,380,381,382,387,388,389,409,410,411,431,432,433,452,453,454,455,487 +2602 - 11,12,13,14,32,33,34,35,54,55,56,75,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,186,205,206,207,227,228,229,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,323,324,325,337,338,339,340,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,406,407,408,409,410,491 +2603 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,102,103,104,114,115,116,117,118,124,125,126,146,147,148,166,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,277,278,279,300,301,302,322,323,324,344,345,346,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,488 +2604 - 81,82,83,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,380,381,382,383,402,403,404,423,424,425,426,446,447,448,468,469,486 +2605 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,123,124,125,126,127,128,129,130,137,138,139,158,159,160,161,180,181,182,201,202,203,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,279,280,281,301,302,303,323,324,325,345,346,347,366,367,368,369,377,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,469,490 +2606 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,126,127,128,129,138,139,140,149,150,151,152,159,160,161,172,173,174,175,181,182,195,196,197,202,203,204,217,218,219,224,225,239,240,241,246,247,261,262,267,268,283,284,289,290,305,311,312,326,327,332,333,334,348,349,354,355,356,369,370,376,377,378,379,390,391,392,398,399,400,401,402,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,485 +2607 - 13,14,15,16,17,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,192,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,280,281,282,290,291,292,293,296,297,298,299,301,302,303,304,312,313,314,315,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,403,404,405,406,491 +2608 - 73,74,85,86,87,93,94,95,96,97,106,107,108,114,115,116,117,127,128,129,130,135,136,137,138,149,150,151,152,156,157,158,159,170,171,172,173,178,179,180,192,193,194,195,200,201,202,213,214,215,216,222,223,224,235,236,237,238,244,245,246,247,256,257,258,259,266,267,268,269,278,279,280,281,289,290,291,292,293,294,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,476,489 +2609 - 82,83,84,85,103,104,105,106,107,114,115,116,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,445,446,447,448,466,467,468,469,492 +2610 - 57,58,59,79,80,81,82,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,148,149,162,163,164,165,166,169,170,171,183,184,185,186,190,191,192,205,206,207,210,211,212,213,227,228,229,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,293,294,295,296,297,314,315,316,318,319,320,336,337,338,340,341,342,343,358,359,363,364,365,380,381,386,387,402,403,408,409,424,425,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +2611 - 34,35,36,37,39,40,41,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,104,105,106,119,120,121,125,126,127,128,141,142,143,146,147,148,149,163,164,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,270,271,272,273,274,275,276,277,290,291,292,293,294,297,298,299,311,312,313,314,315,319,320,321,322,332,333,334,335,341,342,343,344,354,355,356,363,364,365,366,376,377,378,379,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +2612 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,189,190,191,192,193,213,214,215,235,236,237,257,258,259,279,280,281,301,302,303,323,324,325,344,345,346,347,366,367,368,387,388,389,390,409,410,411,431,432,433,452,453,454,455,474,475,476,492 +2613 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,123,124,125,127,128,139,140,141,146,147,148,149,150,160,161,162,169,170,171,172,182,183,184,190,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,471,494 +2614 - 8,9,29,30,31,50,51,52,53,72,73,74,94,95,96,115,116,117,137,138,139,158,159,160,180,181,182,202,203,204,207,208,209,210,211,212,213,214,224,225,226,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,282,283,284,291,292,293,294,305,306,314,315,316,327,328,329,337,338,339,349,350,351,359,360,361,362,370,371,372,382,383,384,385,386,387,391,392,393,394,406,407,408,409,410,411,412,413,414,415,430,431,432,433,434,435,436,491 +2615 - 35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,145,146,147,148,161,162,163,164,168,169,170,182,183,184,185,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,235,236,237,247,248,249,250,257,258,259,269,270,271,278,279,280,281,291,292,293,300,301,302,312,313,314,315,322,323,324,334,335,336,343,344,345,346,356,357,358,359,364,365,366,367,378,379,380,381,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +2616 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,486 +2617 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,161,162,163,164,165,166,170,171,172,182,183,184,185,192,193,194,204,205,206,207,214,215,216,225,226,227,228,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,344,345,346,355,356,357,364,365,366,367,368,377,378,379,385,386,387,388,389,398,399,400,401,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +2618 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,115,116,122,123,124,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +2619 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +2620 - 56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,84,85,86,87,95,96,97,98,99,100,116,117,118,119,120,137,138,139,140,141,159,160,180,181,182,183,184,203,204,205,206,207,208,227,228,229,230,231,251,252,253,254,255,275,276,277,278,298,299,300,301,321,322,323,324,344,345,346,357,366,367,368,379,380,388,389,390,401,402,410,411,412,423,424,425,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +2621 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,103,104,105,106,107,117,118,119,120,121,126,127,128,129,138,139,140,141,142,149,150,151,152,160,161,162,163,171,172,173,174,181,182,183,184,185,193,194,195,202,203,204,205,206,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,258,259,260,261,266,267,268,269,270,280,281,282,283,287,288,289,290,291,301,302,303,304,309,310,311,312,321,322,323,324,325,331,332,333,334,342,343,344,345,346,347,353,354,355,356,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +2622 - 30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,99,100,101,113,114,115,121,122,123,135,136,137,138,143,144,145,158,159,160,161,166,181,182,183,203,204,205,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,292,295,296,297,298,299,300,314,315,319,320,321,322,323,324,336,337,338,342,343,344,345,346,347,359,360,361,365,366,367,368,369,370,371,382,383,384,390,391,392,393,394,395,405,406,407,412,413,414,415,416,417,428,429,430,431,432,433,434,435,436,437,438,452,453,454,455,456,457,458,490 +2623 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,486 +2624 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,138,139,140,141,142,147,148,149,150,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,206,214,215,216,225,226,227,228,236,237,238,246,247,248,249,258,259,260,268,269,270,271,279,280,281,282,290,291,292,301,302,303,312,313,314,322,323,324,325,334,335,336,343,344,345,346,347,356,357,358,359,364,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +2625 - 34,35,36,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,141,142,143,144,147,148,149,163,164,165,168,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,367,368,369,370,371,372,375,376,377,378,379,380,381,382,391,392,393,394,398,399,400,401,487 +2626 - 31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,204,205,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,387,388,389,390,391,392,393,400,401,402,403,404,405,412,413,414,415,422,423,424,425,426,435,436,437,444,445,446,457,458,459,487 +2627 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,101,102,103,104,110,122,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,254,255,256,257,258,259,260,279,280,281,282,301,302,303,304,305,324,325,326,327,345,346,347,348,349,366,367,368,369,370,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,488 +2628 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,117,118,119,120,123,124,125,139,140,141,142,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,320,321,322,323,338,339,340,342,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,404,405,406,407,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,472,473,474,475,476,493 +2629 - 34,35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,127,128,129,138,139,140,141,142,143,149,150,151,160,161,162,163,164,165,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,208,209,215,216,217,218,223,224,225,226,227,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,323,324,325,326,331,332,333,334,344,345,346,347,348,353,354,355,356,365,366,367,368,369,375,376,377,378,386,387,388,389,390,398,399,400,401,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,485 +2630 - 32,33,34,54,55,56,77,78,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,409,428,429,430,431,450,451,452,486 +2631 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,233,234,235,236,248,249,250,251,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,301,302,303,304,313,314,315,316,317,318,319,320,324,325,326,335,336,337,338,339,340,345,346,347,357,358,359,360,361,362,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +2632 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,78,79,80,95,96,100,101,102,122,123,124,143,144,145,164,165,166,185,186,187,188,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,256,257,258,259,269,270,271,279,280,281,302,303,304,324,325,326,345,346,347,366,367,368,369,385,386,387,388,389,390,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +2633 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,150,151,160,161,162,163,164,173,181,182,183,184,185,192,193,194,203,204,205,206,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,277,278,279,280,281,290,291,292,293,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,494 +2634 - 93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,161,162,166,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,326,327,328,329,335,337,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,444,445,446,447,466,467,468,492 +2635 - 12,13,14,15,16,33,34,35,36,37,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,191,192,193,204,205,206,207,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,238,239,247,248,249,250,253,254,255,256,259,260,261,269,270,271,274,275,276,277,281,282,283,291,292,293,295,296,297,298,302,303,304,312,313,314,315,316,317,318,319,323,324,325,334,335,336,337,338,339,340,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,491 +2636 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,103,104,105,115,116,117,125,126,127,136,137,138,147,148,158,159,160,169,170,180,181,190,191,192,193,201,202,203,204,205,206,211,212,213,214,215,216,224,225,226,227,228,229,232,233,234,237,238,239,240,246,247,248,249,250,251,252,253,254,255,260,261,262,263,268,269,270,271,272,273,274,275,276,283,284,285,289,290,291,292,293,294,295,306,307,311,312,328,329,332,333,334,349,350,351,354,355,369,370,371,372,373,376,377,378,379,380,381,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,493 +2637 - 14,15,16,35,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,184,185,186,187,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,258,259,260,270,271,272,273,274,275,280,281,282,292,293,294,295,302,303,304,313,314,315,316,323,324,325,326,335,336,337,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,491 +2638 - 34,35,36,37,38,55,56,57,58,59,76,77,78,79,97,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,227,228,229,232,233,234,235,236,237,249,250,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,281,282,292,293,294,295,296,297,302,303,304,314,315,316,317,318,323,324,325,326,336,337,338,339,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,403,404,405,406,407,408,425,426,447,448,491 +2639 - 130,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,203,204,205,206,224,225,226,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,300,301,302,322,323,324,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,490 +2640 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,144,145,146,147,158,159,160,161,166,167,168,169,179,180,181,182,188,189,190,191,201,202,203,204,210,211,212,213,224,225,226,227,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +2641 - 10,11,12,13,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,102,103,104,105,115,116,117,118,119,125,126,127,147,148,149,169,170,171,191,192,193,213,214,215,234,235,236,237,249,250,251,252,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,391,392,393,394,395,399,400,401,402,403,404,414,415,416,417,423,438,487 +2642 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,96,97,98,99,101,102,103,104,105,117,118,119,120,125,126,127,139,140,141,148,149,150,160,161,162,171,172,173,181,182,183,184,193,194,195,203,204,205,216,217,225,226,227,238,239,240,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,292,304,305,311,312,313,325,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +2643 - 98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,169,170,171,180,181,182,183,184,189,190,191,192,193,202,203,204,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,276,277,278,279,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +2644 - 12,13,14,33,34,35,36,55,56,76,77,78,98,99,119,120,121,141,142,143,163,164,185,186,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,256,257,258,271,272,273,274,278,279,280,293,294,295,300,301,302,315,316,317,321,322,323,324,337,338,339,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +2645 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,447,448,449,486 +2646 - 77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,146,147,148,149,150,151,152,153,160,161,162,163,164,165,182,183,184,185,204,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,319,320,321,341,342,343,361,362,363,364,365,376,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,490 +2647 - 38,39,59,60,61,75,80,81,82,83,96,97,98,102,103,104,118,119,120,123,124,125,126,139,140,141,145,146,147,148,160,161,162,163,166,167,168,169,182,183,184,185,188,189,190,191,203,204,205,206,209,210,211,212,224,225,226,227,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,408,426,427,428,429,448,449,450,489 +2648 - 66,73,74,75,76,77,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,145,146,147,148,149,155,156,170,171,172,177,178,192,193,194,214,215,216,236,237,238,257,258,259,279,280,281,300,301,302,322,323,324,336,337,338,339,340,341,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,471,472,473,474,487 +2649 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,472,494 +2650 - 101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,213,214,215,216,220,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,433,451,452,453,454,473,474,475,476,492 +2651 - 100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,183,184,185,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,277,278,279,300,301,302,322,323,324,332,333,344,345,346,354,355,356,357,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,490 +2652 - 47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,323,324,325,326,327,346,347,348,349,350,355,356,357,367,368,369,370,371,372,376,377,378,379,380,381,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +2653 - 94,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,185,186,190,191,192,193,207,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +2654 - 29,30,51,52,53,73,74,75,76,95,96,97,98,118,119,120,140,141,142,143,162,163,164,165,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +2655 - 85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,181,182,183,184,202,203,204,205,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,299,300,301,302,322,323,324,344,345,346,357,358,359,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,490 +2656 - 10,11,12,13,14,31,32,33,34,35,36,37,53,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,323,324,325,337,338,339,340,341,345,346,347,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,429,430,431,432,433,491 +2657 - 11,12,13,14,15,32,33,34,35,36,53,54,55,56,57,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,180,181,182,183,191,192,193,202,203,204,205,211,212,213,214,215,216,217,224,225,226,231,232,233,234,235,236,237,238,239,246,247,248,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,273,274,275,276,277,281,282,283,284,289,290,291,292,294,295,296,297,303,304,305,312,313,314,316,317,318,324,325,326,327,334,335,336,337,338,339,340,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +2658 - 73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,167,168,169,170,171,181,190,191,192,193,211,212,213,214,215,231,232,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,261,262,271,272,273,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,361,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +2659 - 102,103,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,213,214,215,216,220,221,222,223,224,225,226,227,228,235,236,237,238,242,243,244,245,246,247,257,258,259,260,264,265,266,267,278,279,280,281,282,300,301,302,303,304,305,321,322,323,324,325,343,344,345,346,364,365,366,367,368,386,387,388,389,390,407,408,409,410,411,428,429,430,431,432,450,451,452,453,454,492 +2660 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,99,100,120,121,122,140,141,142,143,162,163,164,165,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,232,233,234,235,236,237,245,246,247,257,258,259,260,268,280,281,282,283,303,304,305,325,326,327,346,347,348,349,368,369,370,379,380,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,488 +2661 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,103,104,105,106,117,118,119,120,125,126,127,128,147,148,149,168,169,170,171,181,182,183,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,275,276,277,278,298,299,300,320,321,322,342,343,344,345,360,365,366,367,379,380,381,382,383,384,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,450,451,452,453,454,455,456,457,488 +2662 - 35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,298,299,300,301,302,303,304,305,312,313,314,315,316,324,325,326,327,335,336,337,338,339,345,346,347,348,358,359,360,361,362,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,491 +2663 - 37,38,39,58,59,60,61,80,81,82,83,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,486 +2664 - 10,11,12,31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,118,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,249,250,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,400,401,402,403,404,422,423,424,425,487 +2665 - 38,39,54,59,60,61,62,75,76,77,81,82,83,84,97,98,99,103,104,105,106,118,119,120,121,125,126,127,128,139,140,141,142,143,147,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,213,214,215,225,226,227,228,235,236,237,246,247,248,249,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,489 +2666 - 98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,145,146,147,159,160,161,167,168,169,189,190,191,211,212,232,233,234,254,255,256,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +2667 - 36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,486 +2668 - 54,55,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,127,128,140,141,142,143,144,149,150,162,163,164,170,171,172,184,185,186,192,193,207,208,212,213,214,215,229,230,233,234,235,236,251,252,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,336,337,338,339,340,341,357,358,359,360,362,363,378,379,380,381,384,385,400,401,402,406,407,423,424,425,428,429,446,447,448,449,450,451,469,470,471,472,493 +2669 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,126,127,128,136,137,138,139,140,148,149,150,169,170,171,172,190,191,192,193,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,294,299,300,301,302,322,323,324,325,345,346,347,366,367,368,369,386,387,388,389,390,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,463,464,465,466,467,468,469,470,488 +2670 - 10,11,12,13,14,15,16,29,30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,82,83,84,93,94,104,105,106,115,126,127,128,137,148,149,150,170,171,172,192,193,194,213,214,215,216,235,236,237,257,258,259,269,271,272,278,279,280,287,288,289,290,291,292,293,294,295,296,297,299,300,301,302,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,330,331,332,333,340,341,342,343,344,345,346,352,353,354,360,361,362,363,364,365,366,367,368,369,370,374,375,376,381,382,383,384,385,386,387,388,389,390,391,392,393,396,397,398,399,400,401,402,403,404,405,406,413,414,419,420,421,422,423,424,425,487 +2671 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,103,104,105,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,205,206,207,208,209,210,211,229,230,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,322,323,324,336,337,338,339,340,341,342,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +2672 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,77,78,79,80,81,93,94,95,102,103,115,116,117,124,125,137,138,139,140,145,146,147,148,149,150,160,161,162,163,166,167,168,169,170,171,183,184,185,186,188,189,190,206,207,208,209,210,211,229,230,231,232,251,252,253,254,255,272,273,274,275,276,277,278,294,295,298,299,300,301,315,316,317,321,322,323,324,337,338,344,345,346,359,360,361,367,368,369,381,382,383,384,389,390,391,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,493 +2673 - 70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,145,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +2674 - 35,36,37,38,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,138,139,140,141,142,143,161,162,163,164,165,183,184,185,186,205,206,207,208,209,228,229,230,231,232,233,251,252,253,254,255,256,257,274,275,276,277,278,279,298,299,300,301,302,322,323,324,344,345,346,347,366,367,368,369,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,490 +2675 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,103,104,105,116,117,125,126,127,138,146,147,148,149,166,167,168,169,170,171,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,277,278,279,280,300,301,302,303,322,323,324,325,343,344,345,346,347,356,357,358,359,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,488 +2676 - 30,31,32,33,34,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,100,101,102,112,113,114,115,116,117,122,123,124,135,136,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,328,329,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,430,431,432,453,454,492 +2677 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,139,140,141,142,146,147,149,150,151,160,161,162,163,168,169,170,171,172,173,182,183,184,190,191,192,193,194,195,204,205,206,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,494 +2678 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,104,105,106,115,116,117,118,123,124,125,126,127,128,129,137,138,139,140,145,146,147,148,149,150,159,160,161,162,163,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,299,300,301,302,315,316,317,321,322,323,324,337,338,339,344,345,346,359,360,366,367,368,381,382,383,388,389,390,403,404,405,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +2679 - 35,36,37,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,124,125,126,127,128,129,140,141,142,143,146,147,148,149,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,336,337,338,339,343,344,345,346,357,358,359,360,365,366,367,378,379,380,381,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,493 +2680 - 9,10,11,12,31,32,33,52,53,54,55,73,74,75,94,95,96,116,117,118,126,137,138,139,147,148,149,159,160,161,168,169,170,171,172,181,182,189,190,191,192,193,194,202,203,204,210,211,212,213,215,216,217,224,225,226,231,232,233,237,238,239,246,247,248,253,254,255,259,260,269,270,274,275,276,280,281,282,291,292,293,296,297,298,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,406,407,408,409,410,411,429,430,431,432,433,491 +2681 - 29,30,31,32,33,34,35,40,41,50,51,52,53,54,55,56,57,58,59,62,63,72,73,74,75,78,79,80,81,82,84,85,86,94,95,96,104,105,106,107,108,116,117,118,119,127,128,129,139,140,141,148,149,150,151,161,162,163,164,169,170,171,172,184,185,186,187,190,191,192,193,207,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,335,336,337,338,339,344,345,346,347,355,356,357,358,359,360,366,367,368,369,376,377,378,379,380,381,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,493 +2682 - 26,27,28,29,30,47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,92,93,94,101,102,103,114,115,116,117,118,122,123,124,125,137,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,254,255,256,257,258,270,271,272,273,277,278,279,280,281,292,293,294,300,301,302,303,314,315,316,323,324,325,326,337,338,345,346,347,348,359,360,361,367,368,369,370,381,382,383,384,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,493 +2683 - 56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,127,128,129,130,137,138,139,140,141,147,148,149,150,151,152,159,160,161,162,168,169,170,171,172,173,181,182,183,184,185,186,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,302,314,315,316,317,322,323,324,335,336,337,338,344,345,346,356,357,358,359,365,366,367,368,377,378,379,380,386,387,388,389,399,400,401,402,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +2684 - 49,50,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,124,125,126,147,148,149,169,170,171,191,192,212,213,214,234,235,255,256,257,276,277,278,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,358,359,360,361,362,369,370,371,372,373,377,378,379,380,381,382,383,394,395,400,401,402,403,417,423,487 +2685 - 55,56,57,58,59,62,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,106,107,108,109,116,117,118,119,120,128,129,130,131,138,139,140,141,149,150,151,152,161,162,163,164,170,171,172,173,174,183,184,185,186,187,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,320,321,322,333,334,335,336,337,338,342,343,344,355,356,357,358,359,364,365,366,367,376,377,378,379,380,386,387,388,389,398,399,400,401,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +2686 - 58,59,60,73,74,75,80,81,82,83,95,96,97,102,103,104,116,117,118,119,124,125,126,138,139,140,141,145,146,147,159,160,161,162,167,168,169,181,182,183,189,190,191,202,203,204,205,210,211,212,213,224,225,226,232,233,234,246,247,248,249,250,251,254,255,256,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +2687 - 35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,95,96,97,98,99,100,116,117,118,119,120,138,139,140,141,150,160,161,162,163,164,170,171,172,183,184,185,186,187,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,302,314,315,316,317,321,322,323,324,335,336,337,338,343,344,345,346,357,358,359,363,364,365,366,367,379,380,381,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,493 +2688 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,166,185,186,187,188,207,208,209,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,432,451,452,453,454,486 +2689 - 37,38,59,60,61,77,78,81,82,98,99,100,103,104,119,120,121,124,125,126,141,142,143,146,147,148,162,163,164,168,169,170,183,184,185,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,335,341,342,343,363,364,365,385,386,406,407,408,428,429,430,449,450,451,452,489 +2690 - 78,79,80,81,82,96,97,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,181,182,202,203,224,225,245,246,247,248,249,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,300,301,323,324,345,346,366,367,368,388,389,390,409,410,411,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +2691 - 93,94,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +2692 - 35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,448,449,450,486 +2693 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,197,209,210,211,212,218,219,231,232,233,240,241,252,253,254,262,263,269,270,271,272,273,274,275,276,284,285,289,290,291,292,293,294,295,296,297,298,299,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,342,343,344,345,346,347,354,355,356,357,358,359,366,367,368,369,370,377,378,390,391,392,412,413,414,415,487 +2694 - 10,11,32,33,34,53,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,121,122,123,124,144,145,146,147,166,167,168,169,188,189,190,191,211,212,213,233,234,235,248,249,250,251,252,253,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,319,320,321,322,323,324,325,326,335,336,337,338,339,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,429,487 +2695 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +2696 - 71,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,163,165,166,167,168,169,181,182,183,184,187,188,189,190,191,192,202,203,204,205,206,209,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,236,246,247,248,249,251,252,253,254,255,257,258,268,269,270,271,272,273,274,275,276,279,280,281,290,291,292,293,294,295,296,297,298,301,302,303,312,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,340,345,346,347,358,359,360,368,369,390,391,392,412,413,414,434,435,436,456,457,458,479,480,481,494 +2697 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,128,137,138,139,140,141,149,150,158,159,160,161,162,170,171,172,179,180,181,182,191,192,193,194,201,202,203,212,213,214,215,216,223,224,225,226,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +2698 - 33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,115,116,117,118,138,139,140,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,204,205,206,211,212,213,226,227,234,235,236,256,257,258,279,280,301,302,323,324,345,346,356,357,366,367,368,378,379,380,381,388,389,390,400,401,402,403,404,405,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,490 +2699 - 56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,104,105,106,118,119,120,121,122,125,126,127,128,129,139,140,141,142,147,148,149,160,161,162,163,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,344,359,360,361,362,364,365,366,380,381,382,383,386,387,388,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,493 +2700 - 37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,147,148,149,150,161,162,163,169,170,171,172,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,386,387,388,389,390,391,392,393,394,397,398,399,400,401,410,411,412,413,414,487 +2701 - 79,80,81,82,83,94,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,168,169,170,171,182,183,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +2702 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,144,145,146,147,148,149,150,156,157,158,159,160,161,168,169,170,171,172,177,178,179,180,181,182,190,191,192,193,194,198,199,200,201,202,211,212,213,214,215,216,220,221,222,223,224,229,230,231,232,233,234,235,236,237,238,242,243,244,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,301,302,303,304,305,310,311,312,313,314,315,316,323,324,325,326,327,345,346,347,348,349,367,368,369,370,371,389,390,391,392,393,411,412,413,414,433,434,435,436,455,456,457,458,459,477,478,479,480,481,494 +2703 - 79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,146,147,148,149,150,159,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,189,190,191,192,193,201,202,203,204,205,209,210,211,212,213,214,223,224,225,226,227,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,494 +2704 - 104,105,106,116,117,118,119,120,121,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,234,235,236,245,246,247,255,256,257,267,268,269,277,278,279,298,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,475,492 +2705 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,106,124,125,126,127,145,146,147,148,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,228,229,230,231,232,233,253,254,255,256,275,276,277,278,298,299,300,301,321,322,323,343,344,345,354,355,356,365,366,367,375,376,377,378,379,380,381,382,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +2706 - 70,71,72,79,80,81,92,93,94,95,96,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,166,167,168,179,180,181,188,189,190,201,202,203,204,210,211,212,224,225,232,233,234,246,254,255,256,276,277,278,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,359,360,361,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,475,476,477,492 +2707 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,126,127,128,141,142,147,148,149,150,164,165,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,257,277,278,279,299,300,301,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,424,425,426,488 +2708 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +2709 - 58,59,60,61,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,170,171,172,173,182,183,184,185,186,193,194,195,196,203,204,205,206,207,208,215,216,217,218,225,226,227,228,229,237,238,239,240,247,248,249,250,259,260,261,268,269,270,271,272,280,281,282,283,290,291,292,293,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +2710 - 11,12,13,32,33,34,35,54,55,56,76,77,78,98,99,119,120,121,141,142,143,162,163,164,184,185,186,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,280,281,282,291,292,293,294,302,303,304,314,315,316,324,325,326,336,337,338,346,347,359,360,361,367,368,369,381,382,383,384,386,387,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +2711 - 93,94,95,96,97,98,99,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +2712 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,165,166,167,168,169,170,180,181,182,183,184,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,254,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +2713 - 145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,204,205,206,225,226,227,246,247,248,267,268,269,270,271,272,273,274,275,291,292,293,294,295,296,297,298,319,320,321,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,490 +2714 - 48,49,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,115,116,117,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,456,457,473,474,475,476,477,478,479,487 +2715 - 16,17,37,38,39,59,60,61,76,81,82,83,98,99,103,104,105,119,120,121,124,125,126,127,141,142,143,146,147,148,163,164,165,167,168,169,170,184,185,186,189,190,191,192,206,207,208,211,212,213,227,228,229,232,233,234,235,248,249,250,251,254,255,256,257,269,270,271,272,276,277,278,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,377,378,379,383,384,385,386,405,406,407,426,427,428,429,489 +2716 - 33,34,55,56,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,486 +2717 - 37,38,39,58,59,60,61,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,288,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +2718 - 33,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,103,104,118,119,120,121,122,123,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,182,183,184,185,186,188,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,279,280,281,282,292,293,294,295,301,302,303,314,315,316,317,322,323,324,325,336,337,338,339,343,344,345,346,347,358,359,360,361,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,448,449,450,451,452,485 +2719 - 36,37,38,39,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,486 +2720 - 73,74,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,364,384,385,386,406,407,408,409,429,430,431,450,451,452,453,471,472,473,474,488 +2721 - 9,10,11,12,13,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,78,79,80,81,92,93,94,95,101,102,103,123,124,125,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,339,340,341,342,344,345,346,347,348,349,354,355,356,360,361,362,363,368,369,370,371,372,376,377,378,380,381,382,383,384,392,393,394,398,399,400,401,402,403,404,405,415,416,417,420,421,422,423,424,425,426,438,439,487 +2722 - 94,95,96,97,98,115,116,117,118,119,120,121,137,138,139,140,141,142,143,144,145,158,159,160,165,166,167,168,180,181,182,188,189,190,191,202,203,204,205,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,271,272,273,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,453,454,455,475,476,477,494 +2723 - 10,11,12,13,33,34,54,55,56,76,77,78,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,192,193,204,205,206,207,212,213,214,215,216,226,227,228,229,233,234,235,236,237,238,239,247,248,249,250,254,255,256,257,258,259,260,261,269,270,271,272,275,276,277,278,281,282,283,291,292,293,296,297,298,299,302,303,304,305,313,314,315,317,318,319,320,323,324,325,326,335,336,337,338,339,340,341,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,376,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +2724 - 38,39,54,60,61,75,76,77,81,82,83,97,98,103,104,118,119,120,125,126,140,141,142,146,147,148,162,163,168,169,183,184,185,190,191,204,205,206,211,212,225,226,227,228,233,234,246,247,248,249,250,251,254,255,256,268,269,270,271,272,273,274,276,277,290,291,292,294,295,296,297,298,299,300,312,313,318,319,320,321,322,323,324,325,341,342,343,344,346,363,364,365,385,386,407,408,429,430,451,452,489 +2725 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,424,425,426,427,428,446,447,448,449,469,470,471,486 +2726 - 49,50,51,70,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,148,149,150,151,170,171,172,190,191,192,193,194,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,295,296,297,298,299,318,319,320,321,322,323,342,343,344,345,346,366,367,368,388,389,390,408,409,410,411,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,473,488 +2727 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,159,160,161,162,163,181,182,183,203,204,205,206,225,226,227,228,229,230,231,249,250,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,302,303,323,324,325,345,346,347,366,367,368,369,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,490 +2728 - 102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,168,169,170,171,172,173,174,182,183,184,185,189,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,246,247,248,253,254,255,256,257,258,267,268,269,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,319,334,335,336,337,338,339,340,359,360,361,380,381,382,402,403,404,423,424,425,445,446,447,467,468,494 +2729 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,171,172,173,179,180,181,182,183,185,186,187,188,194,195,196,200,201,202,203,208,216,217,218,221,222,223,224,239,240,243,244,245,261,262,265,266,282,283,284,287,288,303,304,305,306,309,310,324,325,326,327,331,332,333,334,335,340,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,485 +2730 - 52,53,54,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,208,209,230,231,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,449,450,451,452,472,473,474,486 +2731 - 52,53,54,55,74,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,454,473,474,475,476,486 +2732 - 40,41,48,49,61,62,63,70,71,72,83,84,85,92,93,94,95,104,105,106,107,113,114,115,116,117,126,127,128,129,135,136,137,138,139,148,149,150,151,157,158,159,160,161,170,171,172,173,178,179,180,181,182,192,193,194,195,200,201,202,203,214,215,216,222,223,224,225,235,236,237,238,239,244,245,246,247,248,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,324,325,326,332,333,334,335,336,337,338,339,340,341,342,346,347,348,355,356,357,358,359,360,361,368,369,370,378,379,390,391,392,413,414,435,436,457,458,489 +2733 - 29,30,31,32,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,122,123,124,125,132,133,134,135,136,144,145,146,147,167,168,169,189,190,191,192,212,213,214,234,235,236,256,257,258,259,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,487 +2734 - 32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,94,95,98,99,100,119,120,121,139,140,141,142,143,161,162,163,164,165,166,183,184,185,186,187,188,189,209,210,211,212,213,233,234,235,256,257,258,278,279,280,301,302,323,324,325,335,336,345,346,356,357,358,366,367,368,378,379,386,387,388,389,400,401,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +2735 - 46,47,48,49,50,51,52,53,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,112,113,119,120,121,122,123,124,144,145,146,166,167,168,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,297,298,299,300,301,302,303,304,323,324,325,326,327,347,348,349,369,370,371,391,392,393,405,406,407,408,412,413,414,415,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,479,488 +2736 - 10,11,31,32,33,34,52,53,54,55,73,74,75,76,78,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,146,147,148,149,150,151,158,159,160,161,171,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,216,217,218,219,223,224,225,226,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,358,369,370,371,372,373,376,377,378,379,380,381,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,485 +2737 - 68,69,70,83,90,91,92,93,105,106,112,113,114,115,126,127,128,129,134,135,136,137,148,149,150,151,156,157,158,159,170,171,172,178,179,180,181,192,193,194,200,201,202,203,214,215,216,222,223,224,225,226,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,489 +2738 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,121,122,123,124,136,137,138,139,142,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,227,228,229,230,231,249,250,251,252,253,271,272,273,274,293,294,295,314,315,316,317,336,337,338,339,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,429,430,487 +2739 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,159,160,161,162,163,164,180,181,182,183,184,202,203,204,205,224,225,226,246,247,248,249,250,269,270,271,272,273,292,293,294,295,296,297,316,317,318,319,320,321,339,340,341,342,343,344,363,364,365,366,367,386,387,388,389,404,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,477,490 +2740 - 73,74,75,76,77,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,132,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,158,159,160,161,162,163,164,165,166,167,177,178,179,180,181,182,185,186,187,188,189,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,296,297,298,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,370,388,389,390,391,392,409,410,411,412,413,414,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,488 +2741 - 8,9,10,11,29,30,31,32,33,51,52,53,54,71,72,73,74,75,76,92,93,94,95,96,97,114,115,116,117,118,135,136,137,138,139,157,158,159,160,179,180,181,187,188,189,190,200,201,202,203,207,208,209,210,211,212,213,214,215,222,223,224,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,272,273,274,275,276,281,282,283,284,289,290,291,292,293,295,296,297,298,300,304,305,306,311,312,313,314,315,316,317,318,319,320,326,327,328,329,335,336,337,338,339,340,341,342,343,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,406,407,408,409,410,411,412,413,414,415,416,491 +2742 - 59,60,75,76,80,81,82,97,98,102,103,104,118,119,120,124,125,126,139,140,141,146,147,148,160,161,162,163,168,169,170,182,183,184,190,191,192,203,204,205,206,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,489 +2743 - 135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,220,221,222,223,224,225,226,227,228,229,230,235,236,237,238,242,243,244,245,246,247,257,258,259,260,278,279,280,281,282,300,301,302,303,304,322,323,324,325,343,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +2744 - 30,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,79,80,96,97,118,119,140,141,161,162,163,183,184,185,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,257,271,272,273,274,277,278,279,294,295,300,301,322,323,343,344,345,365,366,367,378,379,386,387,388,400,401,402,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +2745 - 31,32,33,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,148,149,150,151,158,159,160,161,162,171,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,205,216,217,218,222,223,224,225,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,333,334,335,348,349,350,355,356,357,358,359,360,361,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,485 +2746 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,72,73,74,75,81,82,83,93,94,95,96,104,105,106,115,116,117,127,128,136,137,138,148,149,150,151,158,159,160,170,171,172,173,179,180,181,192,193,194,195,201,202,203,215,216,217,223,224,236,237,238,239,245,246,258,259,260,266,267,268,280,281,282,288,289,290,301,302,303,304,310,311,312,322,323,324,325,332,333,334,341,342,343,344,345,346,354,355,356,364,365,366,367,377,378,386,387,388,400,401,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +2747 - 54,55,75,76,77,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,341,342,343,363,364,365,385,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,486 +2748 - 6,7,8,9,10,11,12,13,25,26,27,28,29,30,31,32,33,34,35,36,37,48,49,50,51,57,58,59,60,61,81,82,83,104,105,106,126,127,128,129,149,150,151,171,172,173,193,194,195,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,272,273,274,275,276,277,278,279,280,281,282,287,288,289,300,301,302,303,304,309,310,322,323,324,325,326,331,332,343,344,345,346,347,348,349,350,353,354,355,364,365,366,367,369,370,371,372,375,376,377,378,383,384,385,386,387,388,392,393,394,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,487 +2749 - 7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,101,102,103,104,115,116,124,125,126,127,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,257,258,259,270,271,272,273,274,275,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,487 +2750 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,190,191,192,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,476,492 +2751 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,121,122,123,142,143,144,145,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,255,256,257,258,259,279,280,281,282,302,303,304,325,326,347,348,356,357,358,359,369,370,379,380,381,382,383,384,385,386,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,488 +2752 - 93,94,95,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,189,190,191,192,204,205,211,212,213,226,227,233,234,235,248,249,255,256,276,277,278,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,492 +2753 - 50,51,52,60,72,73,74,81,82,94,95,96,103,104,116,117,118,125,126,137,138,139,140,146,147,148,159,160,161,168,169,181,182,183,190,191,202,203,204,212,213,225,226,227,233,234,235,247,248,249,250,251,252,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,431,432,453,454,455,475,476,477,489 +2754 - 123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,198,199,200,201,202,203,204,205,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,469,470,471,492 +2755 - 79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,202,203,204,224,225,226,246,247,248,249,269,270,271,272,273,291,292,293,294,295,296,297,314,315,316,317,318,319,320,321,338,339,340,341,342,343,344,362,363,364,365,366,386,387,388,408,409,410,424,425,430,431,432,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +2756 - 14,15,16,35,36,37,38,56,57,58,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,256,257,271,272,273,274,278,279,293,294,295,296,299,300,301,314,315,316,317,318,320,321,322,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,428,491 +2757 - 12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,160,161,162,163,182,183,184,203,204,205,206,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,300,301,302,303,304,313,314,315,316,317,318,319,320,324,325,326,336,337,338,339,340,341,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +2758 - 30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,78,80,81,96,97,98,118,119,120,140,141,142,162,163,164,184,185,186,187,188,207,208,209,210,211,212,231,232,233,234,235,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,376,377,386,387,388,389,390,398,399,400,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,490 +2759 - 121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,235,236,237,238,243,244,245,246,247,248,256,257,258,259,260,265,266,278,279,280,281,300,301,302,303,321,322,323,324,325,343,344,345,346,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,492 +2760 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,91,92,93,94,101,102,113,114,115,123,124,135,136,144,145,146,157,165,166,167,186,187,188,207,208,209,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,280,281,282,283,304,305,306,327,328,348,349,350,357,369,370,371,379,380,391,392,393,401,402,403,411,412,413,414,424,425,426,431,432,433,434,435,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +2761 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,150,151,152,162,163,164,165,166,167,168,172,173,174,184,185,186,195,196,206,207,208,217,218,228,229,230,231,232,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,320,321,322,323,324,332,333,334,335,344,345,346,354,355,356,366,367,368,376,377,378,388,389,390,398,399,400,401,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,493 +2762 - 55,56,57,77,78,79,80,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,472,473,474,486 +2763 - 94,95,96,97,98,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,165,166,167,168,169,170,180,181,182,190,191,192,202,203,204,205,212,213,214,215,216,224,225,226,227,228,229,230,231,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,315,317,318,319,320,321,322,323,324,325,326,344,345,346,347,365,366,367,368,387,388,389,390,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,494 +2764 - 77,78,79,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,210,211,212,224,225,226,227,228,229,232,233,234,246,247,248,249,250,254,255,256,269,270,271,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +2765 - 97,98,99,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,207,208,209,214,215,216,217,222,223,231,232,238,239,240,244,245,246,261,262,266,267,268,269,283,284,285,288,289,290,291,292,293,294,305,306,307,312,313,314,315,316,317,318,319,320,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,363,364,365,366,367,368,369,370,371,485 +2766 - 92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,139,140,141,142,143,144,145,146,147,167,168,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,475,492 +2767 - 54,55,56,57,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,473,474,475,476,486 +2768 - 35,36,37,38,39,40,41,56,57,58,59,62,63,77,78,79,84,85,98,99,100,106,119,120,121,127,128,140,141,142,148,149,150,162,163,169,170,171,184,185,191,192,206,213,214,228,233,234,235,250,251,253,254,255,256,257,272,273,274,275,276,293,294,295,296,314,315,316,317,318,335,336,337,338,339,340,341,356,357,358,362,363,378,379,380,385,386,400,401,402,407,408,422,423,424,425,426,428,429,430,445,446,447,448,449,450,451,493 +2769 - 10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,95,96,100,101,102,122,123,124,125,144,145,146,147,167,168,169,189,190,191,211,212,213,230,231,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,320,321,322,323,335,336,337,338,342,343,344,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,487 +2770 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,172,182,183,184,185,192,193,194,204,205,206,207,214,215,216,226,227,228,236,237,238,247,248,249,258,259,260,268,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,324,325,326,334,335,336,337,345,346,347,356,357,358,359,366,367,368,369,379,380,381,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +2771 - 26,27,28,29,30,31,32,33,34,35,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,98,99,100,101,102,103,121,122,123,124,125,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,322,323,324,325,326,327,346,347,348,349,358,359,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,448,449,450,451,452,453,454,455,456,457,488 +2772 - 57,58,59,79,80,98,101,102,119,120,121,123,124,141,142,143,145,146,162,163,164,167,168,183,184,185,186,189,190,191,204,205,206,207,211,212,213,224,225,226,227,228,229,233,234,235,242,243,244,245,246,247,248,249,250,255,256,257,264,265,266,267,268,269,270,271,272,273,274,275,277,278,279,286,287,288,289,290,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,342,343,344,345,346,365,366,367,368,387,388,389,410,411,432,433,434,454,455,456,457,476,477,478,489 +2773 - 47,48,49,68,69,70,71,89,90,91,92,93,94,106,107,108,111,112,113,114,115,116,128,129,130,133,134,135,136,137,150,151,152,155,156,157,158,159,171,172,173,174,177,178,179,180,181,193,194,195,196,199,200,201,202,203,214,215,216,217,218,221,222,223,224,225,226,227,236,237,238,239,244,245,246,247,248,249,250,258,259,260,267,268,269,270,271,272,273,274,275,276,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,364,365,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,454,455,456,457,477,478,479,489 +2774 - 55,56,57,58,59,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,142,143,144,145,159,164,165,166,167,186,187,188,207,208,209,229,230,231,251,252,253,274,275,276,277,297,298,299,300,320,321,322,323,343,344,345,366,367,368,386,387,388,389,390,406,407,408,409,410,411,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,488 +2775 - 87,104,105,106,107,108,109,118,119,120,125,126,127,128,129,130,131,139,140,141,142,145,146,147,148,149,150,151,152,153,161,162,163,164,167,168,169,170,171,172,173,182,183,184,185,186,189,190,191,192,203,204,205,206,207,225,226,227,228,247,248,249,250,251,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,342,343,344,345,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,490 +2776 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,142,143,164,165,186,187,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,408,409,410,430,431,432,452,453,454,486 +2777 - 12,13,14,33,34,35,36,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,116,117,118,119,120,121,138,139,140,141,142,159,160,161,162,180,181,182,183,201,202,203,204,212,223,224,225,229,230,231,232,233,234,235,236,237,245,246,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,302,303,304,305,306,311,312,313,314,315,316,325,326,327,328,334,335,336,337,338,339,348,349,350,357,358,359,360,361,362,363,364,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,491 +2778 - 95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,167,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,428,429,430,450,451,471,472,473,492 +2779 - 76,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,167,168,173,174,178,179,180,190,191,194,195,196,197,200,201,202,212,215,216,217,218,219,222,223,224,225,226,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,295,296,297,298,299,300,301,302,303,320,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,472,473,494 +2780 - 49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,133,134,135,136,137,155,156,157,158,159,160,177,178,179,180,181,182,183,200,201,202,203,204,205,206,207,208,226,227,228,229,230,231,232,250,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,323,324,325,326,345,346,347,348,349,357,358,369,370,371,379,380,381,382,391,392,393,394,402,403,404,405,406,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,480,481,490 +2781 - 35,36,37,38,56,57,58,59,60,61,62,74,75,76,77,78,79,80,82,83,84,93,94,95,96,97,98,99,100,101,105,106,107,114,115,116,117,118,119,122,123,127,128,129,135,136,137,138,145,148,149,150,151,156,157,158,159,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,303,304,312,313,314,315,316,325,326,333,334,335,336,347,348,354,355,356,357,369,370,376,377,378,388,389,390,391,392,398,399,400,401,402,403,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,493 +2782 - 77,78,79,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,188,189,190,191,192,193,194,195,201,202,203,204,205,214,215,216,217,222,223,224,225,226,237,238,239,240,244,245,246,247,259,260,261,262,265,266,267,268,269,281,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,323,324,325,326,327,328,331,332,333,334,335,343,344,345,346,347,348,353,354,355,356,357,358,359,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,485 +2783 - 9,10,11,12,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,101,102,103,104,117,118,124,125,126,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,310,311,312,313,314,315,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,487 +2784 - 36,37,38,39,57,58,59,60,61,62,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +2785 - 11,12,13,14,15,32,33,34,35,36,53,54,55,56,57,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,181,182,183,184,202,203,204,205,213,214,224,225,226,227,230,231,233,234,235,236,237,238,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,272,273,274,275,281,282,283,284,290,291,292,293,294,295,296,305,306,307,312,313,314,315,316,317,318,327,328,329,335,336,337,338,339,340,341,342,350,351,358,359,360,361,362,363,364,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,415,491 +2786 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,98,99,100,101,122,123,124,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,228,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,280,300,301,302,323,324,345,346,366,367,368,381,388,389,390,403,404,409,410,411,412,425,426,427,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,488 +2787 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,145,146,147,156,157,158,159,160,168,169,178,179,180,181,190,191,193,194,200,201,202,203,205,206,207,208,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,300,301,302,303,322,323,324,325,343,344,345,346,365,366,367,368,386,387,388,389,408,409,410,411,430,431,432,452,453,454,473,474,475,476,494 +2788 - 28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,76,77,78,79,80,81,82,102,103,104,124,125,126,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,325,345,346,347,348,353,354,355,368,369,370,375,376,377,378,379,390,391,392,398,399,400,401,402,403,404,405,406,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,488 +2789 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,121,134,139,140,141,142,160,161,162,163,182,183,184,204,205,206,210,211,212,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +2790 - 14,15,16,34,35,36,37,38,39,54,55,56,57,59,60,75,76,77,81,82,96,97,103,104,125,126,146,147,148,168,169,170,189,190,191,210,211,212,232,233,234,239,254,255,260,261,272,273,274,275,276,277,281,282,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,339,340,341,343,344,357,358,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,487 +2791 - 56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,447,448,449,469,470,486 +2792 - 6,7,8,27,28,29,30,31,49,50,51,52,53,54,72,73,74,75,76,77,95,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,345,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,372,383,384,385,386,387,388,389,390,391,392,393,394,409,410,411,412,413,414,432,433,434,435,487 +2793 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,170,171,180,181,182,183,193,201,202,203,204,214,215,223,224,225,226,227,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,494 +2794 - 35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,486 +2795 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,171,172,181,182,183,184,185,193,194,203,204,205,206,224,225,226,227,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +2796 - 28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,120,122,123,124,125,134,135,136,143,144,145,146,147,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,302,303,304,305,325,326,327,328,334,346,347,348,349,350,355,356,357,358,359,360,364,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,488 +2797 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,144,147,148,149,160,161,162,163,169,170,171,181,182,183,184,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,274,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,494 +2798 - 53,54,55,56,57,58,73,74,75,76,78,79,80,81,82,94,95,96,97,101,102,103,104,105,115,116,117,118,125,126,127,128,136,137,138,148,149,150,157,158,159,160,171,172,178,179,180,181,192,193,194,199,200,201,202,213,214,215,216,220,221,222,223,236,237,238,239,242,243,244,245,258,259,260,261,265,266,267,279,280,281,282,283,287,288,289,290,300,301,302,303,304,310,311,312,313,318,319,320,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,344,345,346,347,355,356,357,358,359,360,361,365,366,367,368,387,388,389,390,391,410,411,412,432,433,434,454,455,456,476,477,478,494 +2799 - 65,85,86,87,107,108,109,128,129,130,131,138,139,149,150,151,152,159,160,161,170,171,172,173,174,180,181,182,183,192,193,194,195,201,202,203,204,213,214,215,216,223,224,225,226,234,235,236,237,245,246,247,248,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,405,406,407,427,428,429,430,449,450,451,452,489 +2800 - 53,54,55,75,76,77,96,97,98,99,118,119,120,140,141,142,161,162,163,183,184,185,205,206,207,212,213,226,227,228,234,235,248,249,250,251,255,256,257,271,272,273,274,275,277,278,279,280,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,343,344,365,366,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2801 - 75,76,77,78,86,87,96,97,98,99,100,107,108,109,116,117,118,119,120,121,122,128,129,130,131,138,139,140,141,142,143,144,149,150,151,152,153,159,160,161,162,163,170,171,172,173,174,181,182,183,191,192,193,194,195,203,204,205,213,214,215,216,223,224,225,226,227,234,235,236,237,238,245,246,247,248,255,256,257,258,259,267,268,269,270,277,278,279,280,289,290,291,292,293,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,406,407,408,428,429,430,451,452,473,489 +2802 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,100,101,102,116,117,118,123,124,138,139,140,145,146,160,161,166,167,168,182,183,188,189,190,210,211,212,232,233,234,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,448,449,487 +2803 - 11,12,13,14,33,34,35,36,37,38,55,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,293,294,296,297,301,302,303,304,305,325,326,327,333,334,335,336,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,488 +2804 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,182,191,192,193,201,202,203,204,213,214,215,216,223,224,225,226,227,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,344,345,346,347,348,366,367,368,369,388,389,390,391,410,411,412,413,431,432,433,434,453,454,455,456,474,475,476,477,478,494 +2805 - 36,37,38,57,58,59,60,61,62,77,79,80,81,82,83,84,97,104,105,115,116,117,119,126,127,136,137,138,139,147,148,149,157,158,168,169,170,171,179,180,181,182,189,190,191,192,201,202,203,204,205,206,207,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,323,324,325,336,337,338,339,346,347,348,358,359,360,368,369,370,380,381,382,390,391,392,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +2806 - 31,32,33,52,53,54,55,73,74,75,76,77,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,167,168,169,170,171,172,173,181,182,183,184,192,193,194,195,203,204,205,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,348,356,357,358,359,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +2807 - 56,57,58,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,468,469,470,486 +2808 - 49,50,57,58,71,72,79,80,92,93,94,101,102,103,115,116,117,123,124,125,137,138,139,145,146,147,159,160,161,167,168,169,170,171,181,182,183,188,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,290,291,292,293,294,295,296,299,300,301,313,314,315,316,321,322,323,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,476,477,489 +2809 - 52,53,73,74,75,84,94,95,96,97,105,106,107,116,117,118,127,128,129,137,138,139,140,148,149,150,151,159,160,161,162,170,171,172,180,181,182,183,191,192,193,194,202,203,204,213,214,215,223,224,225,226,227,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,450,451,472,473,474,489 +2810 - 53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,127,128,129,138,139,140,149,150,151,159,160,161,169,170,171,172,180,181,182,183,190,191,192,193,194,201,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,228,232,233,234,235,246,247,248,249,250,251,253,254,255,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,314,315,316,317,318,319,320,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +2811 - 39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,204,208,209,210,211,212,230,231,232,233,234,251,252,253,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,445,446,447,486 +2812 - 7,8,9,10,11,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,77,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,169,188,189,190,209,210,211,212,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,314,315,316,318,319,320,321,323,324,325,326,335,336,337,339,340,341,342,346,347,348,349,357,358,359,361,362,363,369,370,371,379,380,381,382,383,384,385,392,393,401,402,403,404,405,406,414,415,416,424,425,426,437,487 +2813 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,120,121,122,124,125,126,127,128,129,147,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,217,235,236,237,238,250,257,258,259,260,267,268,269,270,271,272,273,274,275,276,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,370,372,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,487 +2814 - 114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,191,192,193,194,195,215,216,217,236,237,238,239,257,258,259,260,261,278,279,280,281,282,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,403,404,405,406,407,424,425,426,427,428,445,446,447,448,466,467,468,469,492 +2815 - 73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,142,143,144,145,146,147,148,149,156,157,158,159,168,169,170,171,172,178,179,180,181,191,192,193,194,200,201,202,203,204,215,216,223,224,225,226,227,228,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,286,292,293,294,295,296,297,298,299,300,301,302,303,304,305,322,323,324,325,326,344,345,346,347,348,365,366,367,368,369,386,387,388,389,390,407,408,409,410,411,428,429,430,431,432,450,451,452,453,472,473,474,494 +2816 - 29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,102,103,104,105,123,124,125,126,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,301,302,303,304,323,324,325,326,330,331,332,344,345,346,347,348,352,353,365,366,367,368,369,374,375,376,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,453,488 +2817 - 141,142,143,144,145,146,147,148,149,150,151,152,156,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,193,194,195,196,204,205,206,207,208,209,216,217,218,225,226,227,228,229,230,237,238,239,240,246,247,248,249,250,257,258,259,260,261,268,269,270,271,277,278,279,280,281,282,283,289,290,291,292,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,485 +2818 - 30,31,32,33,34,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,95,96,98,99,100,101,114,115,116,117,118,120,121,122,123,136,137,138,139,142,143,144,145,158,159,160,163,164,165,166,180,181,184,185,186,187,188,206,207,208,209,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,365,366,367,368,383,387,388,389,390,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,488 +2819 - 71,72,73,74,86,87,92,93,94,95,96,107,108,109,113,114,115,116,117,118,128,129,130,131,135,136,137,138,139,149,150,151,152,153,156,157,158,159,160,171,172,173,174,178,179,180,181,192,193,194,195,196,200,201,202,213,214,215,216,217,222,223,224,225,235,236,237,238,244,245,246,247,248,249,250,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,364,365,366,367,368,386,387,388,389,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,489 +2820 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,103,116,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,277,278,279,299,300,301,302,322,323,324,344,345,346,347,365,366,367,368,369,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +2821 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,147,148,159,160,161,162,163,170,171,181,182,183,193,202,203,204,214,215,216,224,225,226,227,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,322,323,342,343,344,345,346,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +2822 - 8,9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,72,73,74,75,94,95,96,115,116,117,118,137,138,139,159,160,161,181,182,183,203,204,205,225,226,227,247,248,249,256,257,258,259,269,270,271,276,277,278,279,280,281,282,283,284,291,292,293,294,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,326,327,328,336,337,338,339,340,341,347,348,349,350,359,360,361,362,363,364,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +2823 - 59,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,124,125,126,127,128,144,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,338,339,340,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,422,423,424,425,426,427,444,445,446,447,448,449,467,468,469,470,486 +2824 - 7,8,9,10,29,30,31,32,33,34,52,53,54,55,56,57,77,78,79,80,81,100,101,102,103,123,124,125,146,147,148,168,169,170,189,190,191,211,212,213,232,233,234,253,254,255,256,274,275,276,277,294,295,296,297,298,315,316,317,318,319,335,336,337,338,339,345,346,357,358,359,360,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,487 +2825 - 95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,385,386,387,405,406,407,408,409,410,411,428,429,430,431,432,433,434,450,451,452,453,472,473,474,475,492 +2826 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,159,160,161,162,163,167,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,224,225,226,227,228,234,235,236,237,246,247,248,249,256,257,258,259,269,270,271,278,279,280,281,291,292,293,300,301,302,303,313,314,315,322,323,324,334,335,336,337,344,345,346,356,357,358,359,365,366,367,368,379,380,381,386,387,388,389,390,401,402,403,404,405,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +2827 - 83,84,85,104,105,106,107,116,126,127,128,136,137,138,147,148,149,150,157,158,159,160,161,169,170,171,172,179,180,181,182,190,191,192,193,194,200,201,202,203,204,205,206,207,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,431,450,451,452,473,474,475,489 +2828 - 9,10,11,12,13,14,30,31,32,33,34,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,137,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,225,226,227,235,236,237,247,248,249,255,256,257,258,259,269,270,271,277,278,279,280,281,282,291,292,293,294,298,299,300,301,302,303,304,313,314,315,316,317,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +2829 - 71,72,73,82,83,84,92,93,94,95,104,105,106,107,114,115,116,117,125,126,127,128,136,137,138,146,147,148,149,157,158,159,160,168,169,170,171,178,179,180,181,189,190,191,192,200,201,202,203,204,205,211,212,213,214,223,224,225,226,227,228,234,235,236,246,247,248,249,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,363,364,365,366,385,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,489 +2830 - 33,34,54,55,56,76,77,78,97,98,99,119,120,121,141,142,143,163,164,165,185,186,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,364,384,385,386,406,407,408,429,430,431,432,451,452,453,454,486 +2831 - 79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,317,318,319,340,341,362,363,400,401,402,403,404,405,406,423,424,425,426,427,428,429,445,446,447,448,467,468,469,470,486 +2832 - 75,76,96,97,98,103,104,105,117,118,119,124,125,126,127,139,140,141,146,147,148,160,161,162,168,169,170,181,182,183,184,189,190,191,203,204,205,211,212,213,224,225,226,227,228,229,233,234,235,246,247,248,249,250,251,252,253,255,256,268,269,270,271,272,273,274,275,276,277,278,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2833 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,81,82,83,84,85,95,96,97,98,105,106,107,116,117,118,119,120,128,129,137,138,139,140,141,142,143,144,150,151,159,160,161,162,164,165,171,172,173,180,181,182,183,191,192,193,194,202,203,204,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,280,281,291,292,293,294,301,302,303,304,311,312,313,314,315,323,324,325,326,333,334,335,346,347,348,355,356,357,367,368,369,370,377,378,379,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,493 +2834 - 30,31,32,33,34,52,53,54,55,56,57,58,77,78,79,80,81,101,102,103,124,125,145,146,147,167,168,169,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,255,275,276,277,298,299,300,320,321,322,334,335,342,343,355,356,357,363,364,365,378,379,380,384,385,386,387,400,401,402,403,405,406,407,408,423,424,425,426,427,428,429,447,448,449,450,488 +2835 - 93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,209,212,213,214,215,216,217,221,222,223,224,225,235,236,237,238,239,257,258,259,260,261,279,280,281,282,283,301,302,303,304,305,323,324,325,326,327,345,346,347,348,364,365,366,367,368,369,385,386,387,388,389,390,391,407,408,409,410,411,429,430,431,449,450,451,452,453,469,470,471,472,473,474,475,492 +2836 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,159,160,161,162,163,170,171,172,173,181,182,183,184,190,191,192,193,194,195,196,203,204,205,206,211,212,213,214,215,216,217,218,219,224,225,226,227,228,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,273,274,275,276,277,278,279,282,283,284,290,291,292,293,294,295,296,297,298,299,303,304,305,312,313,314,315,316,317,318,319,320,323,324,325,326,327,334,335,336,337,338,339,340,341,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,491 +2837 - 12,13,14,15,16,33,34,35,36,37,54,55,56,57,58,74,75,76,77,78,96,97,98,99,118,119,120,139,140,141,142,160,161,162,183,196,201,202,203,204,211,212,213,214,215,216,224,230,231,232,233,234,235,236,237,238,239,240,245,246,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,270,271,272,273,274,277,281,282,283,284,288,289,290,291,292,293,294,296,302,303,304,305,306,310,311,312,313,314,315,323,324,325,326,327,328,332,333,334,335,336,337,338,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,491 +2838 - 4,5,6,7,8,26,27,28,29,30,31,32,52,53,54,55,75,76,77,98,99,121,122,143,144,145,165,166,167,188,189,210,211,232,233,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,315,316,317,320,321,322,323,324,325,326,327,337,338,342,343,344,345,346,347,348,349,350,351,359,360,363,364,365,369,370,371,381,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,487 +2839 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,169,170,171,172,173,181,182,183,184,185,186,187,193,194,195,204,205,215,216,217,218,224,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,281,282,283,284,287,288,289,303,304,305,306,309,310,311,325,326,327,328,331,332,346,347,348,349,350,353,354,355,356,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,422,423,424,426,427,429,430,485 +2840 - 9,10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,120,121,122,123,124,136,137,138,139,143,144,145,146,158,159,165,166,167,168,169,188,189,190,191,210,211,212,213,214,232,233,234,235,236,251,252,253,254,255,256,257,258,260,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,425,426,427,428,429,487 +2841 - 79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,148,149,150,160,161,162,169,170,171,172,182,183,190,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,360,363,364,380,385,386,401,402,403,407,408,423,424,425,428,429,430,446,447,450,451,452,468,469,470,471,472,473,493 +2842 - 79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,127,128,129,130,131,136,137,138,139,140,141,142,143,144,151,152,153,157,158,159,160,164,165,174,175,179,180,186,187,196,197,201,202,203,208,209,216,217,218,219,223,224,225,235,236,237,238,239,240,246,247,248,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,292,293,294,295,296,297,298,314,315,316,317,318,335,336,337,338,339,340,356,357,358,360,361,362,378,379,383,384,385,400,401,405,406,407,422,423,424,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,473,493 +2843 - 56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,382,383,384,402,404,405,406,423,424,425,426,427,428,445,446,447,448,449,450,468,469,470,471,486 +2844 - 76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,145,146,160,161,162,167,168,188,189,190,210,211,212,231,232,233,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,468,469,470,492 +2845 - 30,31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,122,124,125,126,127,128,137,138,148,149,150,158,159,160,161,171,172,173,181,182,183,184,185,186,187,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,272,273,274,275,277,278,280,282,283,284,287,288,289,290,303,304,305,309,310,311,325,326,327,328,331,332,347,348,349,354,368,369,370,371,375,376,377,388,389,390,391,392,393,398,399,400,401,402,403,404,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,452,493 +2846 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,57,58,74,75,78,79,80,96,97,100,101,102,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,363,364,365,366,376,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,487 +2847 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,144,145,146,147,148,149,150,151,171,172,173,193,194,195,215,216,217,237,238,239,258,259,260,261,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,405,406,408,487 +2848 - 101,102,103,104,105,106,107,113,114,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,203,204,205,206,207,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,468,469,470,471,472,492 +2849 - 12,13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,139,140,141,142,161,162,163,164,182,183,184,185,203,204,205,206,213,214,215,225,226,227,228,232,233,234,235,236,237,238,247,248,249,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,294,295,296,297,298,302,303,304,305,312,313,314,315,316,317,318,319,323,324,325,326,334,335,336,337,338,339,340,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +2850 - 10,11,12,13,14,31,32,33,34,36,52,53,54,55,73,74,75,76,95,96,97,116,117,118,138,139,140,160,161,162,181,182,183,203,204,205,214,215,225,226,227,235,236,237,238,247,248,249,256,257,258,259,260,269,270,271,277,278,279,280,281,282,291,292,299,300,301,302,303,313,314,320,321,322,323,324,325,335,336,337,342,343,344,345,346,357,358,359,360,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +2851 - 30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,117,121,122,123,124,125,146,147,168,169,170,190,191,192,212,213,214,233,234,235,236,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,421,422,423,424,425,445,446,487 +2852 - 76,77,78,79,80,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,337,338,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +2853 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,377,378,379,380,381,382,399,400,401,402,403,422,423,424,425,445,446,447,486 +2854 - 32,33,34,35,53,54,55,56,57,74,75,76,95,96,97,98,100,101,102,103,104,117,118,119,123,124,125,126,127,128,138,139,140,148,149,150,151,159,160,161,162,171,172,173,181,182,194,195,202,203,204,216,217,218,224,225,226,238,239,240,246,247,248,260,261,268,269,282,283,289,290,291,303,304,305,311,312,313,325,326,334,335,345,346,347,348,356,357,358,365,366,367,368,369,378,379,380,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,447,448,449,450,451,485 +2855 - 9,10,11,12,13,14,15,31,32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,81,82,83,104,105,106,126,127,128,149,150,171,172,173,193,194,195,215,216,217,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,487 +2856 - 49,50,71,72,73,93,94,95,103,104,105,106,114,115,116,117,125,126,127,128,129,136,137,138,139,146,147,148,149,150,151,158,159,160,161,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +2857 - 87,106,107,108,109,119,120,121,122,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,186,187,188,189,203,204,205,226,227,228,248,249,250,251,252,271,272,273,274,275,276,294,295,296,297,298,299,300,318,319,320,321,322,342,343,344,345,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,446,490 +2858 - 32,33,34,35,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,162,163,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,386,404,405,406,407,408,409,410,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,486 +2859 - 51,52,64,65,73,74,75,85,86,87,94,95,96,97,98,106,107,108,109,116,117,118,119,120,128,129,130,131,137,138,139,140,141,142,148,149,150,151,152,153,158,159,160,161,162,163,170,171,172,173,174,175,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,205,206,212,213,214,215,216,217,223,224,225,226,227,233,234,235,236,237,238,239,245,246,247,248,249,255,256,257,258,259,260,267,268,269,270,276,277,278,279,280,281,289,290,291,292,293,294,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,380,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,449,450,451,471,472,473,489 +2860 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,161,162,163,164,167,168,169,182,183,184,185,187,188,189,190,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,271,272,275,276,277,297,298,299,319,320,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,494 +2861 - 62,63,64,65,82,83,84,85,86,87,96,97,98,103,104,105,106,107,108,109,117,118,119,120,124,125,126,127,128,129,130,131,138,139,140,141,142,145,146,147,148,160,161,162,163,168,180,181,182,183,184,202,203,204,205,224,225,226,227,246,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,340,341,342,343,344,345,364,365,366,367,385,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,472,490 +2862 - 7,8,9,10,28,29,30,31,32,33,34,50,51,52,53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,99,100,101,115,116,117,118,121,122,123,124,137,138,139,144,145,146,158,159,160,161,180,181,182,183,185,186,187,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,277,278,279,280,281,282,283,284,290,291,292,293,294,302,303,304,305,306,313,314,315,316,317,326,327,328,329,336,337,338,339,340,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,433,434,435,436,437,491 +2863 - 3,15,16,35,36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,181,182,183,184,185,186,187,203,204,205,206,207,208,213,214,224,225,226,227,228,229,232,233,234,235,236,237,246,247,248,249,250,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,491 +2864 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,79,80,81,82,95,96,97,98,102,103,104,105,117,118,119,125,126,127,128,138,139,140,148,149,150,159,160,161,162,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,324,325,326,327,334,335,345,346,347,348,356,357,358,366,367,368,369,378,379,380,387,388,389,390,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +2865 - 91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,187,191,192,193,194,212,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,492 +2866 - 28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,102,103,104,105,112,113,114,115,124,125,126,127,134,135,136,145,146,147,148,149,156,157,158,167,168,169,170,171,179,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,487 +2867 - 112,113,114,115,116,117,118,119,120,121,122,123,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,213,214,215,216,217,235,236,237,238,239,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,492 +2868 - 63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,94,95,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,137,138,139,158,159,160,180,181,182,201,202,203,204,205,206,207,223,224,225,226,227,228,229,230,231,232,245,246,247,248,249,250,251,252,253,254,255,268,275,276,277,278,299,300,301,322,323,334,344,345,356,357,366,367,378,379,387,388,389,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +2869 - 86,87,96,97,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,153,157,158,159,160,161,164,165,166,167,168,169,179,180,181,182,187,201,202,203,223,224,225,226,227,245,246,247,248,249,250,251,252,268,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,317,318,319,320,321,322,341,342,343,344,345,355,356,357,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,490 +2870 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,429,448,449,450,451,486 +2871 - 26,27,28,29,30,31,32,33,34,35,46,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,98,100,101,102,103,122,123,124,125,143,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,326,344,345,346,347,348,367,368,369,370,371,386,387,388,389,390,391,392,393,399,400,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,449,450,451,452,453,454,488 +2872 - 55,56,57,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,185,186,187,188,205,206,207,208,209,210,226,227,228,229,230,231,232,248,249,250,251,252,253,254,271,272,273,274,275,276,295,296,297,317,318,319,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,472,473,474,486 +2873 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,191,192,193,194,195,196,201,202,203,204,205,206,207,208,214,215,216,217,218,222,223,224,225,226,227,228,237,238,239,240,244,245,246,247,248,249,259,260,261,262,265,266,267,268,269,270,279,280,281,282,283,284,287,288,289,290,291,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,423,485 +2874 - 49,50,51,71,72,73,92,93,94,103,114,115,116,124,125,136,137,138,146,147,157,158,159,168,169,170,179,180,181,190,191,192,200,201,202,203,204,205,206,207,208,209,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,456,475,476,477,489 +2875 - 29,30,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,144,145,146,147,148,149,150,169,170,171,172,173,191,192,193,194,214,215,216,217,236,237,238,239,250,253,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,401,402,404,405,406,408,409,487 +2876 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,486 +2877 - 10,11,12,13,14,29,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,100,101,102,103,104,105,106,124,125,126,127,128,129,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,217,235,236,237,238,239,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,487 +2878 - 35,36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,486 +2879 - 11,12,13,14,32,33,34,35,36,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,102,103,104,105,106,126,127,128,149,150,151,171,172,173,193,194,195,214,215,216,217,227,230,231,233,234,235,236,237,238,239,243,244,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,369,370,371,376,377,378,379,380,381,382,487 +2880 - 24,25,26,46,47,48,68,69,70,90,91,92,112,113,114,134,135,136,148,156,157,158,167,168,169,170,171,178,179,180,187,188,189,190,191,192,193,194,195,196,200,201,202,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,230,231,232,233,238,239,240,241,244,245,246,247,252,253,254,261,262,263,267,268,269,270,274,275,276,277,282,283,284,285,289,290,291,292,293,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,491 +2881 - 102,103,104,105,113,114,115,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,213,214,215,216,235,236,237,238,257,258,259,260,278,279,280,281,282,299,300,301,302,303,304,320,321,322,323,324,325,326,342,343,344,345,346,347,363,364,365,366,367,368,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,469,470,471,472,492 +2882 - 30,31,32,51,52,53,54,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,123,124,125,126,127,128,136,137,138,139,140,148,149,150,151,158,159,160,161,162,171,172,173,180,181,182,183,194,195,196,201,202,203,204,216,217,218,223,224,225,226,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,314,325,326,327,334,335,336,347,348,349,356,357,358,359,369,370,371,379,380,381,382,383,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,485 +2883 - 26,27,28,29,31,32,33,35,36,37,38,48,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,101,102,103,104,105,123,124,125,126,127,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,204,205,206,207,208,209,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,301,302,303,304,305,325,326,327,347,348,349,367,368,369,370,371,383,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,488 +2884 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,185,186,187,207,208,229,230,251,252,273,274,275,276,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,343,344,345,360,361,362,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,428,429,430,431,491 +2885 - 56,57,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,140,141,142,143,144,161,162,163,164,165,181,182,183,184,185,186,202,203,204,205,206,223,224,225,226,227,245,246,247,248,267,268,269,270,271,272,273,274,275,290,291,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,342,343,344,345,365,366,367,387,388,389,401,402,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +2886 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,99,100,101,102,103,104,105,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,282,301,302,303,304,324,325,326,327,334,335,347,348,349,355,356,357,368,369,370,371,376,377,378,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,488 +2887 - 10,11,12,13,14,15,16,32,33,34,35,36,37,38,39,40,59,60,61,62,82,83,84,85,105,106,107,127,128,129,130,149,150,151,152,171,172,173,174,193,194,195,214,215,216,217,235,236,237,238,239,245,246,247,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,487 +2888 - 54,55,56,75,76,77,78,98,99,100,120,121,125,126,127,141,142,143,147,148,149,163,164,165,169,170,171,185,186,191,192,193,206,207,212,213,214,227,228,229,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,298,299,311,312,313,314,315,316,320,321,331,332,333,334,335,336,342,343,353,354,355,356,364,365,375,376,386,387,409,431,489 +2889 - 56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,425,426,427,428,447,448,449,450,470,471,472,486 +2890 - 32,33,34,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,124,125,126,139,140,141,147,148,149,160,161,162,163,170,171,182,183,184,192,193,194,203,204,205,206,215,216,225,226,227,237,238,247,248,249,259,260,261,269,270,271,281,282,283,291,292,293,303,304,305,312,313,314,315,324,325,326,334,335,336,337,346,347,348,357,358,359,367,368,369,379,380,381,382,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +2891 - 49,50,51,63,70,71,72,73,84,85,86,91,92,93,94,95,96,106,107,108,109,113,114,115,116,117,118,127,128,129,130,134,135,136,137,138,139,148,149,150,151,152,156,157,158,159,160,169,170,171,172,173,178,179,180,181,182,191,192,193,194,200,201,202,203,204,212,213,214,215,222,223,224,225,226,227,228,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,472,474,489 +2892 - 11,12,13,32,33,34,35,36,37,56,57,58,59,60,80,81,82,103,104,105,126,127,148,149,150,157,158,170,171,172,177,178,179,180,181,182,193,194,198,199,200,201,202,203,204,205,215,216,220,221,222,225,226,227,228,236,237,238,242,243,249,250,251,252,257,258,259,264,265,272,273,274,275,278,279,280,281,286,287,288,295,296,297,298,299,300,301,302,309,310,311,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,487 +2893 - 54,55,56,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,143,149,150,151,161,162,163,164,170,171,172,182,183,184,185,186,191,192,193,194,195,204,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,252,253,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,426,427,428,448,449,450,469,470,471,489 +2894 - 34,35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +2895 - 48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,124,125,126,127,147,148,149,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,278,279,280,281,302,303,304,325,326,347,348,349,368,369,370,388,389,390,391,392,399,400,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,488 +2896 - 50,51,71,72,73,93,94,95,103,115,116,117,124,125,126,137,138,139,146,147,148,159,160,161,168,169,181,182,183,189,190,191,203,204,205,206,211,212,213,226,227,228,233,234,235,248,249,250,251,252,254,255,256,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,474,475,489 +2897 - 77,78,79,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,168,169,170,171,172,173,174,180,181,182,183,184,193,194,195,196,201,202,203,204,205,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,307,310,311,312,324,325,326,327,328,332,333,334,338,339,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,485 +2898 - 12,13,14,15,16,34,35,36,37,55,56,57,58,59,77,78,98,99,119,120,121,141,142,162,163,164,184,185,205,206,207,227,228,229,230,248,249,250,251,257,270,271,272,273,276,277,278,279,280,292,293,294,297,298,299,300,301,302,303,314,315,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +2899 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,166,168,169,170,171,172,173,180,181,182,183,184,185,191,192,193,194,195,196,197,202,203,204,205,215,216,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,248,261,262,263,266,267,268,269,283,284,285,288,289,290,304,305,306,307,310,311,312,324,325,326,327,328,332,333,334,335,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,485 +2900 - 74,75,76,77,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,180,181,202,203,204,224,225,226,227,228,248,249,250,251,252,272,273,274,275,276,296,297,298,299,320,321,322,343,344,345,365,366,367,379,386,387,388,400,401,407,408,409,410,422,423,428,429,430,431,444,445,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +2901 - 99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,196,197,203,204,205,206,207,210,216,217,218,219,225,226,227,228,229,230,231,232,238,239,246,247,248,249,250,251,252,253,254,255,256,257,259,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,311,312,316,318,319,320,321,322,333,342,343,344,345,355,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,493 +2902 - 94,95,96,101,102,115,116,117,123,124,136,137,138,145,146,158,159,167,168,180,181,189,190,202,203,210,211,212,225,226,227,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,298,299,320,321,341,342,343,363,364,385,386,407,408,429,430,451,452,473,474,489 +2903 - 76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,144,145,146,147,159,160,161,162,167,168,169,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,492 +2904 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,148,162,163,164,165,167,168,169,170,184,185,186,190,191,192,206,207,208,212,213,214,227,228,229,230,234,235,236,249,250,251,252,255,256,257,258,270,271,272,273,274,277,278,279,280,292,293,294,295,299,300,301,302,314,315,316,317,321,322,323,336,337,338,339,342,343,344,345,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,485 +2905 - 74,75,76,77,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,145,146,147,148,149,150,159,160,161,167,168,169,170,171,172,188,189,190,191,192,193,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,345,346,347,366,367,368,369,387,388,389,390,391,408,409,410,411,412,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +2906 - 34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,450,451,486 +2907 - 58,59,60,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,469,470,471,486 +2908 - 71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,145,146,147,148,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,337,338,339,340,349,350,358,359,360,361,368,369,370,371,372,380,381,382,383,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,487 +2909 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,168,169,170,171,181,182,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +2910 - 12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,118,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,278,279,280,281,293,294,301,302,303,314,315,316,322,323,324,325,336,337,338,339,344,345,346,359,360,361,362,365,366,367,368,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +2911 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,494 +2912 - 57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,117,118,119,120,121,138,139,140,141,142,160,161,162,163,182,183,184,203,204,205,206,225,226,227,228,247,248,249,250,251,252,253,254,256,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,381,386,387,388,389,402,403,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,472,490 +2913 - 15,16,17,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,140,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,211,212,213,214,225,226,227,228,229,232,233,234,235,236,237,247,248,249,250,252,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +2914 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,168,169,170,171,172,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,212,213,214,215,224,225,226,227,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,323,324,325,326,333,334,335,344,345,346,347,355,356,357,366,367,368,369,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +2915 - 33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,117,118,119,121,122,123,124,125,126,143,144,145,146,147,148,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,272,277,278,279,280,281,282,301,302,303,304,324,325,326,346,347,348,349,352,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,450,488 +2916 - 55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,179,180,181,182,183,201,202,203,204,205,224,225,226,227,228,246,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,342,343,344,345,346,347,358,359,360,364,365,366,367,368,369,380,381,382,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +2917 - 71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,167,168,169,189,190,191,210,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,316,317,320,321,322,323,324,325,345,346,347,367,368,369,388,389,390,409,410,411,430,431,432,433,451,452,453,454,468,469,470,471,472,473,474,475,488 +2918 - 29,30,31,51,52,53,73,74,75,95,96,97,98,118,119,120,121,140,141,142,143,162,163,164,165,185,186,187,188,207,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,388,408,409,410,430,431,432,452,453,454,486 +2919 - 33,34,35,36,37,53,54,55,56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,170,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,228,229,237,238,239,240,244,245,246,247,248,249,259,260,261,262,266,267,268,269,270,280,281,282,283,284,288,289,290,291,300,301,302,303,304,305,309,310,311,312,313,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,450,485 +2920 - 34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +2921 - 40,41,42,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,159,160,161,162,163,180,181,182,183,184,185,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,279,280,281,301,302,303,323,324,325,345,346,347,348,356,367,368,369,378,379,380,381,382,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +2922 - 50,51,52,71,72,73,74,93,94,95,96,114,115,116,117,136,137,138,147,148,158,159,160,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,234,235,236,247,248,249,255,256,257,258,269,270,271,272,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,340,341,342,344,345,366,367,388,389,410,411,432,433,454,455,456,457,477,478,489 +2923 - 14,15,16,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,225,226,227,228,236,237,247,248,249,250,251,253,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,322,323,324,325,326,334,335,336,337,338,339,343,344,345,346,347,348,355,356,357,358,359,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +2924 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,147,148,149,150,151,152,160,161,162,163,164,165,169,170,171,172,173,174,181,182,183,184,185,190,191,192,193,194,195,203,204,205,206,211,212,213,214,215,216,225,226,227,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,494 +2925 - 17,18,37,38,39,40,41,57,58,59,60,61,62,78,79,80,81,82,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,183,184,185,186,204,205,206,207,208,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,303,304,305,312,313,314,315,316,317,323,324,325,326,327,333,334,335,336,337,344,345,346,347,348,356,357,358,359,362,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,432,491 +2926 - 48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,97,98,99,100,101,102,103,104,105,124,125,126,127,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,206,207,208,209,228,229,230,250,251,252,253,273,274,275,276,296,297,298,299,319,320,321,322,342,343,344,345,365,366,367,368,388,389,390,402,403,410,411,412,424,425,426,427,428,431,432,433,434,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +2927 - 57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,148,149,150,151,161,162,163,171,172,173,183,184,193,194,195,205,206,207,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,291,292,293,294,295,299,300,312,313,314,315,321,322,323,333,334,335,336,344,345,354,355,356,366,367,376,377,378,387,388,389,398,399,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +2928 - 11,12,13,33,34,35,55,56,57,76,77,78,97,98,99,100,118,119,120,121,138,139,140,141,142,157,158,159,160,161,162,163,179,180,181,182,183,202,203,204,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,280,281,282,283,292,293,294,303,304,305,315,326,327,328,347,348,349,350,360,361,368,369,370,371,382,383,388,389,390,391,392,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,490 +2929 - 98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,170,171,172,180,181,182,183,191,192,193,194,202,212,213,214,215,216,233,234,235,236,237,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,492 +2930 - 15,16,17,36,37,38,39,57,58,59,78,79,80,81,100,101,102,121,122,123,142,143,144,163,164,165,184,185,186,205,206,207,227,228,229,234,235,236,248,249,250,254,255,256,257,258,270,271,272,276,277,278,279,280,292,293,298,299,300,301,302,314,315,316,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,389,405,406,407,408,409,491 +2931 - 50,51,52,53,54,55,56,57,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,182,183,184,185,186,187,188,203,204,205,206,207,226,227,228,248,249,250,253,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,325,346,347,367,368,369,388,389,390,391,399,400,401,402,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,488 +2932 - 58,59,79,80,81,101,102,103,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,469,470,471,486 +2933 - 51,52,53,54,55,56,62,63,64,72,73,74,75,76,77,78,79,94,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,163,164,183,184,185,186,187,188,189,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,254,255,256,257,277,278,279,280,299,300,301,302,303,321,322,323,324,325,342,343,344,345,346,347,363,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,425,426,427,428,429,430,431,445,446,447,448,449,450,467,468,469,470,471,490 +2934 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,125,126,127,128,136,137,138,139,140,148,149,150,157,158,159,160,170,171,172,178,179,180,192,193,194,199,200,201,202,214,215,216,221,222,223,236,237,238,243,244,245,257,258,259,260,265,266,267,279,280,281,287,288,289,300,301,302,303,309,310,311,321,322,323,324,325,332,333,334,335,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,367,368,369,378,379,380,381,382,383,384,385,389,390,391,412,413,434,435,456,457,478,479,480,494 +2935 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,128,129,140,141,142,143,144,145,146,150,151,152,161,162,163,164,165,168,172,173,174,182,183,184,185,186,194,195,196,203,204,205,206,207,216,217,224,225,226,227,228,237,238,239,246,247,248,249,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,302,303,304,310,311,312,313,323,324,325,332,333,334,344,345,346,347,353,354,355,356,365,366,367,368,375,376,377,378,386,387,388,389,397,398,399,400,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,485 +2936 - 5,6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,51,52,53,55,56,57,58,59,79,80,81,82,102,103,104,105,125,126,127,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,312,313,314,315,316,333,334,335,336,337,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,487 +2937 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +2938 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,471,472,486 +2939 - 11,12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,80,81,82,83,95,96,97,103,104,105,125,126,127,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,233,234,235,255,256,257,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,339,340,341,342,343,347,348,349,354,355,356,357,360,361,362,363,364,370,371,376,377,378,382,383,384,385,398,399,400,402,403,404,405,406,420,421,422,423,424,425,426,427,487 +2940 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,123,124,125,126,127,137,138,139,142,143,144,145,146,147,148,159,160,161,165,166,167,168,169,170,182,183,184,186,187,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,346,347,348,357,358,359,360,368,369,370,379,380,381,382,389,390,391,392,401,402,403,404,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +2941 - 26,27,28,29,30,31,32,33,34,35,36,37,38,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,366,367,368,369,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,488 +2942 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,124,125,126,127,137,138,139,148,149,159,160,161,170,171,181,182,183,184,191,192,193,204,205,206,207,208,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,281,282,283,284,288,289,290,291,304,305,306,307,310,311,312,327,328,329,332,333,349,350,351,354,355,356,370,371,372,376,377,378,391,392,393,394,399,400,401,412,413,414,415,421,422,423,424,425,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +2943 - 60,61,73,74,81,82,83,95,96,97,103,104,105,117,118,119,124,125,126,127,138,139,140,141,146,147,148,159,160,161,162,168,169,170,181,182,183,189,190,191,192,202,203,204,205,211,212,213,224,225,226,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,489 +2944 - 35,36,37,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,144,148,149,150,151,152,162,163,164,165,171,172,173,174,183,184,185,186,193,194,195,196,204,205,206,207,215,216,217,218,225,226,227,228,229,237,238,239,240,246,247,248,249,250,258,259,260,261,268,269,270,271,272,280,281,282,283,290,291,292,293,301,302,303,304,305,311,312,313,314,322,323,324,325,326,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +2945 - 77,78,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,278,279,280,300,301,302,321,322,323,324,331,332,333,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,490 +2946 - 59,60,61,62,63,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,158,159,160,161,180,181,182,203,204,205,225,226,227,228,229,248,249,250,251,252,271,272,273,274,275,294,295,296,297,298,317,318,319,320,340,341,342,343,363,364,365,366,386,387,388,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,490 +2947 - 13,14,15,35,36,37,46,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,206,207,208,209,212,213,214,228,229,230,232,233,234,235,236,237,249,250,251,254,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,281,292,293,294,296,297,298,299,301,302,303,314,315,316,318,319,320,322,323,324,335,336,337,338,339,340,341,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +2948 - 57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,165,179,180,181,182,183,201,202,203,204,223,224,225,226,227,228,245,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,294,295,297,298,299,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,490 +2949 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,492 +2950 - 89,90,91,92,93,94,95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,122,123,142,143,144,145,146,166,167,168,169,190,191,192,212,213,214,235,236,237,257,258,259,279,280,281,301,302,323,324,344,345,346,366,367,387,388,389,408,409,410,429,430,431,450,451,452,471,472,473,492 +2951 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,102,103,104,105,106,115,116,117,126,127,128,137,138,139,140,147,148,149,150,160,161,162,163,169,170,171,183,184,185,186,190,191,192,193,205,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,321,322,323,337,338,339,340,341,343,344,345,346,359,360,361,362,365,366,367,368,380,381,382,383,387,388,389,402,403,404,405,407,408,409,410,411,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,493 +2952 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,144,145,146,147,148,149,150,158,159,160,161,170,171,172,173,179,180,181,182,193,194,195,196,200,201,202,203,216,217,218,219,222,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,326,327,328,329,333,334,335,336,337,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,485 +2953 - 97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,172,173,182,183,184,192,193,194,195,203,204,205,213,214,215,225,226,227,233,234,235,236,248,249,250,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,494 +2954 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,277,278,279,294,295,299,300,301,316,317,320,321,322,338,339,342,343,344,360,361,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,491 +2955 - 56,57,58,59,60,77,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,126,127,128,141,142,143,144,148,149,150,162,163,164,165,170,171,172,173,183,184,185,186,192,193,194,205,206,207,214,215,216,226,227,228,229,236,237,238,248,249,250,257,258,259,269,270,271,279,280,281,291,292,293,301,302,312,313,314,315,322,323,324,334,335,336,343,344,345,346,356,357,358,364,365,366,367,378,379,380,385,386,387,388,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,485 +2956 - 74,75,76,77,78,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,234,235,236,237,251,252,253,255,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,445,446,447,448,449,450,467,468,469,470,471,494 +2957 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +2958 - 56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,129,130,139,140,141,142,143,144,145,146,151,152,162,163,164,165,166,167,174,184,185,186,187,188,205,206,207,208,209,210,211,227,228,229,231,232,233,234,248,249,250,254,255,256,269,270,271,272,277,278,279,291,292,293,299,300,301,302,313,314,315,322,323,324,335,336,344,345,346,347,357,358,366,367,368,379,380,388,389,390,401,402,403,409,410,411,412,423,424,425,426,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +2959 - 31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,81,82,83,95,96,97,98,104,105,116,117,118,119,126,127,128,138,139,140,141,148,149,150,160,161,162,170,171,172,182,183,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,280,298,299,300,301,302,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,368,369,370,377,378,379,380,381,383,384,385,386,391,398,399,400,401,404,405,406,407,420,421,422,425,426,427,428,442,443,444,445,446,447,448,449,487 +2960 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,101,102,103,118,119,120,123,124,125,140,141,146,147,148,162,163,168,169,170,189,190,191,211,212,213,230,231,232,233,234,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,343,344,345,346,357,366,367,368,377,378,379,387,388,389,390,399,400,401,402,403,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +2961 - 53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,124,125,126,127,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,293,294,300,301,302,322,323,324,344,345,346,365,366,367,375,376,377,386,387,388,389,397,398,399,400,407,408,409,410,420,421,422,423,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +2962 - 59,60,61,81,82,83,90,91,92,103,104,105,113,114,115,125,126,127,128,135,136,137,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,182,190,191,192,193,194,201,202,203,204,212,213,214,215,223,224,225,226,233,234,235,236,237,238,245,246,247,248,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,343,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,412,432,433,434,454,455,456,476,477,478,489 +2963 - 40,41,62,63,83,84,85,86,97,98,105,106,107,119,120,121,126,127,128,129,140,141,142,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,203,204,205,206,212,213,214,216,224,225,226,227,233,234,235,236,237,238,239,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,429,447,448,449,450,489 +2964 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,279,280,294,300,301,302,322,323,324,344,345,346,365,366,367,368,379,380,381,382,386,387,388,389,390,401,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +2965 - 99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,146,147,148,149,151,152,153,163,164,165,184,185,186,205,206,207,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,277,278,299,300,301,321,322,332,333,334,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,490 +2966 - 55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,212,213,214,215,225,226,227,228,235,236,237,248,249,257,258,259,279,280,281,301,302,303,323,324,325,344,345,346,347,356,357,365,366,367,368,377,378,379,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +2967 - 13,14,15,35,36,37,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,213,214,215,226,227,228,234,235,236,237,238,247,248,249,250,256,257,258,259,260,269,270,271,277,278,279,280,281,282,290,291,292,293,298,299,300,301,302,303,304,312,313,314,315,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,405,406,407,408,427,428,429,491 +2968 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,299,300,301,302,322,323,324,345,346,347,366,367,368,369,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,490 +2969 - 93,94,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,492 +2970 - 33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +2971 - 32,33,34,35,36,52,53,54,55,56,57,58,74,75,76,77,79,80,83,95,96,97,101,104,105,106,107,117,118,119,126,127,128,129,139,140,141,148,149,150,162,163,164,169,170,171,172,184,185,186,187,190,191,192,193,207,208,209,210,212,213,214,230,231,232,233,234,235,236,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,336,337,338,339,343,344,345,358,359,360,361,365,366,367,379,380,381,382,387,388,389,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +2972 - 32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,95,96,97,99,100,101,117,118,120,121,122,123,139,140,142,143,144,161,162,163,164,165,184,185,186,187,206,207,208,209,210,229,230,231,232,233,251,252,253,254,255,256,273,274,276,277,278,279,294,295,296,299,300,301,316,317,318,322,323,324,338,339,340,344,345,346,360,361,362,367,368,382,383,384,388,389,390,404,405,406,410,411,412,427,428,429,430,431,432,433,450,451,452,453,454,493 +2973 - 98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,148,149,160,161,162,169,170,171,181,182,183,190,191,192,193,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,469,470,471,494 +2974 - 55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,125,126,127,137,138,139,140,141,142,147,148,149,159,160,161,162,163,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,224,225,226,227,236,237,238,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,360,367,368,369,379,380,381,382,388,389,390,391,402,403,404,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +2975 - 36,37,38,39,40,41,57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,106,107,108,120,121,122,123,124,125,128,129,130,141,142,143,144,145,146,147,150,151,152,162,163,164,165,172,173,174,183,184,185,186,194,195,196,204,205,206,207,216,217,218,225,226,227,228,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,289,290,291,292,302,303,304,311,312,313,323,324,325,333,334,335,344,345,346,347,354,355,356,357,365,366,367,376,377,378,379,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +2976 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,100,101,102,103,113,114,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,318,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,487 +2977 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +2978 - 12,13,14,15,32,33,34,35,36,37,54,55,56,57,75,76,77,78,96,97,98,99,100,117,118,119,139,140,160,161,162,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,231,234,235,236,237,238,248,249,250,257,258,259,260,269,270,271,280,281,282,291,292,293,303,304,313,314,315,325,326,336,337,346,347,348,358,359,360,361,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,428,429,430,431,432,491 +2979 - 12,13,14,33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,118,119,120,124,125,126,146,147,148,168,169,170,189,190,191,211,212,213,232,233,234,235,253,254,255,256,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,337,338,339,340,341,344,345,346,347,348,355,356,358,359,360,361,362,368,369,370,376,377,378,379,380,381,382,399,400,401,402,403,421,422,423,424,487 +2980 - 78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,141,142,143,144,145,146,166,167,168,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,271,272,273,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,448,449,450,470,471,472,492 +2981 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,125,126,127,138,139,146,147,148,149,167,168,169,170,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,299,300,301,322,323,324,344,345,346,366,367,368,387,388,389,397,398,399,407,408,409,410,411,418,419,420,421,422,423,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +2982 - 92,93,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,188,189,190,191,202,203,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +2983 - 63,64,74,75,84,85,86,95,96,97,98,105,106,107,108,117,118,119,127,128,129,139,140,141,148,149,150,160,161,162,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,223,224,225,226,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,450,468,469,470,471,472,489 +2984 - 90,91,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,163,164,165,166,167,168,169,170,171,178,179,191,192,193,200,201,213,214,215,222,223,235,236,237,256,257,258,278,279,280,300,301,302,322,323,343,344,345,365,366,367,387,388,389,409,410,430,431,432,452,453,454,474,475,476,492 +2985 - 98,99,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,169,170,171,172,180,181,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,492 +2986 - 99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,189,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,465,466,467,468,492 +2987 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,60,61,62,73,74,75,76,82,83,84,94,95,96,104,105,106,116,117,118,125,126,127,139,140,141,147,148,149,161,162,163,164,168,169,170,184,185,186,187,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,299,300,301,315,316,317,321,322,323,336,337,338,339,343,344,345,357,358,359,360,365,366,367,379,380,381,386,387,388,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +2988 - 36,37,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,486 +2989 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,124,125,126,140,141,147,148,162,163,168,169,170,183,184,185,190,191,192,205,206,207,212,213,214,227,228,229,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +2990 - 29,30,51,52,53,58,59,74,75,76,80,81,95,96,97,98,101,102,103,117,118,119,123,124,125,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,185,189,190,191,204,205,206,211,212,226,227,228,233,234,235,247,248,249,250,254,255,256,257,269,270,271,276,277,278,291,292,293,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,364,365,366,386,387,388,408,409,410,430,431,452,453,489 +2991 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,101,102,103,104,118,119,120,123,124,125,126,140,141,142,144,145,146,147,148,163,164,165,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,363,364,365,379,380,381,382,384,385,386,401,402,403,405,406,407,422,423,424,426,427,428,429,444,445,446,447,448,449,467,468,469,470,493 +2992 - 10,11,12,31,32,33,34,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,139,140,141,142,161,162,163,182,183,184,185,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,280,281,282,292,293,294,295,303,304,314,315,316,317,324,325,326,336,337,338,339,340,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +2993 - 57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,139,140,141,142,160,161,162,163,182,183,184,203,204,205,206,225,226,227,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,347,366,367,368,369,387,388,389,390,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,490 +2994 - 58,59,60,80,81,82,102,103,104,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,252,253,254,274,275,276,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,384,403,404,405,425,426,447,448,469,470,486 +2995 - 96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,168,169,170,171,181,182,183,190,191,192,203,204,211,212,213,214,224,225,226,233,234,235,246,247,248,255,256,257,268,269,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +2996 - 37,38,54,55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,159,160,161,162,163,164,170,171,172,181,182,183,184,192,193,194,202,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,333,334,335,336,345,346,347,348,355,356,357,358,359,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +2997 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,127,128,138,139,140,141,147,148,149,160,161,162,168,169,170,171,181,182,183,190,191,192,203,204,205,211,212,213,225,226,227,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,294,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,403,404,405,424,425,426,445,446,447,448,467,468,469,470,494 +2998 - 53,54,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,454,474,475,476,486 +2999 - 79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,278,279,280,300,301,302,322,323,324,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,490 +3000 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,170,171,181,182,183,192,193,194,202,203,204,205,214,215,216,224,225,226,235,236,237,238,245,246,247,257,258,259,267,268,269,278,279,280,281,289,290,299,300,301,302,303,311,312,313,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,366,367,368,388,389,390,409,410,411,431,432,433,453,454,455,475,476,477,494 +3001 - 36,37,38,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,150,163,164,165,166,170,171,172,184,185,186,187,191,192,193,205,206,207,208,213,214,215,227,228,229,235,236,248,249,250,251,256,257,258,270,271,272,278,279,280,292,293,294,299,300,301,313,314,315,321,322,323,335,336,337,338,342,343,344,357,358,359,363,364,365,366,379,380,381,382,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,485 +3002 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,124,125,136,137,138,139,146,147,148,149,158,159,160,168,169,170,171,181,182,183,190,191,192,203,204,205,206,211,212,213,226,227,228,229,232,233,234,249,250,251,252,254,255,256,272,273,274,275,276,277,295,296,297,298,318,319,320,321,339,340,341,342,343,344,361,362,363,364,365,366,383,384,387,388,389,404,405,406,409,410,411,412,426,427,428,432,433,434,448,449,454,455,456,470,471,477,478,493 +3003 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,161,162,163,168,169,170,171,183,184,185,189,190,191,192,205,206,207,210,211,212,213,227,228,229,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,342,358,359,360,362,363,364,365,379,380,381,382,385,386,387,401,402,403,406,407,408,409,423,424,425,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +3004 - 31,32,33,34,53,54,55,56,76,77,78,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +3005 - 57,58,59,60,61,62,63,73,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,125,126,127,128,146,147,148,149,166,167,168,169,170,186,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,298,299,300,301,321,322,323,343,344,345,364,365,366,367,374,375,385,386,387,388,396,397,398,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,471,488 +3006 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,101,102,103,104,105,114,115,116,125,126,127,148,149,150,171,172,173,193,194,195,215,216,217,237,238,239,258,259,260,261,272,273,274,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,341,342,343,344,345,346,354,355,356,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,411,412,413,414,421,422,423,424,425,426,427,434,435,436,457,458,487 +3007 - 105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,162,163,164,183,184,185,204,205,206,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,276,277,278,299,300,321,322,323,332,333,334,335,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,490 +3008 - 97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,183,184,185,188,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,468,469,470,471,492 +3009 - 62,63,83,84,85,98,99,104,105,106,119,120,121,126,127,128,140,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,190,191,192,204,205,206,212,213,214,225,226,227,228,233,234,235,246,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,318,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,469,470,489 +3010 - 55,56,57,77,78,79,80,99,100,101,102,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,204,205,208,209,210,211,230,231,232,233,252,253,254,255,272,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,360,361,362,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,492 +3011 - 24,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,81,82,83,96,97,98,99,103,104,105,118,119,120,124,125,126,127,140,141,142,143,146,147,148,163,164,165,167,168,169,170,185,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,298,299,300,314,315,316,317,320,321,322,336,337,338,342,343,344,357,358,359,364,365,366,379,380,381,385,386,387,388,401,402,406,407,408,409,423,424,425,426,427,428,429,430,437,446,447,448,449,450,451,493 +3012 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,59,60,61,72,73,74,75,76,82,83,84,93,94,95,96,104,105,106,115,116,117,127,128,129,136,137,138,139,149,150,151,158,159,160,171,172,173,179,180,181,182,193,194,195,201,202,203,216,217,222,223,224,225,238,239,240,241,244,245,246,259,260,261,262,263,266,267,268,281,282,283,284,285,288,289,290,301,302,303,304,305,306,310,311,312,321,322,323,324,325,326,327,332,333,334,335,336,337,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,428,429,430,431,485 +3013 - 59,60,61,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,144,145,146,147,148,159,160,164,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,354,355,367,368,369,375,376,377,388,389,390,391,397,398,399,400,401,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,488 +3014 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,146,147,148,149,150,157,158,159,160,161,163,170,171,172,173,179,180,181,182,185,191,192,193,194,195,201,202,203,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,246,247,248,249,253,254,255,256,257,268,269,270,271,272,274,275,276,277,291,292,293,294,295,296,297,298,314,315,316,317,318,319,338,339,340,341,342,360,361,362,363,364,365,366,382,383,384,385,386,387,388,389,404,405,406,407,409,410,411,426,427,428,429,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,477,493 +3015 - 59,60,61,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,152,153,162,163,164,165,173,174,175,183,184,185,186,195,196,197,204,205,206,207,217,218,219,225,226,227,228,229,238,239,240,241,246,247,248,249,260,261,262,267,268,269,270,271,281,282,283,288,289,290,291,292,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,363,364,365,366,367,368,376,377,378,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +3016 - 7,8,11,12,13,28,29,30,34,35,36,50,51,52,53,57,58,59,71,72,73,74,75,79,80,81,82,92,93,94,95,96,102,103,104,105,106,114,115,116,117,124,125,126,127,128,129,135,136,137,138,147,148,149,150,151,157,158,159,170,171,172,173,174,179,180,181,193,194,195,196,200,201,202,203,215,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,281,282,283,284,285,289,290,291,303,304,305,306,311,312,313,314,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,431,485 +3017 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,102,103,104,105,116,117,118,125,126,127,147,148,149,169,170,171,191,192,193,212,213,214,215,234,235,236,255,256,257,258,270,271,272,273,274,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,340,341,342,343,344,345,346,347,348,349,350,351,355,356,361,362,363,364,377,378,379,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,487 +3018 - 50,51,52,58,59,72,73,74,80,81,94,95,96,102,103,116,117,118,119,124,125,138,139,140,141,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,248,249,250,255,256,257,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,456,476,477,478,489 +3019 - 40,41,61,62,63,82,83,84,85,103,104,105,106,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,293,294,295,296,297,315,316,317,318,335,336,337,338,339,356,357,358,359,360,377,378,379,380,381,398,399,400,401,402,420,421,422,423,424,442,443,444,445,486 +3020 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,126,127,139,140,141,144,145,147,148,149,160,161,162,166,167,168,169,170,171,181,182,183,188,189,190,191,192,193,203,204,205,210,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,256,257,258,270,271,272,273,274,277,278,279,293,294,295,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +3021 - 58,59,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,173,174,183,184,185,186,195,196,204,205,206,207,217,218,225,226,227,228,238,239,240,247,248,249,250,260,261,267,268,269,270,271,281,282,283,289,290,291,292,303,304,305,310,311,312,313,324,325,326,332,333,334,345,346,347,353,354,355,356,366,367,368,369,375,376,377,387,388,389,390,397,398,399,408,409,410,411,419,420,421,428,429,430,431,432,441,442,443,447,448,449,450,451,452,453,463,464,465,466,467,468,469,470,471,472,473,485 +3022 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,146,147,159,160,161,168,169,181,182,183,190,191,203,204,211,212,213,214,225,226,227,228,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +3023 - 34,35,36,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,103,104,105,117,118,119,120,121,125,126,127,139,140,141,147,148,149,169,170,171,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,338,339,340,341,342,344,345,347,348,349,350,353,354,355,359,360,361,362,363,371,375,376,379,380,381,382,383,397,398,399,400,401,402,403,404,487 +3024 - 31,32,33,53,54,55,56,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,146,147,148,149,150,160,161,162,163,170,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,322,323,324,325,326,334,335,336,337,344,345,346,347,356,357,358,359,364,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +3025 - 108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,181,182,183,184,185,202,203,204,205,223,224,225,226,227,228,229,230,231,232,245,246,247,248,249,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,321,322,323,343,344,345,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,490 +3026 - 28,29,30,31,49,50,51,52,53,54,59,70,71,72,73,76,80,81,82,91,92,93,94,102,103,104,113,114,115,123,124,125,126,135,136,137,145,146,147,157,158,159,160,166,167,168,180,181,182,183,188,189,190,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,282,295,296,297,298,301,302,303,304,305,317,318,319,320,325,326,327,339,340,341,347,348,349,350,361,362,363,369,370,371,372,383,384,385,390,391,392,393,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,451,452,453,454,455,456,493 +3027 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,103,104,105,116,117,118,119,124,125,126,127,139,140,141,142,148,149,150,162,163,164,165,169,170,171,172,185,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,280,281,295,296,297,298,299,301,302,303,315,316,317,318,319,323,324,325,336,337,338,339,345,346,347,356,357,358,359,360,366,367,368,369,378,379,380,381,387,388,389,390,399,400,401,402,406,407,408,409,410,411,421,422,423,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,493 +3028 - 33,34,35,36,55,56,57,58,59,77,78,80,81,82,83,98,99,103,104,105,120,121,125,126,127,141,142,143,147,148,149,162,163,164,170,171,184,185,191,192,193,206,207,212,213,214,215,228,229,230,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,319,320,321,335,336,337,342,343,356,357,358,363,364,365,378,379,380,385,386,387,400,401,402,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +3029 - 53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,104,105,106,115,116,117,118,125,126,127,128,137,138,147,148,149,150,159,160,161,168,169,170,171,181,182,183,184,189,190,191,192,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,337,338,339,342,343,344,345,358,359,360,365,366,367,380,381,382,387,388,389,402,403,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +3030 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,104,117,118,119,125,126,138,139,140,141,160,161,162,182,183,184,203,204,205,211,212,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,346,347,348,349,357,358,359,360,368,369,370,371,380,381,391,392,393,413,414,415,435,436,437,457,458,459,480,481,482,494 +3031 - 53,54,74,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,146,147,148,149,150,151,152,161,162,163,182,183,184,185,204,205,206,225,226,227,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,300,301,302,312,313,314,322,323,324,343,344,345,346,356,357,365,366,367,368,377,378,379,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,490 +3032 - 29,30,32,33,34,35,36,50,51,52,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,101,102,115,116,117,122,123,124,137,138,143,144,145,146,159,160,163,164,165,166,167,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,252,253,255,256,257,258,272,273,274,278,279,280,293,294,295,300,301,302,315,316,317,322,323,324,336,337,338,344,345,346,358,359,360,366,367,368,380,381,382,388,389,402,403,404,405,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +3033 - 49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,119,120,121,123,124,125,126,127,145,146,147,148,165,166,167,168,169,186,187,188,189,190,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,288,299,300,301,302,303,322,323,324,325,345,346,347,357,358,359,367,368,369,377,378,379,380,388,389,390,391,398,399,400,401,410,411,412,413,420,421,422,423,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,476,488 +3034 - 54,55,56,57,58,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,122,123,124,135,136,137,138,139,142,143,144,145,146,158,159,163,164,165,166,185,186,187,205,206,207,208,226,227,228,229,248,249,250,270,271,272,273,274,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,324,325,342,343,344,345,346,347,348,349,368,369,370,371,392,393,394,405,406,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,488 +3035 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,105,106,107,108,109,117,118,119,120,121,122,123,128,129,130,131,139,140,141,142,143,150,151,152,153,160,161,162,163,164,172,173,174,175,181,182,183,184,185,194,195,196,197,202,203,204,205,206,216,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,249,259,260,261,262,263,266,267,268,269,270,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,357,358,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,485 +3036 - 14,15,16,35,36,37,38,55,56,57,58,59,60,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,203,204,205,225,226,227,246,247,248,251,252,253,254,255,256,257,258,259,260,268,269,270,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,303,304,305,306,312,313,314,315,316,327,328,334,335,336,337,349,350,351,356,357,358,359,360,369,370,371,372,379,380,381,382,383,384,385,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,491 +3037 - 64,65,85,86,87,97,98,99,100,106,107,108,109,118,119,120,121,128,129,130,131,140,141,142,149,150,151,152,161,162,163,164,170,171,172,173,183,184,185,192,193,194,204,205,206,213,214,215,225,226,227,228,234,235,236,237,246,247,248,249,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,333,334,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,451,469,470,471,472,489 +3038 - 53,54,74,75,76,95,96,97,117,118,125,139,140,146,147,148,160,161,162,168,169,182,183,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,451,452,473,474,489 +3039 - 62,63,64,65,75,76,77,83,84,85,86,96,97,98,99,104,105,106,107,118,119,120,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,203,204,205,206,211,212,213,214,216,224,225,226,227,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,296,297,298,299,311,317,318,319,320,339,340,341,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,468,469,470,489 +3040 - 51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,101,102,103,114,115,116,136,137,138,139,159,160,161,162,181,182,183,184,185,192,193,194,204,205,206,207,208,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,361,362,363,366,367,368,382,383,384,385,388,389,390,391,404,405,406,408,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,493 +3041 - 38,39,40,59,60,61,80,81,82,83,102,103,104,105,124,125,126,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,486 +3042 - 10,11,12,13,14,15,31,32,33,34,35,36,37,51,52,53,54,55,56,58,59,60,73,74,80,81,82,102,103,104,124,125,126,146,147,148,168,169,170,189,190,191,211,212,213,227,228,229,230,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,273,274,275,276,277,291,292,296,297,298,312,313,314,317,318,319,320,321,334,335,336,338,339,340,341,342,343,344,356,357,359,360,361,362,364,365,366,367,378,379,380,381,382,383,387,388,389,390,400,401,402,403,404,410,411,412,413,423,424,425,433,434,435,487 +3043 - 12,13,14,15,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,192,193,194,204,205,206,207,213,214,215,216,217,226,227,228,234,235,236,237,238,239,247,248,249,250,255,256,257,258,259,260,261,269,270,271,276,277,278,279,281,282,283,290,291,292,293,297,298,299,303,304,305,312,313,314,318,319,320,324,325,326,334,335,336,340,341,342,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,491 +3044 - 75,76,77,78,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,143,144,145,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,203,204,205,208,209,210,211,212,213,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,254,255,256,257,268,269,270,271,272,273,276,277,278,279,290,291,292,293,294,295,298,299,300,301,314,315,320,321,322,323,342,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +3045 - 58,59,60,71,72,79,80,81,82,93,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,486 +3046 - 15,16,17,36,37,38,39,58,59,60,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,164,165,166,185,186,187,206,207,208,209,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,276,277,278,292,293,294,295,299,300,314,315,316,321,322,336,337,342,343,344,358,359,364,365,366,380,381,385,386,387,388,402,403,404,406,407,408,409,425,426,427,428,429,430,491 +3047 - 53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,208,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,388,389,390,408,409,410,411,412,420,421,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,473,488 +3048 - 30,31,32,33,52,53,54,55,56,57,76,77,78,79,80,99,100,101,102,103,123,124,125,145,146,147,166,167,168,169,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,248,249,250,251,252,253,254,274,275,276,277,297,298,299,300,320,321,322,342,343,344,345,365,366,367,381,386,387,388,403,404,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,488 +3049 - 36,37,38,58,59,79,80,81,82,83,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,148,149,150,151,163,164,165,166,171,172,173,184,185,186,187,193,194,195,206,207,208,215,216,217,227,228,229,230,237,238,239,248,249,250,251,258,259,260,269,270,271,272,280,281,282,291,292,293,301,302,303,312,313,314,315,323,324,325,334,335,336,344,345,346,355,356,357,358,365,366,367,377,378,379,386,387,388,399,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +3050 - 11,12,13,32,33,34,53,54,55,74,75,76,95,96,97,117,118,119,138,139,140,160,161,181,182,183,190,191,192,193,202,203,204,211,212,213,214,215,216,224,225,226,233,234,235,236,237,238,246,247,248,254,255,256,259,260,261,268,269,270,275,276,277,281,282,290,291,292,297,298,299,303,304,312,313,314,319,320,324,325,326,334,335,336,341,342,345,346,347,356,357,358,359,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +3051 - 71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,210,211,212,213,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,290,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,321,334,335,336,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,454,466,467,468,469,470,471,472,473,474,475,488 +3052 - 70,71,72,92,93,94,95,114,115,116,117,122,123,136,137,138,139,143,144,145,146,159,160,166,167,168,169,181,182,188,189,191,203,204,205,210,211,226,227,228,232,233,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,320,321,322,343,344,365,366,367,387,388,389,410,411,412,432,433,434,455,456,477,478,479,489 +3053 - 12,13,14,15,33,34,35,36,55,56,57,58,77,78,79,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,235,236,237,238,247,248,249,256,257,258,259,260,261,268,269,270,271,277,278,279,280,281,282,283,290,291,292,298,299,300,301,303,304,305,311,312,313,319,320,321,322,324,325,326,327,333,334,335,340,341,342,343,345,346,347,348,355,356,357,358,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,491 +3054 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,80,81,82,93,94,95,103,104,115,116,124,125,126,145,146,147,148,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,326,335,336,337,338,345,346,347,348,349,356,357,358,359,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,487 +3055 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,127,139,140,141,146,147,148,149,150,160,161,162,168,169,170,171,172,182,183,191,192,193,194,204,205,212,213,214,215,225,226,227,233,234,235,236,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,316,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,446,447,448,467,468,469,494 +3056 - 46,47,48,49,68,69,70,71,72,90,91,92,93,94,114,115,116,117,136,137,138,139,140,143,144,159,160,161,162,165,166,167,181,182,183,184,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,322,323,324,325,344,345,346,347,367,368,369,370,390,391,392,393,412,413,414,415,435,436,437,457,458,459,460,480,481,482,483,489 +3057 - 34,35,36,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,167,168,169,188,189,190,191,209,210,211,212,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,298,299,300,301,302,322,323,324,344,345,346,366,367,368,386,387,388,389,397,398,399,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,488 +3058 - 7,8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,76,93,94,95,96,97,115,116,117,118,119,137,138,139,140,159,160,161,162,180,181,182,183,184,202,203,204,205,206,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,301,302,303,304,305,313,314,315,316,317,318,319,320,323,324,325,326,327,335,336,337,338,339,340,341,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,491 +3059 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,170,171,172,173,192,193,194,195,214,215,216,235,236,237,238,256,257,258,259,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,424,425,426,427,428,446,447,448,449,466,467,468,469,470,492 +3060 - 52,53,54,55,56,57,74,75,76,77,78,79,80,97,98,99,100,101,102,103,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,492 +3061 - 53,54,64,65,74,75,76,77,84,85,86,87,96,97,98,106,107,108,109,117,118,119,120,127,128,129,130,138,139,140,141,149,150,151,159,160,161,162,170,171,172,180,181,182,183,191,192,193,194,201,202,203,204,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,281,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,445,446,447,448,449,450,468,469,470,471,472,489 +3062 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,122,123,124,125,136,137,138,139,158,159,160,161,180,181,182,183,186,187,188,189,202,203,204,205,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,256,257,258,259,270,271,272,273,279,280,281,293,301,302,303,304,324,325,326,346,347,348,367,368,369,370,388,389,390,391,409,410,411,412,413,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,468,469,470,471,472,473,490 +3063 - 103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,171,172,173,174,180,181,182,183,184,185,192,193,194,195,196,201,202,203,204,205,213,214,215,216,217,223,224,225,233,234,235,236,237,245,246,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +3064 - 51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,122,123,124,125,126,127,133,134,147,148,149,150,170,171,172,173,192,193,194,195,214,215,216,217,235,236,237,238,256,257,258,259,268,269,270,271,272,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,412,413,414,415,416,487 +3065 - 62,63,84,85,106,107,128,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,210,211,212,213,224,225,232,233,234,238,246,247,253,254,255,260,274,275,276,277,282,295,296,297,298,304,317,318,319,338,339,340,359,360,361,380,381,382,383,401,402,403,404,423,424,425,444,445,446,466,467,468,492 +3066 - 70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,124,125,126,129,130,131,134,135,136,137,138,139,146,147,150,151,152,153,156,157,158,159,171,172,173,174,175,178,179,180,181,182,192,193,194,195,196,200,201,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,228,229,233,234,235,236,237,246,247,248,249,250,251,252,253,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,367,383,384,385,387,388,389,390,404,405,406,407,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,477,478,493 +3067 - 58,59,60,61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,126,127,128,129,130,131,140,141,142,143,144,150,151,152,153,161,162,163,164,165,173,174,175,183,184,185,195,196,197,204,205,206,207,216,217,218,225,226,227,228,237,238,239,240,246,247,248,249,258,259,260,261,268,269,270,279,280,281,282,289,290,291,300,301,302,303,310,311,312,313,321,322,323,324,332,333,334,335,342,343,344,345,354,355,356,362,363,364,365,366,376,377,378,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,485 +3068 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,234,235,251,252,253,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +3069 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,125,126,127,128,129,139,140,141,149,150,151,160,161,162,163,170,171,172,173,182,183,184,192,193,194,204,205,206,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,470,494 +3070 - 47,48,49,50,69,70,71,72,73,91,92,93,94,95,96,114,115,116,117,118,119,137,138,139,140,141,142,160,161,162,163,164,183,184,185,186,206,207,208,209,210,228,229,230,231,232,251,252,253,254,273,274,275,276,277,296,297,298,299,300,319,320,321,322,341,342,343,344,345,364,365,366,367,368,387,388,389,390,409,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,486 +3071 - 62,83,84,98,99,104,105,106,119,120,121,125,126,127,141,142,143,147,148,149,162,163,164,168,169,170,183,184,185,190,191,192,204,205,206,207,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,275,276,277,291,292,297,298,299,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +3072 - 31,32,33,53,54,55,76,77,98,99,120,121,142,143,163,164,165,167,168,169,185,186,187,189,190,191,207,208,209,211,212,213,228,229,230,233,234,235,250,251,252,255,256,257,271,272,273,274,276,277,278,292,293,294,295,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,361,362,363,364,365,366,386,387,388,408,409,410,411,430,431,432,433,453,454,455,489 +3073 - 57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,145,146,147,148,149,150,161,162,163,167,168,169,170,171,172,183,184,185,191,192,193,206,207,208,212,213,214,228,229,230,231,233,234,235,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,358,359,360,361,362,364,365,366,367,379,380,381,382,383,385,386,387,388,401,402,403,404,406,407,408,409,422,423,424,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,493 +3074 - 58,59,80,81,102,103,116,117,118,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,211,212,224,225,226,227,228,229,230,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,489 +3075 - 34,35,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,140,141,142,143,146,147,148,149,168,169,170,188,189,190,191,209,210,211,212,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,299,300,301,302,322,323,324,344,345,346,354,355,364,365,366,367,368,376,377,378,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +3076 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,128,129,130,138,139,140,141,142,143,150,151,152,160,161,162,163,172,173,181,182,183,184,194,202,203,204,205,224,225,226,234,235,236,237,245,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,427,428,429,448,449,450,469,470,471,472,494 +3077 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,82,83,84,96,97,98,99,100,104,105,106,117,118,119,120,121,126,127,128,139,140,141,142,148,149,150,170,171,172,191,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,382,383,384,385,397,398,399,402,403,404,405,406,419,420,421,422,423,424,425,426,442,443,444,445,446,447,487 +3078 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,81,82,83,84,95,96,97,98,104,105,106,116,117,118,119,126,127,128,139,140,148,149,150,170,171,172,192,193,194,213,214,215,235,236,237,256,257,258,259,278,279,280,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,340,341,342,343,344,345,346,347,354,355,356,363,364,365,366,377,378,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,487 +3079 - 70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,117,118,119,120,121,122,123,124,125,126,127,128,147,148,149,150,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,448,466,467,468,469,492 +3080 - 55,56,57,76,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,471,472,473,486 +3081 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +3082 - 35,36,37,38,39,40,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,162,163,164,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,298,299,300,301,311,312,313,314,315,316,317,320,321,322,323,333,334,335,336,337,342,343,344,355,356,357,358,363,364,365,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,445,446,447,448,449,493 +3083 - 76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,138,139,140,141,149,150,159,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,213,214,215,225,226,227,234,235,236,237,247,248,249,250,251,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +3084 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,160,161,162,163,164,166,167,168,169,182,183,184,185,189,190,191,192,203,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,250,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +3085 - 120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,170,171,183,184,185,186,204,205,206,207,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,272,278,279,280,300,301,302,322,323,324,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,490 +3086 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,126,127,128,139,140,141,142,143,149,150,161,163,164,171,172,183,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,321,322,323,324,334,335,336,345,346,347,355,356,357,367,368,369,377,378,379,380,389,390,391,400,401,402,403,404,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,493 +3087 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +3088 - 82,83,84,97,98,103,104,105,118,119,120,124,125,126,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,203,204,205,210,211,212,225,226,227,231,232,233,234,247,248,249,250,253,254,255,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,341,342,363,364,365,385,386,387,407,408,409,429,430,431,451,452,473,474,489 +3089 - 14,15,16,17,35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,121,122,123,142,143,144,145,164,165,166,185,186,187,206,207,208,209,228,229,230,249,250,251,252,254,255,256,257,271,272,273,275,276,277,278,279,280,292,293,294,297,298,299,300,301,302,303,314,315,316,318,319,320,321,323,324,325,335,336,337,339,340,341,344,345,346,356,357,358,359,361,362,363,366,367,368,378,379,380,382,383,384,387,388,389,400,401,402,404,405,406,407,408,409,410,491 +3090 - 77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,168,169,170,171,178,179,180,181,182,183,190,191,192,200,201,202,203,204,211,212,213,214,222,223,224,225,226,227,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,474,475,476,477,494 +3091 - 61,62,63,83,84,85,99,104,105,106,120,121,122,126,127,128,141,142,143,144,147,148,149,150,163,164,165,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,225,226,227,228,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,312,313,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,468,469,470,489 +3092 - 69,70,78,79,80,91,92,93,100,101,102,113,114,115,122,123,124,135,136,137,144,145,146,157,158,159,160,166,167,168,180,181,182,188,189,190,202,203,204,205,210,211,212,225,226,227,228,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,321,322,323,324,344,345,346,366,367,368,369,388,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,478,479,480,489 +3093 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,105,106,107,117,118,126,127,128,129,138,139,140,148,149,150,151,161,162,163,170,171,172,183,184,185,186,191,192,193,206,207,208,209,212,213,214,215,229,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,320,321,322,335,336,337,338,342,343,344,355,356,357,358,359,364,365,366,376,377,378,379,385,386,387,398,399,400,405,406,407,408,420,421,422,425,426,427,428,429,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,493 +3094 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,92,93,94,95,98,99,100,101,102,113,114,115,116,117,123,124,135,136,137,138,139,140,145,146,156,157,158,160,161,162,166,167,168,178,179,180,183,184,185,188,189,190,200,201,202,203,204,205,206,207,210,211,222,223,224,225,226,227,228,229,230,231,232,233,244,245,246,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,281,297,298,300,301,302,303,304,319,320,324,325,326,327,341,342,343,347,348,349,350,363,364,365,371,372,373,386,387,393,394,395,408,409,410,415,416,417,431,432,433,434,435,436,437,438,439,454,455,456,457,458,459,460,479,493 +3095 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,127,128,129,130,131,139,140,141,142,152,153,160,161,162,163,174,175,182,183,184,197,203,204,205,206,207,208,213,214,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,275,276,277,278,279,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,401,402,403,404,423,424,425,426,444,445,446,465,466,467,468,494 +3096 - 11,12,13,32,33,34,35,53,54,55,74,75,76,96,97,98,117,118,119,139,140,141,148,149,150,161,162,163,168,169,170,171,172,183,184,189,190,191,192,194,195,204,205,206,210,211,212,213,216,217,226,227,228,232,233,234,238,239,248,249,250,253,254,255,260,261,270,271,272,275,276,282,283,292,293,294,296,297,298,304,305,314,315,316,318,319,325,326,336,337,338,340,341,346,347,348,359,360,362,363,367,368,369,381,382,383,384,385,386,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +3097 - 14,15,16,35,36,37,38,56,57,58,59,78,79,80,98,99,100,101,120,121,122,141,142,143,162,163,164,165,184,185,186,191,192,193,194,205,206,207,208,212,213,214,215,216,227,228,229,233,234,235,236,237,238,239,248,249,250,255,256,257,259,260,269,270,271,272,276,277,278,280,281,282,291,292,293,296,297,298,299,301,302,303,313,314,318,319,320,322,323,324,325,334,335,336,339,340,341,342,343,344,345,346,356,357,358,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,491 +3098 - 11,12,13,14,15,32,33,34,35,54,55,56,75,76,77,97,98,118,119,120,140,141,162,163,183,184,205,206,227,228,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,293,294,300,301,302,303,315,316,323,324,325,326,337,338,347,348,359,360,361,362,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +3099 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,139,140,141,142,148,149,160,161,162,163,169,170,171,181,182,183,184,190,191,192,203,204,205,211,212,213,214,225,226,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,447,448,449,469,470,471,472,494 +3100 - 76,77,78,81,82,83,97,98,99,100,103,104,105,118,119,120,121,124,125,126,127,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,190,191,192,203,204,205,206,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,364,365,366,386,387,388,407,408,409,410,430,431,432,452,453,454,473,474,475,476,489 +3101 - 62,63,64,83,84,85,86,104,105,106,119,120,125,126,127,128,140,141,142,147,148,149,162,163,164,168,169,170,171,182,183,184,185,190,191,192,203,204,205,206,211,212,213,214,224,225,226,227,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,472,489 +3102 - 6,7,8,9,10,11,28,29,30,31,32,33,34,54,55,56,57,58,78,79,80,81,101,102,103,104,124,125,126,146,147,148,149,169,170,171,185,191,192,193,205,206,207,208,212,213,214,226,227,228,229,230,231,234,235,236,247,248,249,250,251,252,253,255,256,257,258,269,270,274,275,276,277,278,279,291,292,296,297,298,299,300,301,312,313,314,318,319,320,321,322,334,335,336,340,341,342,343,356,357,358,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,409,410,411,424,425,426,427,487 +3103 - 37,38,39,58,59,60,61,62,80,81,82,83,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,379,380,381,382,401,402,403,404,423,424,425,426,427,445,446,447,448,486 +3104 - 74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,122,123,124,137,138,145,146,159,160,167,168,181,189,190,203,212,213,214,225,226,234,235,236,247,248,256,257,258,269,270,271,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,340,341,342,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,475,494 +3105 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,118,119,120,121,126,127,128,140,141,142,148,149,150,162,170,171,172,191,192,193,212,213,214,234,235,236,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,318,319,320,321,323,324,325,326,327,333,334,335,336,340,341,342,347,348,355,356,357,361,362,363,376,377,378,381,382,383,384,398,399,400,402,403,404,405,406,421,422,423,424,425,426,443,444,445,446,447,487 +3106 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,103,104,105,106,107,114,115,116,117,118,119,127,128,129,135,136,137,138,139,140,147,148,149,150,151,152,156,157,158,159,160,161,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,185,186,187,188,189,190,193,194,195,196,197,200,201,202,203,204,205,206,207,208,209,210,211,215,216,217,218,219,222,223,224,225,226,227,228,229,230,231,237,238,239,240,241,244,245,246,247,248,249,250,251,252,259,260,261,262,263,266,267,268,269,270,271,272,273,281,282,283,284,285,288,289,290,291,292,293,294,303,304,305,306,307,310,311,312,313,314,315,325,326,327,328,329,333,334,335,336,337,346,347,348,349,350,351,355,356,357,358,366,367,368,369,370,371,372,378,379,380,381,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,485 +3107 - 36,37,38,39,57,58,59,60,61,78,79,80,81,82,83,84,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,149,150,151,162,163,164,165,166,171,172,173,184,185,186,193,194,205,206,207,208,215,216,227,228,229,236,237,238,248,249,250,251,258,259,260,269,270,271,272,279,280,281,290,291,292,293,301,302,303,312,313,314,315,322,323,324,334,335,336,337,343,344,345,356,357,358,359,364,365,366,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +3108 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,100,101,102,103,104,116,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,205,206,207,208,209,227,228,229,248,249,250,270,271,272,273,293,294,295,296,297,298,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,365,366,367,368,387,388,389,390,407,408,409,410,411,422,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +3109 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,99,100,101,120,121,122,123,141,142,143,162,163,164,165,171,183,184,185,186,191,192,193,194,195,205,206,207,212,213,214,215,216,217,226,227,228,233,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,269,270,271,275,276,277,278,279,280,281,291,292,293,296,297,298,299,300,301,302,312,313,314,315,317,318,319,320,321,322,323,334,335,336,339,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,401,402,403,404,405,491 +3110 - 48,49,70,71,72,73,91,92,93,94,95,102,103,104,113,114,115,116,117,124,125,126,127,135,136,137,138,139,146,147,148,149,150,157,158,159,160,161,167,168,169,170,171,172,179,180,181,182,183,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,474,475,476,489 +3111 - 60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,467,468,469,486 +3112 - 11,12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,80,81,82,95,96,97,102,103,104,116,117,118,124,125,126,138,139,145,146,147,148,167,168,169,189,190,191,210,211,212,213,229,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,407,408,409,410,411,412,413,414,415,424,425,426,430,431,432,433,434,435,487 +3113 - 36,37,38,58,59,60,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,427,445,446,447,486 +3114 - 33,34,35,53,54,55,56,57,74,75,76,77,78,79,94,95,96,97,98,100,101,102,116,117,118,119,122,123,124,138,139,140,144,145,146,161,162,163,164,165,166,167,184,185,186,187,188,208,209,210,211,230,231,232,233,234,251,252,253,255,256,273,274,277,278,295,296,299,300,316,317,318,321,322,338,339,340,342,343,344,359,360,361,364,365,366,381,382,385,386,387,388,403,404,406,407,408,409,425,426,427,428,429,430,448,449,450,451,493 +3115 - 13,14,15,34,35,36,37,55,56,57,58,77,78,79,98,99,100,119,120,121,122,140,141,142,143,160,161,162,163,164,181,182,183,184,185,192,193,194,195,203,204,205,213,214,215,216,217,218,224,225,226,227,234,235,236,237,238,239,240,245,246,247,248,254,255,256,257,258,259,260,261,262,267,268,269,276,277,278,279,282,283,284,288,289,290,291,297,298,299,303,304,305,310,311,312,313,318,319,320,321,323,324,325,326,332,333,334,335,336,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,426,427,428,429,491 +3116 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,135,138,139,140,143,144,145,146,147,148,167,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +3117 - 76,86,87,97,98,107,108,109,118,119,120,127,128,129,130,131,139,140,141,142,149,150,151,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,202,203,204,205,206,213,214,215,216,223,224,225,226,227,234,235,236,237,240,245,246,247,248,249,250,251,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,469,470,471,489 +3118 - 28,29,30,31,50,51,52,53,54,55,72,73,74,75,76,77,78,94,95,96,97,98,99,100,116,117,118,119,120,122,138,139,140,141,142,160,161,162,163,164,182,183,184,185,186,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,490 +3119 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,81,82,83,96,97,98,103,104,105,118,119,120,124,125,126,141,142,143,145,146,147,148,163,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,277,278,279,292,293,294,299,300,301,313,314,315,316,321,322,323,334,335,336,337,342,343,344,356,357,358,364,365,366,378,379,380,385,386,387,400,401,402,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +3120 - 54,55,56,76,77,78,98,99,100,120,121,122,143,144,145,165,166,167,187,188,189,209,210,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,486 +3121 - 78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,128,129,139,140,141,142,150,160,161,162,163,170,182,183,184,191,192,193,204,205,212,213,214,215,226,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,494 +3122 - 10,11,12,32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,385,386,387,388,407,408,409,410,411,429,430,431,432,433,486 +3123 - 13,14,15,34,35,36,37,57,58,59,79,80,81,100,101,102,121,122,123,124,142,143,144,163,164,165,184,185,186,187,205,206,207,208,214,215,216,227,228,229,235,236,237,238,248,249,250,256,257,258,259,260,269,270,271,272,278,279,280,281,282,291,292,293,298,299,300,303,304,313,314,315,319,320,321,322,324,325,326,334,335,336,340,341,342,343,345,346,347,356,357,358,359,362,363,364,365,366,367,368,379,380,381,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,491 +3124 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,125,126,137,138,146,147,148,167,168,169,170,187,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,299,300,301,302,323,324,325,346,347,368,369,390,391,401,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,488 +3125 - 65,85,86,87,107,108,109,118,119,120,128,129,130,140,141,142,149,150,151,152,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,223,224,225,226,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,385,403,404,405,406,426,427,489 +3126 - 29,30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,93,94,95,96,114,115,116,117,136,137,158,159,160,161,162,180,181,182,183,184,185,186,187,204,205,206,207,208,209,210,230,231,232,233,253,254,255,256,257,276,277,278,279,299,300,301,302,311,322,323,324,332,333,334,344,345,346,355,356,357,358,359,367,368,369,378,379,380,381,382,383,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,490 +3127 - 14,15,16,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,213,214,215,216,226,227,228,234,235,236,237,238,239,247,248,249,250,256,257,258,259,260,261,269,270,271,276,277,278,279,280,281,282,290,291,292,297,298,299,300,302,303,304,312,313,314,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,381,382,383,384,404,405,406,427,428,429,491 +3128 - 31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,121,122,123,124,125,126,136,137,138,139,145,146,147,148,149,158,159,160,167,168,169,170,171,179,180,181,182,190,191,192,193,194,201,202,203,212,213,214,215,216,217,223,224,225,234,235,236,237,238,239,245,246,247,259,260,261,262,267,268,269,281,282,283,284,289,290,291,292,306,307,311,312,313,314,328,329,334,335,336,337,349,350,351,356,357,358,359,360,361,370,371,372,373,379,380,381,382,383,384,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,485 +3129 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,129,130,131,140,141,142,161,162,163,182,183,184,203,204,205,206,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,279,280,281,302,303,304,323,324,325,336,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,490 +3130 - 77,78,79,98,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,318,319,340,341,362,363,384,385,406,407,428,429,450,451,472,473,486 +3131 - 35,36,37,55,56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,124,125,126,127,128,129,139,140,141,142,143,148,149,150,151,152,161,162,163,164,171,172,173,174,182,183,184,185,194,195,196,203,204,205,206,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,249,259,260,261,262,266,267,268,269,270,280,281,282,283,288,289,290,291,301,302,303,304,309,310,311,312,321,322,323,324,325,326,331,332,333,334,342,343,344,345,346,353,354,355,356,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,444,445,485 +3132 - 32,33,34,54,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +3133 - 36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,105,106,107,117,118,119,120,121,122,127,128,129,140,141,142,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,317,318,319,320,321,322,323,324,325,330,331,332,333,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,358,359,360,361,362,363,368,369,370,374,375,376,379,380,381,382,383,396,397,398,399,400,401,402,403,419,420,421,422,423,424,442,443,444,487 +3134 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,102,103,104,105,116,117,118,124,125,126,139,146,147,148,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,273,274,275,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,380,381,382,402,403,404,411,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,487 +3135 - 34,35,36,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,124,125,126,127,128,129,140,141,142,143,150,151,161,162,163,164,172,173,182,183,184,185,194,195,203,204,205,206,215,216,217,225,226,227,237,238,239,246,247,248,258,259,260,268,269,270,280,281,282,289,290,291,301,302,303,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +3136 - 15,16,17,36,37,38,39,40,57,58,59,60,61,62,79,80,81,100,101,102,121,122,123,142,143,144,164,165,166,186,187,207,208,209,228,229,230,250,251,252,272,273,294,295,315,316,317,337,338,339,360,361,364,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +3137 - 85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,182,183,184,203,204,205,224,225,226,227,246,247,248,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,343,344,345,364,365,366,367,385,386,387,388,399,400,407,408,409,410,421,422,423,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,490 +3138 - 59,60,61,80,81,82,83,91,92,93,94,102,103,104,112,113,114,115,116,123,124,125,126,134,135,136,137,138,145,146,147,148,155,156,157,158,167,168,169,170,177,178,179,189,190,191,192,199,200,201,202,211,212,213,214,221,222,223,224,225,226,227,233,234,235,244,245,246,247,248,249,250,251,252,253,255,256,257,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,342,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,477,478,489 +3139 - 12,13,14,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,191,192,193,204,205,206,207,212,213,214,215,226,227,228,233,234,235,236,237,248,249,250,255,256,257,258,259,270,271,272,276,277,278,279,280,281,291,292,293,297,298,299,300,301,302,313,314,315,319,320,321,322,323,324,336,337,338,340,341,342,343,344,345,358,359,360,361,362,363,364,365,381,382,383,384,385,386,387,405,406,407,408,409,491 +3140 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,316,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,451,470,471,472,473,492 +3141 - 97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,151,152,153,160,161,162,163,182,183,184,185,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,254,255,256,257,258,278,279,280,301,302,303,321,322,323,324,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,425,426,427,428,429,490 +3142 - 27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,487 +3143 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,147,149,150,151,152,159,160,161,162,163,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,216,217,218,223,224,225,226,227,238,239,240,241,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,354,355,356,366,367,368,369,376,377,378,379,386,387,388,389,390,391,398,399,400,401,402,403,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +3144 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,123,124,125,127,128,138,139,140,141,142,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,314,315,316,321,322,323,335,336,337,338,343,344,345,357,358,359,364,365,366,367,379,380,386,387,388,400,401,402,407,408,409,410,422,423,424,425,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +3145 - 58,59,60,61,62,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,486 +3146 - 80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,448,466,467,468,469,494 +3147 - 57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,143,147,148,149,162,163,164,169,170,171,191,192,193,212,213,214,233,234,235,236,251,252,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,306,309,310,311,312,313,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,338,339,340,341,345,346,347,348,349,353,354,355,358,359,360,361,362,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,421,422,487 +3148 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,100,101,102,103,104,115,116,117,124,125,126,137,138,139,146,147,148,159,160,161,168,169,170,181,182,183,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,279,280,281,282,293,294,295,302,303,304,315,316,317,324,325,326,336,337,338,346,347,348,358,359,360,367,368,369,370,380,381,382,383,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +3149 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,287,294,295,296,297,309,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +3150 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,136,137,138,145,146,147,166,167,168,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,299,300,320,321,322,341,342,343,363,364,365,384,385,386,406,407,427,428,429,448,449,450,469,470,471,488 +3151 - 94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +3152 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,81,82,83,84,93,94,95,104,105,106,115,116,117,126,127,128,137,138,139,147,148,149,159,160,161,169,170,171,182,183,184,190,191,192,205,206,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,321,322,323,324,336,337,338,339,344,345,346,358,359,360,367,368,380,381,382,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +3153 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,105,117,118,119,120,125,126,127,139,140,141,148,149,150,161,162,163,169,170,171,183,184,185,186,191,192,193,206,207,208,209,212,213,214,228,229,230,231,233,234,235,236,251,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,358,359,360,361,362,364,365,366,367,380,381,382,383,386,387,388,389,401,402,403,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,493 +3154 - 53,54,55,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,137,138,139,144,145,146,159,160,161,166,167,168,181,182,183,187,188,189,190,203,204,205,206,209,210,211,212,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,339,340,341,342,343,344,345,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,410,411,412,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +3155 - 37,38,39,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +3156 - 7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,48,49,50,51,56,57,58,70,71,72,79,80,81,92,102,103,124,125,126,147,148,169,170,191,192,213,214,225,228,229,230,231,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,300,301,302,303,304,305,306,310,311,321,322,323,326,327,328,329,332,333,343,344,345,350,351,354,355,356,363,364,365,366,376,377,378,379,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,487 +3157 - 63,64,65,77,78,83,84,85,86,87,98,99,100,104,105,106,107,119,120,121,126,127,128,140,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,190,191,192,204,205,206,212,213,214,215,216,217,218,219,225,226,227,228,233,234,235,236,237,238,239,240,246,247,248,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,318,319,320,321,334,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,468,469,470,489 +3158 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,129,130,137,138,139,145,146,147,150,151,152,159,160,161,162,168,169,171,172,173,174,181,182,183,184,185,190,192,193,194,195,204,205,206,207,208,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,359,360,361,362,365,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +3159 - 33,34,35,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,125,126,127,137,138,139,140,146,147,148,149,167,168,169,170,188,189,190,191,192,208,209,210,211,212,221,227,228,229,230,231,232,233,234,243,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,277,278,279,280,281,292,301,302,303,323,324,325,344,345,346,347,352,364,365,366,367,368,374,375,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,488 +3160 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,125,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,170,171,172,181,182,183,184,193,194,195,203,204,205,206,215,216,217,225,226,227,237,238,239,246,247,248,249,258,259,260,268,269,270,280,281,282,289,290,291,292,302,303,304,311,312,313,314,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,365,366,367,368,378,379,380,381,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +3161 - 36,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,141,142,148,149,150,170,171,172,192,193,194,214,215,216,235,236,237,256,257,258,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,355,356,357,361,362,363,364,377,378,379,382,383,384,385,399,400,401,402,403,404,405,406,422,423,424,425,426,444,445,446,487 +3162 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,203,204,205,206,211,212,213,226,227,228,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,492 +3163 - 97,98,99,100,101,103,104,118,119,120,121,122,123,124,125,126,139,140,141,146,147,148,150,151,152,161,162,163,167,168,169,172,173,174,183,184,185,189,190,191,205,206,207,208,210,211,212,228,229,230,231,232,233,251,252,253,254,255,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,326,338,339,340,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,403,404,405,407,408,409,425,426,427,428,429,430,447,448,449,450,451,493 +3164 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,124,125,126,135,136,137,146,147,148,157,158,169,170,178,179,180,190,191,192,200,201,211,212,213,214,222,223,232,233,234,235,236,244,245,246,253,254,255,256,257,267,268,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,299,300,301,312,313,314,315,316,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +3165 - 33,34,35,36,37,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,104,105,117,118,119,120,121,126,127,128,138,139,140,141,142,148,149,150,160,161,162,163,170,171,172,182,183,192,193,194,213,214,215,235,236,237,257,258,259,278,279,280,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,362,363,364,365,376,377,378,383,384,385,386,397,398,399,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,487 +3166 - 13,14,35,36,57,58,80,81,102,103,124,125,146,147,167,168,169,189,190,211,212,233,234,250,251,252,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,296,297,298,299,313,314,319,320,321,322,335,336,340,341,342,343,344,345,346,357,358,359,360,361,362,363,366,367,368,379,380,381,382,383,384,487 +3167 - 81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,148,149,150,157,158,159,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,492 +3168 - 74,75,76,77,78,85,86,87,95,96,97,98,99,100,101,106,107,108,109,116,117,118,119,120,121,122,123,127,128,129,130,137,138,139,140,144,145,148,149,150,151,158,159,160,161,162,169,170,171,172,180,181,182,190,191,192,193,202,203,204,211,212,213,214,224,225,226,232,233,234,235,246,247,248,249,250,254,255,256,257,269,270,271,272,273,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,339,340,341,342,361,362,363,364,365,382,383,384,385,386,387,388,403,404,405,406,408,409,410,425,426,427,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +3169 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,127,128,129,139,140,141,142,143,149,150,151,161,162,163,171,172,182,183,184,185,190,191,193,194,204,205,206,209,210,211,212,213,214,216,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,276,277,278,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,466,467,468,469,494 +3170 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,138,139,140,141,142,143,159,160,161,162,181,182,183,203,204,205,206,226,227,228,229,230,231,232,249,250,251,252,253,254,255,273,274,275,276,277,278,298,299,300,301,321,322,323,343,344,345,364,365,366,367,385,386,387,388,389,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,490 +3171 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,228,229,230,231,232,233,234,253,254,255,256,257,277,278,279,280,286,300,301,302,308,322,323,324,330,331,344,345,346,352,353,354,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,488 +3172 - 8,9,29,30,31,51,52,53,73,74,75,95,96,97,117,118,119,138,139,140,141,160,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,192,193,204,205,206,209,210,211,212,213,214,215,216,226,227,228,229,231,232,233,234,236,237,238,248,249,250,251,252,253,254,255,258,259,260,271,272,273,274,275,276,280,281,282,293,294,295,296,297,302,303,304,315,316,317,318,319,323,324,325,337,338,339,340,341,345,346,347,360,361,362,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +3173 - 98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,149,150,151,152,160,161,162,163,173,174,182,183,184,195,196,204,205,206,211,212,213,214,217,218,226,227,228,229,230,231,232,233,234,235,239,249,250,251,252,253,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +3174 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,122,123,124,125,145,146,147,167,168,169,188,189,190,191,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,318,319,320,321,322,323,324,344,345,346,365,366,367,368,386,387,388,389,403,404,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,488 +3175 - 36,37,38,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,170,171,183,184,185,186,187,192,193,204,205,206,207,208,214,215,226,227,228,229,235,236,237,247,248,249,250,257,258,259,268,269,270,271,279,280,281,290,291,292,293,301,302,303,312,313,314,322,323,324,325,333,334,335,336,344,345,346,355,356,357,364,365,366,367,368,377,378,379,380,385,386,387,388,389,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +3176 - 6,7,8,9,10,26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,413,414,415,416,417,423,424,425,426,427,428,437,487 +3177 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,447,448,449,486 +3178 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,100,101,102,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,184,185,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,273,274,275,296,297,298,318,319,320,335,340,341,342,343,356,357,363,364,365,377,378,379,380,381,385,386,387,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,447,448,449,450,451,488 +3179 - 10,11,12,13,31,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,79,80,81,97,98,102,103,124,125,126,146,147,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,339,340,341,342,343,344,345,346,347,356,357,358,360,361,362,363,364,367,368,369,370,378,379,380,381,382,383,384,385,390,391,392,393,400,401,402,403,404,405,406,413,414,415,423,424,425,426,435,436,437,487 +3180 - 51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,102,118,119,140,141,161,162,163,183,184,185,205,206,207,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,300,301,302,323,324,325,345,346,347,367,368,369,389,390,391,402,403,410,411,412,424,425,426,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,490 +3181 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,95,101,102,103,123,124,125,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,234,235,236,256,257,258,279,280,281,301,302,322,323,324,344,345,346,364,365,366,367,368,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +3182 - 74,75,76,77,82,83,96,97,98,104,105,117,118,119,120,125,126,139,140,141,146,147,148,160,161,162,168,169,182,183,184,189,190,191,203,204,205,210,211,212,213,215,216,225,226,227,232,233,234,236,237,238,248,249,250,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,317,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,470,471,472,473,489 +3183 - 60,61,62,81,82,83,84,95,96,103,104,105,117,118,119,125,126,127,139,140,146,147,148,149,161,162,168,169,170,182,183,184,190,191,192,204,205,206,212,213,226,227,233,234,235,247,248,249,250,251,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,489 +3184 - 100,101,109,120,121,122,123,124,130,131,140,141,142,143,144,151,152,153,161,162,163,164,165,166,172,173,174,175,181,182,183,184,185,186,187,188,193,194,195,196,197,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,337,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,467,468,489 +3185 - 40,41,42,61,62,63,64,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,163,164,184,185,186,206,207,208,229,230,231,252,253,254,275,276,277,297,298,299,320,321,333,334,342,343,355,356,357,364,365,366,378,379,380,381,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +3186 - 96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,159,160,161,162,166,167,168,180,181,182,183,189,190,202,203,204,211,212,213,224,225,226,233,234,235,236,246,247,248,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,323,324,345,346,367,368,369,389,390,391,412,413,414,434,435,436,457,458,479,480,494 +3187 - 11,12,13,33,34,35,55,56,57,76,77,78,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,205,206,207,208,227,228,229,230,235,236,237,248,249,250,251,255,256,257,258,259,270,271,272,277,278,279,280,292,293,294,298,299,300,301,302,314,315,316,320,321,322,323,324,336,337,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,404,405,406,407,491 +3188 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,183,184,185,205,206,207,208,228,229,230,231,232,251,252,253,254,255,256,275,276,277,278,298,299,300,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,423,424,425,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,490 +3189 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,188,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +3190 - 77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,124,125,137,138,139,140,141,145,146,147,159,160,161,166,167,168,180,181,182,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,229,230,231,232,233,234,246,247,248,249,250,251,252,253,255,256,268,269,270,271,272,273,277,278,291,292,293,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,494 +3191 - 56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,105,119,120,121,123,124,125,127,141,142,145,146,148,149,163,164,169,170,171,185,186,190,191,192,193,207,208,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,384,385,386,402,403,404,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,493 +3192 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,123,124,125,126,138,139,146,147,148,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,269,270,271,272,273,276,277,278,292,293,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,445,446,447,449,450,451,452,468,469,470,471,472,473,488 +3193 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,127,140,141,142,146,147,148,149,162,163,167,168,169,170,171,184,185,189,190,191,192,193,206,207,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,468,469,470,471,494 +3194 - 49,50,57,58,59,71,72,79,80,81,93,94,102,103,115,116,124,125,126,136,137,138,146,147,148,158,159,160,168,169,170,179,180,181,190,191,192,201,202,203,212,213,214,223,224,234,235,236,238,239,244,245,246,256,257,258,259,260,261,266,267,268,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,322,323,324,331,332,333,334,335,336,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +3195 - 37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,149,150,151,161,162,163,164,165,171,172,173,183,184,185,186,193,194,195,203,204,205,206,207,214,215,216,225,226,227,228,236,237,238,246,247,248,249,257,258,259,260,268,269,270,279,280,281,290,291,292,300,301,302,303,311,312,313,321,322,323,324,333,334,335,342,343,344,345,346,355,356,357,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +3196 - 34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,123,124,125,126,127,137,138,139,140,144,145,146,147,159,160,161,162,165,166,167,181,182,183,184,187,188,189,204,205,206,208,209,210,226,227,228,229,230,231,249,250,251,252,253,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,340,342,343,344,345,359,360,361,362,365,366,367,368,381,382,383,384,388,389,390,404,405,406,407,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,493 +3197 - 57,58,59,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,468,469,470,486 +3198 - 55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,104,105,106,107,108,109,118,119,120,121,122,123,128,129,130,131,139,140,141,142,143,144,145,150,151,152,153,160,161,162,163,164,165,166,173,174,175,182,183,184,185,186,187,194,195,196,197,203,204,205,206,207,217,218,219,224,225,226,227,228,238,239,240,241,246,247,248,249,260,261,262,263,267,268,269,270,271,281,282,283,284,288,289,290,291,292,302,303,304,305,310,311,312,313,323,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,363,364,365,366,367,368,369,376,377,378,379,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,485 +3199 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,76,77,78,79,80,81,82,99,100,103,104,125,126,147,148,168,169,170,190,191,192,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,297,298,299,300,301,302,312,313,314,315,318,319,320,321,322,323,324,325,334,335,336,339,340,341,342,346,347,356,357,358,359,360,361,362,363,364,368,369,378,379,380,381,382,383,384,385,391,400,401,402,403,404,405,406,423,424,425,426,487 +3200 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,101,102,103,113,114,115,123,124,125,135,136,137,144,145,146,147,166,167,168,187,188,189,208,209,210,211,229,230,231,232,250,251,252,253,272,273,274,293,294,295,315,316,317,328,336,337,338,339,349,350,358,359,360,370,371,372,380,381,382,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,487 +3201 - 9,10,11,12,13,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,75,77,78,79,80,81,82,102,103,104,125,126,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,208,209,210,211,212,213,214,231,232,233,234,235,236,257,258,278,279,280,288,289,300,301,302,310,311,321,322,323,324,332,333,334,342,343,344,345,346,354,355,356,357,358,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,488 +3202 - 91,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,135,136,137,141,142,143,144,158,159,165,166,167,168,180,181,182,187,188,189,190,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,277,278,299,300,301,321,322,323,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,494 +3203 - 52,53,61,62,73,74,75,82,83,84,94,95,96,97,104,105,106,116,117,118,119,125,126,127,128,137,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,489 +3204 - 32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,96,97,98,117,118,119,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,171,184,190,191,192,193,213,214,215,216,237,238,259,260,281,282,303,304,325,326,331,332,333,346,347,348,353,354,355,356,357,368,369,370,376,377,378,379,380,381,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,490 +3205 - 63,64,65,83,84,85,86,87,99,100,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,332,333,334,340,341,342,343,354,355,356,357,362,363,364,365,377,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,450,451,452,470,471,472,490 +3206 - 98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,167,168,169,181,189,190,191,211,212,232,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,492 +3207 - 13,14,15,16,34,35,36,37,38,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,187,205,206,207,208,214,215,216,227,228,229,230,235,236,237,238,248,249,250,251,256,257,258,259,260,270,271,272,273,277,278,279,280,281,282,291,292,293,294,298,299,300,301,302,303,304,313,314,315,316,320,321,322,323,324,325,335,336,337,338,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +3208 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,77,78,79,80,81,91,92,93,102,103,104,124,125,126,145,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,234,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,369,370,371,380,381,382,383,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,487 +3209 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,492 +3210 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,161,162,163,167,168,183,184,185,189,190,206,207,210,211,212,229,232,233,234,254,255,275,276,277,297,298,299,319,320,321,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,492 +3211 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,100,101,102,103,119,120,121,127,141,142,148,149,163,164,165,169,170,185,186,187,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,362,363,364,365,380,381,382,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,493 +3212 - 32,33,54,55,56,76,77,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,486 +3213 - 36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,186,192,193,194,204,205,206,207,213,214,215,216,225,226,227,228,229,235,236,237,238,246,247,248,249,250,256,257,258,259,268,269,270,271,278,279,280,281,289,290,291,292,293,299,300,301,302,311,312,313,314,320,321,322,323,324,333,334,335,336,342,343,344,345,355,356,357,358,362,363,364,365,366,367,377,378,379,380,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +3214 - 91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,166,167,168,169,170,190,191,192,212,213,214,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,260,261,262,273,274,275,276,277,278,279,280,281,282,283,284,297,298,299,300,301,302,303,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +3215 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,103,104,105,125,126,127,145,146,147,148,149,166,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,229,230,231,232,233,234,256,257,278,279,280,300,301,302,322,323,324,334,343,344,345,346,352,355,356,357,364,365,366,367,377,378,379,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +3216 - 26,27,28,35,36,37,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,93,94,115,116,117,137,138,139,160,161,162,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,215,216,217,228,229,230,238,239,260,261,266,267,282,283,284,287,288,289,304,305,310,311,325,326,327,332,333,334,347,348,349,355,356,357,368,369,370,371,377,378,379,380,389,390,391,392,400,401,402,403,404,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,490 +3217 - 83,84,85,96,97,98,104,105,106,107,118,119,120,121,126,127,128,129,139,140,141,142,143,147,148,149,150,151,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,204,205,206,207,212,213,214,215,225,226,227,228,229,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,447,448,449,450,468,469,470,471,489 +3218 - 28,29,30,31,50,51,52,53,72,73,74,75,80,81,94,95,96,97,101,102,103,104,116,117,118,119,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,185,189,190,191,192,204,205,206,211,212,213,214,226,227,228,233,234,235,236,248,249,250,255,256,257,258,269,270,271,272,277,278,279,280,291,292,293,299,300,301,302,313,314,315,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,409,410,411,412,432,433,434,454,455,489 +3219 - 63,64,65,81,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,163,164,165,166,167,184,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,276,296,297,298,318,319,320,340,341,342,355,356,362,363,364,377,378,379,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,490 +3220 - 10,11,12,13,14,15,32,33,34,35,36,37,38,55,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,121,122,123,124,125,145,146,147,148,169,170,171,191,192,193,213,214,215,235,236,237,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,330,331,341,342,343,344,345,352,353,354,355,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,488 +3221 - 14,15,16,35,36,37,38,57,58,59,60,78,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,164,165,166,185,186,187,188,207,208,209,212,213,214,215,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,279,280,281,293,294,295,296,297,298,300,301,302,314,315,316,317,318,319,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,426,427,428,491 +3222 - 70,71,72,83,93,94,104,105,114,115,116,117,125,126,127,136,137,138,147,148,149,158,159,160,169,170,171,180,181,182,190,191,192,193,201,202,203,204,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,278,279,280,299,300,301,302,321,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,489 +3223 - 93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,492 +3224 - 28,29,32,33,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,93,94,100,101,102,115,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,272,273,274,293,294,295,296,314,315,316,317,336,337,338,344,345,346,347,348,349,350,351,357,358,359,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,487 +3225 - 33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,87,96,97,98,99,100,101,108,109,117,118,119,120,121,129,130,131,139,140,141,150,151,152,161,162,163,171,172,173,183,184,185,191,192,193,194,195,205,206,207,208,212,213,214,215,216,227,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,382,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,493 +3226 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +3227 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,125,126,129,139,140,141,142,147,148,151,161,162,163,168,169,170,173,182,183,184,189,190,191,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,261,274,275,276,277,283,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,371,382,383,384,393,403,404,405,406,415,425,426,427,437,446,447,448,459,468,469,470,494 +3228 - 114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,182,183,184,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +3229 - 12,13,14,34,35,36,55,56,57,58,77,78,79,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,206,207,208,209,228,229,230,250,251,252,256,257,272,273,274,277,278,279,280,293,294,295,296,299,300,301,302,315,316,317,318,320,321,322,323,324,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,383,384,385,386,387,388,408,409,430,431,491 +3230 - 31,32,33,53,54,55,76,77,98,99,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,486 +3231 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,168,169,170,171,183,184,185,186,187,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,230,234,235,236,237,248,249,250,251,256,257,258,259,269,270,271,272,273,278,279,280,281,291,292,293,294,300,301,302,303,313,314,315,316,321,322,323,324,334,335,336,337,338,342,343,344,345,346,356,357,358,359,360,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +3232 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,124,125,126,138,139,140,147,148,160,161,168,169,170,181,182,183,190,191,192,203,204,212,213,214,225,226,233,234,235,236,247,248,249,255,256,257,258,269,270,271,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +3233 - 32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,104,115,116,117,118,119,124,125,126,138,139,140,145,146,147,148,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,236,256,257,258,278,279,280,300,301,302,322,323,324,343,344,345,346,353,354,364,365,366,367,375,376,377,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,488 +3234 - 33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +3235 - 81,82,83,96,97,103,104,105,118,119,120,125,126,127,139,140,141,142,146,147,148,149,161,162,163,164,168,169,170,183,184,185,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,229,233,234,235,248,249,250,251,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,489 +3236 - 92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,471,472,492 +3237 - 56,57,58,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +3238 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,146,147,158,159,160,161,179,180,181,182,191,192,200,201,202,203,212,213,214,222,223,224,232,233,234,235,236,244,245,246,253,254,255,256,257,258,266,267,268,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,299,300,301,311,312,313,314,315,316,317,318,321,322,323,334,335,336,337,338,343,344,345,364,365,366,386,387,388,392,393,408,409,410,413,414,430,431,432,434,435,436,452,453,455,456,457,474,475,476,477,478,494 +3239 - 59,60,61,81,82,83,103,104,105,118,119,120,124,125,126,127,139,140,141,142,146,147,148,161,162,163,167,168,169,170,182,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +3240 - 37,38,39,60,61,81,82,83,95,96,103,104,105,117,118,125,126,127,139,140,147,148,149,160,161,162,169,170,181,182,183,184,190,191,192,202,203,204,205,212,213,214,224,225,226,227,234,235,236,246,247,248,249,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +3241 - 34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,190,191,192,193,205,206,207,208,209,212,213,214,215,227,228,229,230,234,235,236,237,248,249,250,251,252,256,257,258,259,269,270,271,272,273,278,279,280,281,291,292,293,294,295,300,301,302,303,312,313,314,315,316,321,322,323,324,325,334,335,336,337,338,343,344,345,346,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +3242 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,148,159,160,161,168,169,170,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,410,411,412,413,414,424,425,426,427,428,487 +3243 - 36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,124,125,141,142,143,163,164,171,184,185,186,192,193,194,206,207,208,212,213,214,215,228,229,230,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,405,406,407,423,424,425,426,427,428,445,446,447,448,449,493 +3244 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,50,51,52,53,54,57,58,59,60,71,72,73,74,81,82,83,94,95,104,105,106,116,117,127,128,129,149,150,151,171,172,173,193,194,195,215,216,217,225,226,227,228,237,238,239,245,246,247,248,249,250,251,252,259,260,261,266,267,268,269,270,271,272,273,274,275,276,280,281,282,287,288,289,290,295,296,297,298,299,300,302,303,304,309,310,311,319,320,321,322,323,324,325,331,332,333,343,344,345,346,347,353,354,355,356,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,413,414,415,416,423,424,425,426,427,428,429,487 +3245 - 12,13,14,15,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,186,204,205,206,207,214,215,226,227,228,229,235,236,237,238,248,249,250,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,291,292,293,297,298,299,300,301,302,303,313,314,315,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,405,406,407,491 +3246 - 119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,177,178,179,180,181,182,183,189,190,191,192,198,199,200,201,202,211,212,213,214,233,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +3247 - 15,16,17,36,37,38,39,40,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,121,122,123,124,125,127,128,129,141,142,143,144,145,146,148,149,150,151,163,164,165,166,167,170,171,172,173,184,185,186,187,188,191,192,193,194,195,205,206,207,208,209,214,215,216,217,227,228,229,230,235,236,237,238,248,249,250,251,252,258,259,260,264,269,270,271,272,273,274,279,280,281,290,291,292,293,294,295,300,301,302,303,312,313,314,315,316,322,323,324,333,334,335,336,337,338,342,343,344,345,346,355,356,357,358,359,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,485 +3248 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,104,105,106,107,118,119,120,121,127,128,129,139,140,141,142,143,149,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,267,268,269,270,271,279,280,281,282,283,289,290,291,292,293,301,302,303,304,311,312,313,314,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,359,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +3249 - 95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,169,170,171,183,190,191,192,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +3250 - 115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,188,189,190,191,192,193,194,195,198,199,200,201,202,213,214,215,216,221,222,223,235,236,237,238,243,244,256,257,258,259,260,277,278,279,280,281,299,300,301,302,303,321,322,323,324,341,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +3251 - 35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,84,99,100,101,102,121,122,123,143,144,145,165,166,167,171,172,187,188,189,190,191,192,193,194,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,291,292,293,294,295,297,298,299,300,312,313,314,315,319,320,321,322,334,335,336,341,342,343,344,356,357,358,363,364,365,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,493 +3252 - 79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,492 +3253 - 95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,167,168,169,170,171,180,181,182,183,184,185,189,190,191,192,202,203,204,205,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,492 +3254 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,116,117,118,119,124,125,126,137,138,139,140,145,146,147,148,149,159,160,161,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,273,274,275,276,277,278,279,280,281,282,290,291,292,301,302,303,304,305,312,313,314,325,326,327,334,335,347,348,349,356,357,368,369,370,371,378,379,389,390,391,392,400,401,402,406,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +3255 - 71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,144,145,146,147,148,149,150,168,169,170,171,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +3256 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,233,234,235,236,245,246,247,248,254,255,256,257,258,267,268,269,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,321,322,323,336,337,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,454,455,456,475,476,477,478,479,494 +3257 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,147,148,149,160,161,162,163,170,171,182,183,184,190,191,192,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,494 +3258 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,114,115,117,118,119,120,121,122,141,142,143,144,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,233,234,235,236,237,248,249,250,257,258,259,280,281,302,303,324,325,345,346,347,367,368,369,388,389,390,400,401,402,403,404,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +3259 - 35,36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,190,191,192,193,194,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,230,235,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,272,278,279,280,281,282,289,290,291,292,293,294,300,301,302,303,304,311,312,313,314,315,322,323,324,325,326,333,334,335,336,337,343,344,345,346,347,355,356,357,358,364,365,366,367,368,369,377,378,379,380,381,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +3260 - 79,80,81,101,102,103,116,117,118,123,124,125,138,139,140,145,146,147,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,205,206,207,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,237,238,244,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,276,277,278,279,280,281,282,288,289,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,475,489 +3261 - 75,76,82,83,84,96,97,98,103,104,105,106,117,118,119,120,125,126,127,128,139,140,141,146,147,148,149,160,161,162,163,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,211,212,213,225,226,227,228,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,489 +3262 - 30,31,32,33,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,165,166,167,168,169,170,171,172,180,181,182,183,190,191,192,193,194,202,203,204,205,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,338,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +3263 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,169,170,182,183,184,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +3264 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,96,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,254,255,256,257,278,279,291,300,301,302,312,313,314,322,323,324,333,334,335,344,345,346,354,355,356,365,366,367,376,377,378,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +3265 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,124,125,126,140,141,142,146,147,148,162,163,164,167,168,169,183,184,185,189,190,191,205,206,207,211,212,213,227,228,229,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +3266 - 68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,137,138,139,158,159,160,180,181,182,202,203,204,224,225,226,227,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,325,326,327,348,349,350,370,371,372,377,392,393,394,399,400,413,414,415,416,421,422,423,434,435,436,437,444,445,446,447,448,449,450,452,453,454,455,456,457,458,467,468,469,470,471,472,473,474,475,476,477,478,490 +3267 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,167,168,169,170,183,184,185,186,189,190,191,205,206,207,211,212,213,227,228,229,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,492 +3268 - 64,65,79,84,85,86,87,101,102,103,104,105,106,107,108,109,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,165,166,167,168,169,170,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,491 +3269 - 34,35,36,37,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,171,183,184,185,186,187,190,191,192,193,205,206,207,208,213,214,215,226,227,228,229,230,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,294,300,301,302,303,312,313,314,315,321,322,323,334,335,336,337,343,344,345,356,357,358,359,364,365,366,367,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +3270 - 99,100,101,102,103,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,167,168,169,179,180,181,182,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,280,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,360,361,362,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,476,492 +3271 - 64,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,163,164,165,184,185,186,187,206,207,208,228,229,230,250,251,252,272,273,274,295,296,297,317,318,319,339,340,341,342,361,362,363,364,376,377,383,384,385,398,399,400,401,402,404,405,406,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,450,467,468,469,470,471,490 +3272 - 30,31,52,53,54,74,75,76,97,98,99,119,120,121,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +3273 - 34,35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,105,106,107,120,121,122,123,128,129,142,143,144,145,164,165,166,167,186,187,188,189,209,210,211,212,213,214,215,231,232,233,234,235,236,237,252,253,254,255,256,257,258,274,275,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,493 +3274 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,57,58,59,71,72,80,81,82,103,104,125,126,146,147,148,168,169,170,190,191,211,212,213,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,296,297,298,299,312,313,314,317,318,319,320,321,322,334,335,336,337,338,339,340,341,343,344,345,356,357,358,359,360,361,362,366,367,368,379,380,381,382,383,388,389,390,391,392,401,402,403,411,412,413,414,415,416,435,436,437,438,487 +3275 - 61,62,63,81,82,83,84,85,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,227,228,229,230,249,250,251,252,272,273,274,294,295,296,316,317,318,339,340,341,361,362,363,383,384,385,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +3276 - 96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,146,147,148,149,161,168,169,170,189,190,191,192,211,212,213,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,317,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +3277 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,249,250,251,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,494 +3278 - 57,58,59,79,80,81,101,102,103,122,123,124,125,136,144,145,146,147,157,158,159,166,167,168,169,179,180,181,188,189,190,191,201,202,203,209,210,211,212,213,223,224,225,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,290,291,292,293,294,295,296,297,299,300,301,313,314,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +3279 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,103,104,105,117,118,119,120,125,126,127,139,140,141,142,146,147,148,149,150,162,163,164,167,168,169,170,171,172,184,185,186,189,190,191,192,193,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,358,359,360,361,362,364,365,379,380,381,382,385,386,387,388,401,402,403,404,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,473,493 +3280 - 70,71,72,73,81,82,92,93,94,95,103,104,114,115,116,117,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,298,299,300,319,320,321,322,340,341,342,343,344,363,364,365,366,384,385,386,387,407,408,409,429,430,431,451,452,453,454,455,473,474,475,476,477,489 +3281 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,184,185,186,190,191,192,193,206,207,208,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,342,343,364,365,380,381,385,386,387,401,402,403,407,408,409,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +3282 - 100,101,102,103,104,105,113,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,167,168,169,170,189,190,191,211,212,213,232,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,475,476,492 +3283 - 93,94,95,96,100,101,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,169,170,171,172,179,180,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,492 +3284 - 73,74,75,76,77,78,79,80,95,96,97,116,117,138,139,159,160,168,169,170,181,182,190,191,192,203,204,211,212,213,214,225,226,232,233,234,235,236,248,249,253,254,255,257,258,270,271,272,273,274,275,276,278,279,280,293,294,295,296,297,300,301,322,323,344,345,366,367,388,389,410,411,432,433,453,454,455,476,477,494 +3285 - 64,65,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,162,163,164,184,185,186,206,207,227,228,229,249,250,251,271,272,273,293,294,295,296,317,318,339,340,361,362,363,377,378,383,384,399,400,401,404,405,406,421,422,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,490 +3286 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,146,147,148,149,150,160,161,162,163,164,168,169,170,171,172,182,183,184,185,186,191,192,193,194,195,202,203,204,205,206,213,214,215,216,217,218,224,225,226,227,235,236,237,238,239,240,245,246,247,248,258,259,260,261,262,267,268,269,270,279,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,348,354,355,356,357,363,364,365,366,367,368,369,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +3287 - 13,14,15,34,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,207,208,209,228,229,230,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,315,316,317,318,319,321,322,323,324,337,338,339,340,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +3288 - 13,14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,139,140,141,142,143,161,162,163,182,183,184,185,203,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,281,282,290,291,292,293,294,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,345,346,347,348,356,357,358,359,366,367,368,369,370,378,379,380,381,382,383,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +3289 - 37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,251,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,356,357,362,363,364,365,378,379,380,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +3290 - 33,34,35,55,56,57,58,78,79,80,81,100,101,102,103,116,117,122,123,138,139,140,141,144,145,159,160,161,162,163,164,166,167,168,181,182,183,184,185,186,187,188,189,190,203,204,207,208,209,210,211,212,225,226,230,231,232,233,234,247,248,252,254,255,256,269,270,276,277,278,291,292,293,298,299,300,313,314,315,320,321,322,324,325,326,336,337,338,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,409,410,411,431,432,433,454,455,489 +3291 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,97,98,99,102,103,104,124,125,126,146,147,167,168,169,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,277,278,279,299,300,301,321,322,323,342,343,344,345,356,363,364,365,366,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,488 +3292 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,166,167,168,169,170,180,181,182,183,184,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,274,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,494 +3293 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,124,125,126,127,140,141,142,146,147,149,150,162,163,164,168,170,171,172,184,185,186,192,193,194,206,207,208,213,214,215,229,230,231,234,235,236,237,251,252,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,344,358,359,360,361,364,365,366,379,380,381,382,386,387,388,401,402,403,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +3294 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,302,303,304,305,314,315,316,317,318,319,323,324,325,326,327,336,337,338,339,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +3295 - 34,35,36,56,57,58,59,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,486 +3296 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,166,167,168,169,170,171,172,180,181,182,183,188,189,190,191,192,201,202,203,204,205,209,210,211,212,213,214,223,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,249,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,341,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,435,452,453,454,455,456,457,474,475,476,477,478,494 +3297 - 14,15,16,17,36,37,38,39,58,59,60,79,80,81,100,101,102,103,122,123,124,143,144,145,164,165,166,167,186,187,188,207,208,209,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,403,404,405,406,425,426,491 +3298 - 93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,169,170,171,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,492 +3299 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,124,125,126,128,129,141,142,143,146,149,150,151,162,163,164,171,172,184,185,186,191,192,193,194,206,207,208,212,213,214,215,228,229,230,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,362,363,378,379,380,383,384,385,400,401,402,405,406,407,422,423,424,426,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +3300 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,171,172,173,174,192,193,194,195,213,214,215,216,217,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,366,367,368,375,376,377,378,379,380,399,487 +3301 - 41,42,43,61,62,63,64,65,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,163,164,165,184,185,186,206,207,208,228,229,230,231,250,251,252,253,254,274,275,276,296,297,298,299,319,320,321,332,333,341,342,343,354,355,356,362,363,364,376,377,378,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,449,490 +3302 - 74,75,76,77,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,143,144,145,146,147,157,158,159,160,166,167,168,169,179,180,181,188,189,190,191,201,202,203,209,210,211,212,213,223,224,225,231,232,233,234,235,245,246,247,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,280,291,292,293,294,295,296,299,300,301,302,314,315,316,321,322,323,324,343,344,345,346,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +3303 - 97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,170,171,172,182,183,184,192,193,194,203,204,205,210,211,212,214,215,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +3304 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,125,126,127,136,137,138,147,148,149,158,159,160,170,171,180,181,191,192,193,213,214,215,234,235,236,255,256,257,258,275,276,277,278,279,297,298,299,300,317,318,319,320,321,339,340,341,360,361,362,363,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,468,469,487 +3305 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,140,141,147,148,149,150,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,339,340,341,342,343,344,345,346,347,355,356,357,358,360,361,362,363,364,367,368,369,370,376,377,378,379,380,381,382,383,384,385,390,391,392,398,399,400,401,402,403,404,405,406,412,413,414,421,422,423,424,425,426,434,435,436,443,444,445,446,447,456,457,487 +3306 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,230,231,252,253,274,275,276,296,297,298,318,319,320,341,342,363,364,385,386,387,407,408,409,429,430,431,451,452,453,454,474,475,476,486 +3307 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,79,80,81,95,96,97,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,388,389,390,391,392,399,400,401,402,403,404,405,406,412,413,414,422,423,424,425,426,427,434,435,487 +3308 - 34,35,36,37,54,55,56,57,58,59,75,76,77,80,81,95,96,97,98,102,103,118,124,125,145,146,147,167,168,189,190,211,212,232,233,254,255,271,272,273,275,276,277,292,293,294,295,296,297,298,314,315,317,318,319,336,337,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,406,407,428,429,430,451,452,487 +3309 - 34,35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,102,103,104,105,106,118,119,120,121,122,125,126,127,128,140,141,142,143,144,148,149,150,151,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,192,193,194,195,203,204,205,206,207,214,215,216,225,226,227,228,229,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,272,279,280,281,282,290,291,292,293,300,301,302,303,311,312,313,314,322,323,324,325,333,334,335,336,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,485 +3310 - 98,99,100,101,102,103,119,120,121,122,124,125,141,142,147,162,163,164,167,168,169,184,185,188,189,190,191,206,207,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,494 +3311 - 97,98,99,100,101,102,103,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,167,168,169,170,171,172,182,183,184,191,192,193,194,204,205,206,211,212,213,215,216,226,227,228,231,232,233,234,237,238,248,249,250,251,252,253,254,255,256,259,270,271,272,273,274,275,276,277,281,282,293,294,295,296,297,298,303,304,316,317,318,319,320,325,326,338,339,340,341,360,361,362,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,470,494 +3312 - 50,51,58,59,72,73,79,80,81,94,95,101,102,115,116,117,123,124,137,138,139,145,146,159,160,161,167,168,181,182,183,189,190,203,204,211,212,225,226,233,234,247,248,255,256,269,270,277,278,291,292,293,299,300,301,302,313,314,315,316,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,388,389,410,411,432,433,454,455,456,477,478,489 +3313 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,125,126,127,141,142,143,147,148,149,162,163,164,165,169,170,171,185,186,187,190,191,192,211,212,213,214,233,234,235,255,256,257,276,277,278,279,293,294,295,297,298,299,300,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,408,409,410,422,423,424,425,426,427,430,431,432,433,445,446,447,452,453,454,455,487 +3314 - 52,53,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,143,144,145,146,147,148,157,158,159,160,161,162,166,167,168,169,170,180,181,182,187,188,189,190,191,192,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,300,301,302,303,304,305,314,315,316,317,318,319,320,323,324,325,326,327,337,338,339,345,346,347,348,349,358,359,360,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,471,472,473,488 +3315 - 38,39,40,59,60,61,62,81,82,83,84,96,102,103,104,105,117,118,119,124,125,126,139,140,141,146,147,148,160,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,225,226,227,228,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,489 +3316 - 75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,144,145,146,160,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +3317 - 70,71,72,73,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +3318 - 30,31,32,53,54,55,76,77,78,99,100,101,122,123,124,144,145,146,167,168,188,189,190,207,208,209,210,211,212,229,230,231,232,252,253,254,274,275,276,297,298,299,320,321,322,343,344,365,366,367,387,388,389,409,410,411,422,423,424,425,426,427,429,430,431,432,446,447,448,449,450,451,452,453,488 +3319 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,96,97,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,277,278,279,299,300,301,320,321,322,323,334,335,341,342,343,344,345,356,357,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +3320 - 51,52,53,54,55,72,73,74,75,76,77,78,93,94,95,98,99,100,115,116,121,122,123,137,138,143,144,145,159,160,164,165,166,167,181,186,187,188,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,293,294,295,300,301,322,323,324,344,345,346,365,366,367,387,388,389,408,409,410,429,430,431,432,450,451,452,453,470,471,472,473,474,488 +3321 - 33,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,486 +3322 - 75,76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,146,147,148,160,161,162,163,168,169,170,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,276,277,278,279,280,291,292,293,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,343,344,345,346,360,361,365,366,367,368,387,388,389,390,409,410,411,431,432,433,452,453,454,455,474,475,476,477,494 +3323 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,117,118,119,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,299,300,301,302,321,322,323,324,334,335,336,342,343,344,345,346,355,356,357,358,363,364,365,366,367,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +3324 - 92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,430,447,448,449,450,469,470,471,472,492 +3325 - 12,13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,247,248,249,250,257,258,259,269,270,271,272,278,279,280,281,282,291,292,293,298,299,300,301,302,303,304,313,314,315,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,426,427,428,491 +3326 - 122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,205,206,207,208,209,226,227,228,229,230,248,249,250,251,271,272,293,294,295,296,316,317,318,319,339,340,341,361,362,363,377,381,382,383,384,385,399,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,490 +3327 - 14,15,16,17,35,36,37,38,39,57,58,59,60,61,78,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,189,206,207,208,209,210,228,229,230,231,250,251,252,253,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,491 +3328 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,167,170,171,172,173,174,179,180,181,182,193,194,195,196,201,202,203,204,216,217,218,219,223,224,225,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,347,348,349,350,354,355,356,357,358,368,369,370,371,377,378,379,380,381,382,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,485 +3329 - 7,8,9,10,11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,102,103,104,105,125,126,127,146,147,148,149,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,345,346,347,348,349,354,355,356,357,358,359,360,361,362,369,370,371,372,376,377,378,379,380,381,382,383,392,393,394,398,399,400,401,402,403,404,414,415,416,417,421,422,423,424,437,438,439,487 +3330 - 8,9,10,11,30,31,32,33,51,52,53,54,72,73,74,75,93,94,95,96,114,115,116,117,118,136,137,138,139,157,158,159,160,179,180,181,182,201,202,203,204,212,213,214,215,216,217,223,224,225,226,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,273,274,275,276,277,278,279,280,283,284,285,290,291,292,293,295,296,297,298,299,305,306,307,312,313,314,315,316,317,318,319,327,328,329,335,336,337,338,339,340,341,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,413,414,491 +3331 - 59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,468,469,470,486 +3332 - 48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,81,95,97,98,99,100,101,102,103,104,105,123,124,125,126,127,128,148,149,150,151,170,171,172,173,191,192,193,194,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,295,296,297,298,318,319,320,321,341,342,343,363,364,365,386,387,399,400,401,407,408,409,421,422,423,426,427,428,429,430,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +3333 - 12,13,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,105,117,118,125,126,127,147,148,149,168,169,170,171,190,191,192,212,213,214,233,234,235,236,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,318,319,320,321,322,323,324,325,333,334,335,336,338,339,340,341,342,344,345,346,347,348,355,356,357,358,359,360,361,362,363,368,369,370,371,372,373,377,378,379,380,381,382,383,384,392,393,394,395,400,401,402,403,404,487 +3334 - 57,58,79,80,94,95,96,101,102,103,116,117,118,123,124,137,138,139,140,145,146,147,159,160,161,167,168,180,181,182,189,190,202,203,204,211,212,213,214,215,216,217,218,219,224,225,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,277,278,288,289,290,291,292,293,294,299,300,310,311,312,313,314,321,322,332,333,334,343,344,354,355,365,366,387,388,409,410,431,432,453,454,475,476,489 +3335 - 14,15,16,17,35,36,37,38,39,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,248,249,250,251,252,270,271,272,273,291,292,293,294,301,302,303,304,313,314,315,316,321,322,323,324,325,326,335,336,337,338,339,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,406,407,408,409,428,429,430,431,491 +3336 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,99,100,101,102,103,112,113,114,115,122,123,124,125,134,135,136,144,145,146,147,156,157,163,164,165,166,167,168,169,170,178,179,180,184,185,186,187,188,189,190,191,192,193,194,201,202,203,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,237,238,239,240,247,248,249,250,251,252,253,254,260,261,262,269,270,271,272,273,274,275,282,283,284,291,292,293,294,295,304,305,306,326,327,328,347,348,349,350,356,369,370,371,377,378,379,389,390,391,392,393,398,399,400,401,409,410,411,412,413,414,421,422,423,424,425,426,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,488 +3337 - 34,35,36,37,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,169,170,171,172,173,183,184,185,186,187,192,193,194,195,204,205,206,207,208,214,215,216,217,225,226,227,228,229,230,236,237,238,239,247,248,249,250,251,258,259,260,268,269,270,271,272,280,281,282,290,291,292,293,294,301,302,303,304,311,312,313,314,315,323,324,325,326,333,334,335,336,345,346,347,348,354,355,356,357,358,365,366,367,368,369,377,378,379,380,381,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +3338 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,142,148,149,150,151,159,160,161,162,169,170,171,172,181,182,183,184,190,191,192,193,194,203,204,205,206,207,208,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,321,322,323,324,325,335,336,337,338,339,345,346,347,357,358,359,360,367,368,369,370,379,380,381,382,389,390,391,392,401,402,403,404,405,406,407,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +3339 - 8,9,10,11,12,30,31,32,33,34,35,36,55,56,57,58,59,79,80,81,82,102,103,104,125,126,127,147,148,149,169,170,171,190,191,192,193,212,213,214,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,318,319,320,321,323,324,325,333,334,335,339,340,341,342,345,346,347,354,355,356,357,359,360,361,362,363,367,368,376,377,378,379,380,381,382,383,384,389,398,399,400,401,402,403,404,405,421,422,423,424,425,487 +3340 - 62,63,82,83,84,85,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,147,148,149,163,164,165,166,169,170,171,185,186,187,190,191,192,206,207,208,211,212,213,214,227,228,229,232,233,234,235,248,249,250,254,255,256,269,270,271,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,361,362,363,368,369,382,383,384,404,405,406,425,426,427,448,449,450,451,470,471,472,473,489 +3341 - 9,10,11,12,13,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,78,79,80,81,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,344,345,346,347,348,349,355,356,357,358,359,360,361,367,368,369,370,371,372,377,378,379,380,381,382,391,392,393,394,395,399,400,401,402,403,414,415,416,417,438,439,487 +3342 - 6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,75,76,77,78,79,80,99,100,101,102,103,122,123,124,125,126,145,146,147,148,168,169,170,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,272,273,274,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,487 +3343 - 97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,168,169,170,171,179,180,181,182,183,184,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +3344 - 32,33,34,54,55,56,57,76,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +3345 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +3346 - 97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,191,192,193,194,195,200,201,202,203,213,214,215,216,222,223,224,234,235,236,237,238,244,245,246,255,256,257,258,259,266,267,268,269,276,277,278,279,280,281,289,290,291,292,293,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,345,346,347,357,358,359,360,361,362,363,364,367,368,369,382,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,480,494 +3347 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,67,68,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,273,274,275,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,355,356,363,364,365,366,367,376,377,378,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,488 +3348 - 94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,124,125,136,137,138,139,140,146,147,157,158,159,160,167,168,169,179,180,181,188,189,190,191,201,202,203,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,255,256,257,269,270,271,272,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3349 - 94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,168,169,170,171,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +3350 - 57,78,79,100,101,122,123,144,145,165,166,167,187,188,189,205,206,209,210,213,214,215,216,227,228,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,294,295,296,297,318,319,339,340,341,361,362,383,384,404,405,406,426,427,448,449,469,470,471,489 +3351 - 76,77,83,84,85,97,98,99,105,106,107,119,120,121,126,127,128,141,142,143,147,148,149,150,162,163,164,169,170,171,183,184,185,186,190,191,192,193,205,206,207,208,212,213,214,227,228,229,233,234,235,248,249,250,251,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,489 +3352 - 51,52,53,73,74,75,95,96,97,116,117,118,119,137,138,139,140,141,147,159,160,161,162,163,168,169,170,181,182,183,184,185,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,476,477,478,479,489 +3353 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,102,103,104,119,120,121,124,125,126,141,142,143,145,146,147,148,162,163,164,167,168,169,184,185,186,189,190,192,193,207,208,213,214,215,229,230,231,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,364,380,381,382,384,385,386,402,403,404,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,473,493 +3354 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,83,84,95,96,97,98,105,106,116,117,118,119,127,128,138,139,148,149,159,160,161,165,166,167,168,169,170,171,172,181,182,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,275,276,289,290,291,297,298,299,311,312,320,321,333,342,343,355,356,365,366,377,378,379,387,388,400,401,402,410,411,423,424,425,426,427,432,433,447,448,449,450,451,452,453,454,455,472,473,474,475,476,477,493 +3355 - 76,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,144,146,147,162,163,164,165,167,168,169,184,185,186,188,189,190,191,203,206,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,494 +3356 - 121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,206,207,208,228,229,230,231,251,252,253,268,269,273,274,275,276,289,290,291,295,296,297,298,311,312,317,318,319,320,333,334,338,339,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,400,401,402,403,404,405,406,490 +3357 - 9,10,11,12,13,14,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,80,81,82,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,389,390,391,392,399,400,401,402,403,404,405,406,422,423,424,425,426,427,487 +3358 - 51,52,53,72,73,74,75,76,77,95,97,98,99,100,120,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,229,230,231,232,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,319,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,488 +3359 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,123,124,125,140,141,142,146,147,161,162,163,167,168,169,183,184,189,190,205,206,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +3360 - 58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,138,139,140,141,144,145,146,147,158,159,160,161,162,163,166,167,168,169,180,181,182,183,184,185,188,189,190,191,201,202,203,204,205,210,211,212,223,224,225,226,227,228,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,473,474,489 +3361 - 61,62,63,64,65,81,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,184,185,186,205,206,207,226,227,228,248,249,250,251,270,271,272,273,274,293,294,295,296,297,316,317,318,319,339,340,341,342,361,362,363,364,384,385,386,399,400,401,406,407,408,421,422,423,424,425,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,490 +3362 - 28,29,30,31,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,120,121,122,123,124,135,136,137,143,144,145,146,147,161,162,163,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,252,253,254,255,256,267,268,269,270,274,275,276,277,278,285,289,290,291,296,297,298,299,300,301,306,307,311,312,313,317,318,319,320,321,322,323,324,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,411,412,413,414,415,416,422,423,424,425,426,435,446,447,487 +3363 - 15,16,17,37,38,39,40,58,59,60,61,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,255,256,271,272,273,274,276,277,278,279,292,293,294,295,297,298,299,300,301,314,315,316,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +3364 - 13,14,35,36,37,56,57,58,59,77,78,79,80,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,299,300,301,316,317,318,321,322,323,337,338,339,340,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,491 +3365 - 35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,86,87,98,99,100,101,102,107,108,109,120,121,122,123,128,129,130,131,141,142,143,144,149,150,151,152,163,164,165,171,172,173,174,185,186,187,192,193,194,195,207,208,209,212,213,214,215,216,229,230,231,233,234,235,236,237,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,378,379,380,383,384,385,400,401,402,403,404,405,406,407,423,424,425,426,427,428,429,446,447,448,449,450,493 +3366 - 15,16,17,36,37,38,39,57,58,59,60,61,78,79,80,81,82,100,101,102,103,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,254,255,256,257,270,271,272,273,277,278,279,292,293,294,299,300,301,314,315,316,321,322,323,336,337,338,342,343,344,345,358,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +3367 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,206,207,208,209,210,212,213,214,215,227,228,229,230,231,234,235,236,249,250,251,252,253,256,257,258,270,271,272,273,274,278,279,280,292,293,294,295,299,300,301,302,313,314,315,316,317,321,322,323,324,335,336,337,342,343,344,345,356,357,358,364,365,366,378,379,380,381,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +3368 - 97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,166,167,168,188,189,190,210,211,212,213,232,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,492 +3369 - 36,37,38,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,191,192,193,194,205,206,207,208,213,214,215,226,227,228,229,230,235,236,237,247,248,249,250,257,258,259,269,270,271,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,321,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,358,364,365,366,367,368,377,378,379,380,381,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,447,448,449,450,485 +3370 - 37,38,45,46,47,58,59,60,61,67,68,69,70,80,81,82,83,84,89,90,91,92,93,102,103,104,105,106,107,111,112,113,114,115,124,125,126,127,128,129,133,134,135,136,137,138,146,147,148,149,150,151,152,155,156,157,158,159,160,168,169,170,171,172,173,174,177,178,179,180,181,182,191,192,193,194,195,196,200,201,202,203,204,205,213,214,215,216,217,218,222,223,224,225,226,227,235,236,237,238,239,240,245,246,247,248,249,257,258,259,260,261,262,267,268,269,270,271,272,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,406,407,412,413,414,415,416,434,435,436,437,438,489 +3371 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,185,191,192,193,194,195,203,204,205,212,213,214,215,216,224,225,226,227,233,234,235,236,237,238,246,247,248,253,254,255,256,257,258,259,268,269,270,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,337,338,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,494 +3372 - 73,74,75,76,77,95,96,97,98,99,100,101,118,121,122,123,124,125,145,146,147,148,149,169,170,171,191,192,193,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,447,448,468,469,470,492 +3373 - 35,36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,445,446,447,448,486 +3374 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,119,121,122,123,124,137,138,139,143,144,145,146,159,160,161,165,166,167,168,169,181,182,183,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,276,277,278,279,299,300,301,321,322,323,324,343,344,345,346,359,365,366,367,368,380,381,382,387,388,389,390,402,403,404,405,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,471,472,473,474,475,494 +3375 - 35,36,37,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,486 +3376 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,120,124,125,126,127,128,129,130,136,137,138,139,148,149,150,151,152,157,158,159,160,171,172,173,174,175,179,180,181,182,194,195,196,197,200,201,202,203,217,218,219,222,223,224,225,239,240,241,244,245,246,260,261,262,263,266,267,268,282,283,284,285,288,289,290,304,305,306,310,311,312,325,326,327,332,333,334,335,347,348,349,354,355,356,357,358,368,369,370,371,377,378,379,380,388,389,390,391,392,400,401,402,403,404,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,485 +3377 - 35,36,37,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,148,149,150,151,159,160,161,162,163,164,170,171,172,173,180,181,182,183,193,194,195,202,203,204,215,216,217,223,224,225,237,238,239,244,245,246,247,258,259,260,261,266,267,268,280,281,282,283,287,288,289,301,302,303,304,309,310,311,323,324,325,326,331,332,333,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +3378 - 37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,138,139,140,141,160,161,162,182,183,184,204,205,206,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,300,301,302,303,304,324,325,326,332,346,347,348,353,354,355,366,367,368,369,370,376,377,378,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +3379 - 37,38,39,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,402,403,404,424,425,426,427,446,447,448,449,486 +3380 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,384,385,406,407,428,429,450,451,486 +3381 - 54,55,56,76,77,78,79,80,99,100,101,102,103,122,123,124,125,145,146,147,148,168,169,170,190,191,192,213,214,219,229,230,231,232,233,234,235,236,237,238,239,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,299,300,301,311,312,313,314,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,487 +3382 - 93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,163,164,165,167,168,169,170,171,178,179,180,185,186,187,188,190,191,192,193,200,201,202,207,208,209,210,213,214,215,216,222,223,224,229,230,231,232,235,236,237,238,244,245,246,251,252,253,254,258,259,260,266,267,268,273,274,275,276,280,281,282,283,288,289,290,291,295,296,297,302,303,304,305,311,312,313,316,317,318,319,324,325,326,327,333,334,335,336,337,338,339,340,346,347,348,349,356,357,358,359,360,361,368,369,370,371,379,380,381,382,390,391,392,393,413,414,415,434,435,436,437,456,457,458,459,478,479,480,481,494 +3383 - 29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,96,102,103,104,105,113,114,115,116,125,126,127,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,221,231,232,233,234,235,236,253,254,255,256,275,276,277,297,298,299,300,320,321,322,323,342,343,344,345,346,365,366,367,368,369,378,379,380,381,382,383,385,386,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,488 +3384 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,147,148,159,160,161,162,163,181,182,183,203,204,205,225,226,227,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,400,401,406,407,408,409,421,422,423,426,427,428,429,430,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,490 +3385 - 86,87,96,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,202,203,204,205,206,225,226,227,228,229,230,248,249,250,251,252,253,272,273,274,275,276,295,296,297,298,299,319,320,321,322,341,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,443,444,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,474,490 +3386 - 2,3,4,5,6,7,8,9,24,25,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,76,77,78,79,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,254,255,256,257,258,277,278,279,280,281,300,301,302,303,304,323,324,325,326,327,332,333,346,347,348,349,354,355,356,357,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,488 +3387 - 14,15,16,34,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,206,207,208,228,229,249,250,251,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,337,338,339,343,344,345,346,359,360,361,362,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,491 +3388 - 80,81,94,95,96,101,102,103,104,116,117,118,123,124,125,126,137,138,139,144,145,146,147,148,159,160,161,165,166,167,168,169,181,182,186,187,188,189,190,191,203,204,207,208,209,210,211,212,213,225,226,227,228,229,230,231,233,234,235,247,248,249,250,251,252,255,256,269,270,271,272,273,277,278,292,293,294,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,453,454,472,473,474,475,476,489 +3389 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,147,148,149,158,161,162,168,169,170,182,183,184,189,190,191,192,204,205,212,213,226,227,233,234,235,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,320,321,322,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,449,450,451,470,471,472,494 +3390 - 24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,127,145,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,457,487 +3391 - 97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,171,172,173,174,179,180,181,182,183,185,186,187,188,194,195,196,197,201,202,203,217,218,219,222,223,224,225,240,241,244,245,246,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,332,333,334,347,348,349,354,355,356,357,367,368,369,370,376,377,378,379,380,381,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,485 +3392 - 37,38,39,40,41,57,58,59,60,61,62,63,64,77,78,79,80,81,83,84,85,98,99,100,101,102,105,106,107,118,119,120,121,122,126,127,128,139,140,141,142,148,149,150,160,161,162,163,169,170,171,181,182,183,184,191,192,202,203,204,223,224,225,226,231,232,233,234,235,236,237,238,244,245,246,247,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,292,293,294,295,304,305,306,307,310,311,314,315,316,317,327,328,332,333,337,338,339,348,349,350,354,355,356,369,370,371,372,376,377,378,379,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,491 +3393 - 60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,400,401,402,421,422,423,424,443,444,445,466,467,486 +3394 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +3395 - 11,12,13,14,15,31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,83,84,85,86,95,96,97,98,106,107,108,117,118,119,128,129,130,139,150,151,152,172,173,174,194,195,215,216,217,236,237,238,257,258,259,260,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,422,423,424,425,487 +3396 - 56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,149,150,151,159,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,203,204,205,206,207,208,215,216,217,225,226,227,228,229,230,236,237,238,239,247,248,249,250,251,252,258,259,260,261,268,269,270,271,272,273,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,322,323,324,325,326,333,334,335,336,337,344,345,346,347,355,356,357,358,359,365,366,367,368,377,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +3397 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,104,105,106,107,126,127,128,148,149,150,168,169,170,171,172,189,190,191,192,193,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,277,278,297,298,299,300,320,321,322,323,343,344,345,346,353,354,365,366,367,368,374,375,376,377,378,379,380,381,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +3398 - 77,78,79,80,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,166,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,494 +3399 - 63,84,85,105,106,107,119,120,121,127,128,129,140,141,142,143,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,204,205,206,212,213,214,215,225,226,227,233,234,235,236,247,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,469,470,489 +3400 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,100,101,102,113,114,122,123,124,144,145,146,165,166,167,168,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,334,335,336,346,347,348,349,355,356,357,358,366,367,368,369,370,377,378,379,380,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +3401 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,204,205,206,207,208,226,227,228,229,248,249,250,251,252,271,272,273,274,275,294,295,296,297,298,317,318,319,320,340,341,342,343,362,363,364,365,385,386,387,406,407,408,409,428,429,430,449,450,451,452,469,470,471,472,473,474,490 +3402 - 25,26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,230,231,232,233,234,235,236,237,238,256,257,258,259,260,261,279,280,281,282,283,302,303,304,305,306,310,325,326,327,328,331,332,333,347,348,349,353,354,355,356,368,369,370,371,375,376,377,378,379,380,381,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,488 +3403 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,248,249,250,251,270,271,272,273,292,293,294,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +3404 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,121,122,123,124,134,135,136,142,143,144,145,146,156,157,158,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,296,297,300,301,302,303,304,323,324,325,326,346,347,348,368,369,370,390,391,392,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,478,488 +3405 - 94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,423,424,425,444,445,446,447,466,467,468,492 +3406 - 32,33,34,54,55,56,57,77,78,79,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,409,428,429,430,431,451,452,453,486 +3407 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,99,100,101,102,120,121,122,123,142,143,144,164,165,166,171,172,173,174,186,187,188,190,191,192,193,194,195,196,208,209,210,211,212,213,214,215,216,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,469,470,471,493 +3408 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +3409 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,172,173,174,175,181,182,183,184,185,195,196,197,202,203,204,205,217,218,219,223,224,225,226,239,240,241,244,245,246,247,261,262,263,266,267,268,283,284,288,289,290,304,305,306,310,311,312,325,326,327,332,333,334,346,347,348,354,355,356,357,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,485 +3410 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,121,122,123,124,125,126,127,136,137,138,139,140,145,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,191,192,193,194,201,202,203,204,214,215,216,217,223,224,225,237,238,239,245,246,247,259,260,261,267,268,269,281,282,283,288,289,290,303,304,305,310,311,312,324,325,326,332,333,334,335,346,347,348,355,356,357,367,368,369,377,378,379,388,389,390,391,399,400,401,402,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +3411 - 59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,244,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,423,424,425,444,445,446,467,468,486 +3412 - 54,55,76,77,78,79,98,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,486 +3413 - 31,32,33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,100,101,102,103,104,105,117,124,125,126,127,147,148,149,170,171,172,192,193,194,214,215,216,236,237,238,253,254,257,258,259,260,261,262,263,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,342,343,344,345,354,355,356,357,363,364,365,366,367,376,377,378,379,380,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,447,448,449,487 +3414 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,145,146,147,158,159,160,168,169,180,181,182,190,191,202,203,204,211,212,224,225,226,232,233,234,246,247,248,249,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,434,435,452,453,454,455,456,457,474,475,476,477,478,494 +3415 - 78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,149,150,151,157,158,159,160,161,162,170,171,172,173,180,181,182,191,192,193,194,212,213,214,215,232,233,234,235,236,253,254,255,256,257,275,276,277,297,298,299,300,308,309,320,321,322,330,331,342,343,344,365,366,367,387,388,389,408,409,410,411,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,454,462,463,464,465,466,467,468,469,470,471,472,473,474,488 +3416 - 57,58,59,60,61,62,72,73,74,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,134,135,136,137,138,139,140,161,162,182,183,184,204,205,225,226,227,230,231,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,279,280,281,282,290,291,292,293,294,295,302,303,304,312,313,314,315,325,326,327,347,348,368,369,370,381,382,390,391,392,403,404,405,411,412,413,414,425,426,427,428,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,490 +3417 - 63,64,65,85,86,87,97,98,106,107,108,109,119,120,128,129,130,140,141,142,149,150,151,161,162,163,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,228,233,234,235,236,247,248,249,250,251,254,255,256,257,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,318,319,320,339,340,341,360,361,362,382,383,384,403,404,405,424,425,426,446,447,448,468,469,489 +3418 - 56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,472,473,486 +3419 - 99,100,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,183,184,185,186,204,205,206,207,225,226,227,228,248,249,250,251,271,272,273,274,294,295,296,297,316,317,318,319,339,340,341,342,361,362,363,364,384,385,386,406,407,427,428,429,447,448,449,450,451,466,467,468,469,470,471,472,490 +3420 - 57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,126,127,139,140,141,147,148,149,150,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,343,359,360,361,364,365,366,381,382,383,386,387,388,403,404,405,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,493 +3421 - 15,16,17,18,36,37,38,39,57,58,59,60,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,230,248,249,250,251,255,256,257,270,271,272,276,277,278,279,280,281,291,292,293,294,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +3422 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,122,123,124,125,144,145,146,147,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,488 +3423 - 91,92,93,94,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,191,192,193,194,213,214,215,216,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +3424 - 10,11,12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,216,230,231,232,233,234,235,236,237,238,258,259,260,261,264,265,266,267,281,282,283,286,287,288,289,303,304,305,308,309,310,325,326,327,330,331,332,333,345,346,347,348,352,353,354,355,356,357,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,488 +3425 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,121,122,123,124,125,126,127,143,144,145,146,147,150,165,166,167,168,169,170,171,172,188,189,190,191,192,193,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,298,299,314,315,316,317,319,320,321,336,337,338,341,342,343,357,358,359,360,363,364,379,380,381,384,385,386,401,402,403,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +3426 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,191,192,193,201,202,203,204,212,213,214,215,224,225,226,234,235,236,246,247,248,256,257,258,268,269,270,271,277,278,279,280,291,292,293,299,300,301,302,313,314,315,316,321,322,323,335,336,337,338,343,344,345,358,359,360,364,365,366,367,386,387,388,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +3427 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,486 +3428 - 92,93,94,95,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,168,169,170,181,182,183,189,190,191,192,210,211,212,213,232,233,234,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,448,449,450,470,471,472,492 +3429 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,147,148,149,158,159,160,161,162,169,170,171,172,179,180,181,182,183,191,192,193,194,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,311,312,313,314,323,324,325,333,334,335,336,337,344,345,346,347,356,357,358,359,366,367,368,378,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +3430 - 56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,471,472,473,486 +3431 - 58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,317,318,319,338,339,340,360,361,362,381,382,383,403,404,405,424,425,426,446,447,448,467,468,469,486 +3432 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +3433 - 72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,137,138,143,144,145,146,158,159,160,161,180,181,182,201,202,203,204,223,224,225,226,227,245,246,247,248,249,250,251,252,269,270,271,272,273,274,275,276,294,295,296,297,298,299,300,318,319,320,321,322,342,343,344,345,365,366,367,387,388,389,408,409,410,411,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,474,490 +3434 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,101,102,103,104,105,118,119,120,124,125,126,127,140,141,142,147,148,149,161,162,163,169,170,171,183,184,185,191,192,193,204,205,206,213,214,215,226,227,228,235,236,237,247,248,249,250,257,258,259,269,270,271,279,280,281,290,291,292,293,300,301,302,312,313,314,315,322,323,324,334,335,336,343,344,345,356,357,358,364,365,366,367,378,379,380,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +3435 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,123,124,125,126,137,138,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,274,275,276,277,296,297,298,299,319,320,321,322,342,343,344,364,365,366,367,386,387,388,389,407,408,409,410,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,453,463,464,465,466,467,468,469,470,471,472,488 +3436 - 28,29,50,51,71,72,73,93,94,95,114,115,116,117,136,137,138,139,158,159,160,180,181,182,190,191,192,193,201,202,203,204,211,212,213,214,215,216,223,224,225,226,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,258,259,260,268,269,270,271,272,273,274,275,276,280,281,282,290,291,292,293,294,295,296,302,303,304,313,314,315,316,324,325,326,327,347,348,349,369,370,371,391,392,393,394,414,415,416,417,437,438,439,489 +3437 - 63,64,77,84,85,86,98,99,100,105,106,107,108,119,120,121,122,126,127,128,129,140,141,142,143,148,149,150,161,162,163,164,169,170,171,172,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,261,270,271,272,273,274,275,276,277,278,291,293,294,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,467,468,469,489 +3438 - 33,34,35,36,37,54,55,56,57,58,59,60,61,76,77,78,81,82,83,84,98,99,104,105,106,119,120,121,126,127,128,141,142,143,147,148,149,163,164,165,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,315,316,317,318,319,336,337,338,340,341,342,357,358,359,362,363,379,380,384,385,401,402,403,406,407,424,425,426,427,428,429,447,448,449,450,451,493 +3439 - 84,85,97,98,99,105,106,107,118,119,120,121,127,128,129,139,140,141,142,148,149,150,151,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,203,204,205,212,213,214,215,224,225,226,233,234,235,236,246,247,248,255,256,257,267,268,269,270,276,277,278,279,289,290,291,292,293,294,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,469,470,489 +3440 - 57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,486 +3441 - 32,33,34,35,54,55,56,57,58,75,76,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,146,147,148,163,164,165,168,169,170,184,185,186,187,190,191,192,205,206,207,208,212,213,214,227,228,229,234,235,236,249,250,251,256,257,258,270,271,272,278,279,280,292,293,294,300,301,302,313,314,315,316,321,322,323,324,335,336,337,343,344,345,357,358,359,365,366,367,379,380,381,382,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +3442 - 111,112,132,133,134,135,136,137,138,139,140,141,142,143,144,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,180,181,182,183,184,185,186,187,188,189,190,191,192,212,213,214,215,235,236,237,257,258,259,279,280,281,301,302,303,323,324,325,345,346,347,366,367,368,369,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +3443 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,125,126,127,128,129,139,140,141,142,143,144,145,146,149,150,151,152,161,162,163,164,165,166,167,168,169,171,172,173,174,182,183,184,185,186,187,188,194,195,196,204,205,206,207,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,260,261,262,267,268,269,270,281,282,283,284,289,290,291,303,304,305,311,312,313,324,325,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,388,389,390,391,399,400,401,402,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +3444 - 74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,143,144,145,146,157,158,159,166,167,168,179,180,188,189,190,201,210,211,212,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,317,318,319,320,321,324,325,326,327,328,329,334,335,336,339,340,341,342,348,349,350,351,356,357,358,359,360,361,362,363,372,373,378,379,380,381,382,383,384,402,403,404,487 +3445 - 17,18,19,20,36,37,38,39,40,41,42,57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,99,100,101,102,103,104,120,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,322,323,324,335,336,337,338,339,343,344,345,346,357,358,359,360,364,365,366,367,368,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,491 +3446 - 72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,161,162,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,227,228,229,230,231,249,250,251,252,253,272,273,274,275,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,343,344,359,360,361,363,364,365,366,367,381,382,386,387,388,389,403,404,408,409,410,411,425,426,427,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,493 +3447 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,139,140,141,142,143,161,162,163,182,183,184,185,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,252,253,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +3448 - 92,93,94,95,114,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,146,147,148,161,162,167,168,169,170,191,192,212,213,214,234,235,255,256,257,277,278,298,299,300,320,321,341,342,343,363,364,384,385,405,406,407,426,427,428,448,449,469,470,471,492 +3449 - 14,15,16,17,18,35,36,37,38,39,56,57,58,59,77,78,79,80,81,98,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,226,227,228,229,232,233,234,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,303,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,491 +3450 - 51,52,53,73,74,75,95,96,97,116,117,118,119,138,139,140,141,145,146,147,159,160,161,162,167,168,169,181,182,183,184,189,190,191,203,204,205,206,211,212,213,226,227,228,233,234,235,248,249,250,251,252,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,368,387,388,389,390,410,411,412,432,433,434,454,455,456,457,476,477,478,479,489 +3451 - 15,16,17,18,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,228,229,230,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,300,301,302,314,315,316,317,318,319,322,323,324,335,336,337,338,339,344,345,346,357,358,359,360,365,366,367,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +3452 - 27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,78,79,80,81,82,91,92,102,103,104,105,125,126,127,147,148,149,168,169,170,171,189,190,191,192,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,304,324,325,326,327,347,348,349,369,370,371,376,377,378,379,380,381,382,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,488 +3453 - 101,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,163,166,167,168,169,170,171,172,173,174,175,183,184,185,204,205,206,207,225,226,227,228,247,248,249,269,270,271,272,292,293,294,295,315,316,317,318,338,339,340,341,361,362,363,383,384,385,386,406,407,408,427,428,429,448,449,450,451,467,468,469,470,471,472,490 +3454 - 11,12,13,32,33,34,35,54,55,56,75,76,77,96,97,98,99,118,119,120,140,141,142,162,163,164,165,166,167,168,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,233,234,235,236,249,250,251,256,257,258,271,272,273,278,279,280,293,294,295,299,300,301,302,315,316,317,321,322,323,324,337,338,339,342,343,344,345,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +3455 - 60,61,82,83,84,104,105,106,119,125,126,127,140,141,146,147,148,149,161,162,163,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,225,226,227,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,382,383,384,403,404,405,425,426,446,447,448,468,469,470,489 +3456 - 55,56,57,73,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,123,142,143,144,145,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,486 +3457 - 59,60,61,81,82,83,95,103,104,105,119,120,121,124,125,126,138,140,141,142,145,146,147,148,161,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,207,210,211,212,226,227,228,231,232,233,234,248,249,250,253,254,255,270,271,272,273,274,275,276,293,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,447,448,469,470,489 +3458 - 57,58,59,73,79,80,81,94,95,96,101,102,116,117,118,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,318,319,320,321,322,342,343,344,364,365,366,386,387,408,409,430,431,432,452,453,454,474,475,476,489 +3459 - 61,62,63,75,76,83,84,85,97,98,104,105,106,118,119,120,126,127,128,139,140,141,147,148,149,150,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,250,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,405,406,407,427,428,429,449,450,471,472,489 +3460 - 22,23,24,25,26,27,44,45,46,47,48,49,50,51,52,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,127,145,146,147,148,149,164,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,253,254,255,256,257,258,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,327,333,334,345,346,347,348,349,355,356,357,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,488 +3461 - 32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,81,97,98,101,102,103,120,123,124,125,140,141,142,145,146,147,148,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,212,213,214,226,227,228,234,235,236,248,249,250,255,256,257,258,270,271,272,277,278,279,291,292,293,294,298,299,300,301,313,314,315,316,320,321,322,323,336,337,338,342,343,344,358,359,360,361,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,485 +3462 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,122,123,124,144,145,146,166,167,187,188,189,208,209,210,211,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,276,277,278,294,298,299,300,320,321,341,342,343,363,364,365,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,488 +3463 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,492 +3464 - 31,32,33,53,54,55,75,76,77,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,486 +3465 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,138,139,140,145,146,147,148,159,160,161,164,167,168,169,170,181,182,183,186,189,190,191,203,204,205,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,494 +3466 - 68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,122,123,124,125,126,146,147,148,167,168,169,187,188,189,190,191,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,279,280,281,301,302,303,323,324,325,345,346,366,367,368,387,388,389,390,408,409,410,411,421,422,428,429,430,431,432,443,444,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +3467 - 54,74,75,76,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,165,181,182,183,184,204,205,206,207,208,227,228,229,230,231,250,251,252,253,273,274,275,276,296,297,298,299,318,319,320,321,322,341,342,343,344,345,363,364,365,366,367,377,378,379,381,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,468,469,470,490 +3468 - 57,58,59,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,448,449,450,451,471,472,473,486 +3469 - 95,96,97,98,99,100,101,102,103,104,114,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +3470 - 12,13,14,15,16,33,34,35,36,37,38,39,53,54,55,56,57,59,60,61,62,75,76,77,82,83,84,96,97,98,104,105,106,117,118,119,126,127,128,139,140,148,149,150,160,161,162,170,171,172,182,183,184,191,192,193,204,205,213,214,215,226,227,228,229,235,236,237,248,249,250,251,252,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,294,295,296,297,298,299,300,301,312,313,317,318,319,320,321,322,323,334,339,340,341,342,343,344,355,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,409,410,411,412,413,414,421,422,423,424,425,426,427,435,436,487 +3471 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,102,103,104,124,125,126,146,147,148,167,168,169,170,189,190,191,210,211,212,232,233,234,253,254,255,256,276,277,278,293,298,299,300,301,321,322,323,333,334,343,344,345,346,355,356,365,366,367,368,376,377,378,379,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +3472 - 26,27,28,29,30,31,48,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,123,124,125,126,127,146,147,148,149,150,166,167,168,169,170,171,179,180,181,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,346,347,348,357,358,368,369,370,378,379,380,387,388,389,390,391,392,399,400,401,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,488 +3473 - 37,38,59,60,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,359,360,361,380,381,382,402,403,404,423,424,425,445,446,486 +3474 - 37,38,39,40,41,42,58,59,60,61,62,63,64,78,79,80,81,82,83,99,100,101,102,103,104,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,270,271,272,273,274,291,292,293,294,295,296,297,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,363,364,365,379,380,381,385,386,387,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,491 +3475 - 61,62,82,83,84,98,99,104,105,106,119,120,121,125,126,127,140,141,142,143,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,247,248,249,250,251,254,255,256,257,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,446,447,448,449,468,469,470,489 +3476 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,126,127,128,138,139,140,141,147,148,149,161,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,293,294,295,299,300,301,314,315,316,317,321,322,323,324,336,337,338,344,345,346,358,359,360,366,367,368,379,380,381,388,389,390,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,493 +3477 - 62,63,83,84,85,96,97,98,104,105,106,118,119,120,126,127,128,139,140,141,147,148,149,150,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,450,470,471,489 +3478 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +3479 - 12,13,14,34,35,36,37,56,57,58,59,60,80,81,82,98,99,100,102,103,104,105,119,120,121,125,126,127,140,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,191,192,193,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,270,271,272,279,280,292,293,294,300,301,302,314,315,316,321,322,323,324,336,337,338,339,342,343,344,345,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,427,428,429,430,485 +3480 - 50,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,124,125,126,127,128,129,136,137,138,146,147,148,149,150,151,159,160,161,162,167,168,169,170,171,181,182,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,315,316,317,322,323,324,325,337,338,345,346,347,348,359,360,367,368,369,370,381,382,389,390,391,392,403,404,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +3481 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,126,127,128,139,140,141,142,143,147,148,149,161,162,163,164,168,169,170,182,183,184,189,190,191,203,204,205,206,210,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,494 +3482 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,99,100,101,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,182,183,184,189,190,191,192,204,205,206,207,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,344,345,357,358,359,363,364,365,366,367,368,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,493 +3483 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,138,139,140,141,146,147,148,160,161,162,167,168,169,182,183,188,189,190,191,203,204,205,208,209,210,211,212,213,225,226,227,229,230,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,269,270,271,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,470,471,472,494 +3484 - 73,74,75,95,96,97,100,101,102,117,118,119,122,123,124,139,140,141,144,145,146,160,161,162,165,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,489 +3485 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,141,142,143,163,164,165,184,185,186,206,207,208,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,337,338,339,340,343,344,359,360,361,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +3486 - 13,14,15,35,36,37,57,58,59,80,81,102,103,124,125,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,318,319,320,321,322,334,335,336,338,339,340,341,342,343,344,345,357,358,359,360,361,362,365,366,367,368,379,380,381,382,383,388,389,390,391,392,402,403,412,413,414,487 +3487 - 58,59,60,80,81,82,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,486 +3488 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,273,274,275,295,296,297,317,318,319,339,340,361,362,382,383,384,404,405,406,426,427,448,449,470,471,486 +3489 - 35,36,37,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,141,142,143,151,152,163,164,165,171,172,173,186,187,188,190,191,192,193,194,208,209,210,211,212,213,214,215,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,337,338,339,343,344,359,360,361,365,366,381,382,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,493 +3490 - 37,38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,148,149,150,151,162,163,164,165,166,170,171,172,173,182,183,184,185,186,187,188,192,193,194,195,204,205,206,207,208,209,214,215,216,217,225,226,227,228,229,230,236,237,238,239,246,247,248,249,250,251,257,258,259,260,267,268,269,270,271,272,278,279,280,281,288,289,290,291,292,298,299,300,301,302,303,304,309,310,311,312,313,314,319,320,321,322,323,324,325,331,332,333,334,335,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,443,444,445,446,447,485 +3491 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,125,126,127,137,138,139,146,147,148,159,160,167,168,169,170,188,189,190,191,210,211,212,230,231,232,233,234,252,253,254,274,275,276,277,296,297,298,299,319,320,321,341,342,343,344,364,365,366,386,387,388,408,409,410,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +3492 - 71,72,73,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,190,191,192,193,194,195,196,200,201,202,214,215,216,217,218,222,223,224,237,238,239,240,241,244,245,246,260,261,262,263,266,267,268,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,314,326,327,328,329,332,333,334,335,336,337,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,485 +3493 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,97,98,99,119,120,121,141,142,143,148,149,150,151,152,163,164,165,169,170,171,172,173,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,319,320,321,335,336,337,338,341,342,343,357,358,359,363,364,365,379,380,381,382,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,493 +3494 - 51,52,53,73,74,75,76,82,83,96,97,98,99,100,101,103,104,105,106,119,120,121,122,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,247,248,249,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,316,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,430,431,449,450,451,452,453,472,473,474,492 +3495 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,96,97,98,99,100,101,107,108,109,117,118,119,120,127,128,129,130,139,140,141,147,148,149,150,151,161,162,163,167,168,169,170,171,183,184,185,187,188,189,190,191,192,205,206,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,271,272,273,274,275,292,293,294,295,296,297,314,315,316,318,319,320,335,336,337,338,340,341,342,357,358,359,363,364,365,379,380,381,385,386,387,401,402,403,404,407,408,409,424,425,426,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +3496 - 63,64,74,75,84,85,86,96,97,106,107,108,117,118,119,128,129,130,138,139,140,141,149,150,151,159,160,161,162,171,172,173,180,181,182,183,192,193,194,195,201,202,203,204,214,215,216,222,223,224,225,226,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,300,301,302,303,322,323,324,343,344,345,346,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,489 +3497 - 58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,119,120,121,122,123,128,129,141,142,143,148,149,150,151,162,163,164,168,169,170,171,172,185,186,187,189,190,191,192,193,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,319,320,321,336,337,338,342,343,357,358,359,364,365,379,380,381,386,387,401,402,403,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +3498 - 79,80,81,100,101,102,103,104,110,111,112,113,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,167,168,169,170,179,180,181,183,189,190,191,211,212,213,233,234,235,250,254,255,256,257,259,260,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +3499 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,104,105,119,120,121,126,127,141,142,143,149,163,164,165,168,169,170,171,186,187,189,190,191,192,208,209,210,211,212,229,230,231,232,249,250,251,252,253,254,271,272,273,274,275,276,277,292,293,294,295,297,298,314,315,316,320,321,336,337,338,341,342,343,358,359,360,363,364,365,380,381,382,385,386,387,402,403,404,407,408,424,425,426,428,429,430,447,448,449,450,451,469,470,471,472,473,493 +3500 - 52,53,54,55,56,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,123,124,125,126,127,128,129,140,141,142,162,163,164,184,185,186,206,207,208,228,229,230,250,251,252,253,254,273,274,275,276,277,296,297,298,299,319,320,321,322,342,343,344,364,365,366,386,387,388,400,408,409,410,422,423,424,425,426,427,429,430,431,432,445,446,447,448,449,450,451,452,453,470,471,472,473,474,490 +3501 - 53,54,55,56,57,58,63,64,74,75,76,77,78,79,84,85,86,96,97,98,99,104,105,106,107,118,119,125,126,127,128,140,141,145,146,147,148,162,163,164,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,229,230,231,232,250,251,252,253,272,273,274,275,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,385,386,402,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,470,471,472,473,493 +3502 - 53,54,55,65,73,74,75,76,77,78,84,85,86,87,93,94,95,96,97,98,99,100,101,106,107,108,109,114,115,116,117,118,119,120,121,122,126,127,128,129,130,131,136,137,138,139,140,141,142,146,147,148,149,150,151,152,158,159,160,166,167,168,169,170,171,172,180,181,185,186,187,188,189,190,191,192,193,202,203,204,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,270,271,272,273,274,292,293,294,295,296,297,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,358,359,360,361,363,364,365,366,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +3503 - 61,62,83,84,105,106,127,128,141,142,148,149,150,162,163,164,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,424,425,426,446,447,448,467,468,469,489 +3504 - 52,53,54,74,75,76,79,96,97,98,101,102,117,118,119,122,123,124,139,140,144,145,146,161,162,166,167,183,184,188,189,205,206,210,211,227,228,232,233,249,250,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,454,474,475,476,489 +3505 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +3506 - 94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,166,167,168,169,170,177,178,179,180,188,189,190,191,192,193,199,200,201,207,208,209,210,211,212,213,214,215,221,222,223,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,257,258,259,260,265,266,267,268,269,270,271,272,279,280,281,282,283,289,290,301,302,303,304,305,324,325,326,327,328,347,348,349,350,369,370,371,372,391,392,393,413,414,415,435,436,437,457,458,459,460,479,480,481,482,494 +3507 - 101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,170,171,172,181,182,183,184,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,467,468,469,492 +3508 - 93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,157,158,159,160,164,165,166,167,179,180,181,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,494 +3509 - 60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,162,163,167,168,169,170,184,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,422,423,424,443,444,445,465,466,467,468,486 +3510 - 58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,446,464,465,466,467,494 +3511 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,127,140,141,142,147,148,161,162,163,168,169,170,182,183,184,190,191,205,206,211,212,213,227,228,229,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,296,297,298,299,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,494 +3512 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,95,96,97,99,100,101,102,103,104,118,119,120,123,124,125,126,141,142,143,144,145,146,147,163,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,255,256,270,271,272,273,277,278,279,292,293,294,301,302,312,313,314,315,316,323,324,325,334,335,336,337,345,346,347,356,357,358,359,368,369,370,379,380,381,390,391,392,401,402,403,404,413,414,415,425,426,427,428,429,430,435,436,437,449,450,451,452,453,454,455,456,457,458,459,473,474,475,476,477,478,479,493 +3513 - 57,58,59,60,77,78,79,80,81,82,86,98,99,100,101,102,107,108,120,121,122,127,128,129,130,141,142,143,147,148,149,150,151,163,164,165,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,297,313,314,315,316,318,319,320,335,336,337,340,341,342,356,357,358,359,362,363,364,378,379,380,384,385,400,401,402,405,406,407,422,423,424,425,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +3514 - 32,33,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,174,178,179,180,181,182,183,184,192,193,194,195,196,200,201,202,203,204,214,215,216,217,218,221,222,223,224,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,323,324,325,326,327,328,331,332,333,334,335,336,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,485 +3515 - 97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,148,149,150,158,159,160,161,162,163,164,170,171,172,180,181,191,192,193,194,213,214,215,233,234,235,236,255,256,257,276,277,278,279,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +3516 - 32,33,34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,146,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,214,215,216,217,225,226,227,236,237,238,239,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,291,292,293,301,302,303,304,313,314,315,323,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +3517 - 57,58,59,60,77,78,79,80,81,82,83,86,87,98,99,100,101,102,103,107,108,109,120,121,122,128,129,130,142,143,144,148,149,150,151,164,165,166,169,170,171,172,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,382,384,385,400,401,402,403,405,406,407,422,423,424,426,427,428,444,445,446,448,449,450,466,467,468,469,470,471,493 +3518 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,476,492 +3519 - 74,75,76,77,78,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,144,145,146,147,148,161,162,163,168,169,170,183,184,185,188,189,190,191,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,471,472,473,494 +3520 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,75,76,77,96,97,98,118,119,120,140,141,142,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,316,317,318,322,323,324,338,339,340,344,345,346,360,361,362,363,366,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,429,430,431,432,491 +3521 - 33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,104,105,106,117,118,126,127,128,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,277,297,298,299,319,320,321,322,342,343,344,354,355,364,365,366,367,375,376,377,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +3522 - 68,69,70,89,90,91,92,100,101,102,111,112,113,114,115,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,231,232,233,234,247,248,249,250,252,253,254,255,256,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,474,475,476,477,492 +3523 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,95,96,101,102,103,104,124,125,126,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,230,231,232,252,253,254,255,275,276,277,297,298,299,319,320,321,322,342,343,344,364,365,366,385,386,387,388,397,398,399,400,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,488 +3524 - 54,55,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,136,137,138,139,140,141,142,150,151,152,157,158,159,160,161,162,163,178,179,180,181,182,183,184,200,201,202,203,204,205,222,223,224,225,226,232,233,234,235,236,237,244,245,246,247,248,253,254,255,256,257,258,259,260,266,267,268,269,270,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,491 +3525 - 83,84,85,86,87,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,138,139,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,182,183,184,185,186,203,204,205,225,226,227,228,247,248,249,250,251,270,271,272,273,274,275,294,295,296,297,298,317,318,319,320,340,341,342,343,362,363,364,365,383,384,385,386,403,404,405,406,407,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,490 +3526 - 54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,124,125,126,127,135,136,137,138,139,147,148,149,150,157,158,159,169,170,171,172,179,180,181,191,192,193,201,202,203,204,205,212,213,214,223,224,225,226,227,228,229,230,232,233,234,235,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,323,339,340,341,343,344,345,346,361,362,363,366,367,368,369,383,384,385,388,389,390,391,405,406,407,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,472,473,474,475,476,477,493 +3527 - 106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,183,184,185,205,206,207,227,228,229,230,250,251,252,253,273,274,275,276,296,297,298,299,319,320,321,322,342,343,344,363,364,365,366,377,378,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,490 +3528 - 99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,168,169,170,171,179,180,181,182,183,184,190,191,192,193,200,201,202,203,204,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,244,245,246,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,450,451,452,472,473,474,494 +3529 - 58,59,60,61,62,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,170,171,172,173,180,181,182,183,184,185,186,193,194,195,196,201,202,203,204,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,303,304,305,309,310,311,312,324,325,326,327,331,332,333,334,344,345,346,347,348,354,355,356,357,358,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,485 +3530 - 10,11,12,13,32,33,34,53,54,75,76,96,97,98,118,119,140,141,162,163,184,185,205,206,207,211,212,213,227,228,229,231,232,233,234,235,236,249,250,252,253,254,255,256,257,258,259,271,272,273,274,275,280,281,282,293,294,295,303,304,315,316,317,325,326,337,338,339,346,347,348,360,361,367,368,369,382,383,384,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +3531 - 112,113,114,115,116,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,236,237,238,239,240,257,258,259,260,261,262,278,279,280,281,282,283,299,300,301,302,303,304,320,321,322,323,324,325,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,467,468,469,470,471,472,492 +3532 - 74,75,76,77,78,96,97,98,99,100,101,118,119,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,384,385,406,407,428,429,449,450,451,471,472,473,486 +3533 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,147,148,149,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,207,212,213,214,215,226,227,228,233,234,235,236,247,248,249,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +3534 - 53,54,55,74,75,76,77,78,95,96,97,98,99,100,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,144,145,146,147,148,149,150,151,152,159,160,161,162,163,166,167,168,169,171,172,173,174,180,181,182,183,184,188,189,190,194,195,196,202,203,204,205,215,216,217,218,223,224,225,226,227,237,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,322,323,324,325,326,331,332,333,334,342,343,344,345,346,347,353,354,355,356,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,485 +3535 - 109,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,204,205,206,207,208,226,227,228,248,249,250,270,271,272,293,294,295,315,316,317,318,338,339,340,341,361,362,363,383,384,385,404,405,406,424,425,426,427,443,444,445,446,447,448,449,465,466,467,468,490 +3536 - 6,7,8,9,10,11,12,28,29,30,31,32,33,34,35,36,55,56,57,58,78,79,80,81,102,103,104,124,125,126,147,148,149,170,171,192,193,194,214,215,216,236,237,238,258,259,260,269,270,271,272,273,274,280,281,282,290,291,292,293,294,295,296,297,298,299,302,303,304,311,312,313,314,316,317,318,319,320,321,322,323,324,325,333,334,335,342,343,344,345,346,347,356,357,358,366,367,368,378,379,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,487 +3537 - 17,18,19,20,38,39,40,41,42,59,60,61,62,63,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,125,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,269,270,271,272,291,292,293,297,298,313,314,315,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +3538 - 83,84,93,94,95,96,97,98,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,160,168,169,170,171,189,190,191,192,211,212,213,232,233,234,253,254,255,256,275,276,277,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,361,362,363,368,369,383,384,385,405,406,426,427,428,448,449,450,451,470,471,472,473,492 +3539 - 101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,181,182,183,184,202,203,204,224,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,342,343,344,345,363,364,365,366,377,378,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,490 +3540 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,319,320,341,342,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,474,475,486 +3541 - 76,77,78,79,80,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,192,193,194,195,201,202,203,204,205,206,207,215,216,217,218,222,223,224,225,226,237,238,239,240,243,244,245,246,247,260,261,262,265,266,267,268,282,283,284,287,288,289,290,304,305,306,309,310,311,312,313,325,326,327,328,331,332,333,334,335,336,337,346,347,348,349,355,356,357,358,359,360,361,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,452,453,485 +3542 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,97,98,99,100,101,102,103,115,124,125,126,144,145,146,147,164,165,166,167,168,169,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,280,281,282,283,284,302,303,304,305,322,323,324,325,326,327,342,343,344,345,346,347,348,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,444,445,446,447,448,466,467,468,488 +3543 - 16,17,18,19,20,36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,138,139,140,141,142,159,160,161,162,163,180,181,182,183,202,203,204,205,223,224,225,226,245,246,247,248,256,257,267,268,269,276,277,278,279,280,281,289,290,291,296,297,298,299,300,301,302,303,311,312,313,314,317,318,319,320,321,322,323,324,325,326,333,334,335,336,338,339,340,341,342,346,347,348,356,357,358,359,360,361,362,368,369,370,379,380,381,382,383,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,491 +3544 - 71,72,73,74,75,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,163,164,165,166,167,168,177,178,179,180,181,182,187,188,189,190,191,200,201,202,203,204,205,210,211,212,213,214,215,216,222,223,224,225,226,227,233,234,235,236,237,238,239,244,245,246,247,248,249,250,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,350,362,368,369,370,371,372,390,391,392,393,394,412,413,414,415,416,434,435,436,437,438,456,457,458,459,460,478,479,480,481,482,494 +3545 - 60,61,82,83,84,103,104,105,106,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,382,400,401,402,403,421,422,423,424,443,444,445,465,466,467,486 +3546 - 34,35,56,57,58,78,79,80,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,430,449,450,451,486 +3547 - 77,78,84,85,99,100,105,106,107,120,121,122,127,128,129,141,142,143,148,149,150,151,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,250,254,255,256,257,269,270,271,272,273,275,276,277,278,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,466,467,468,469,489 +3548 - 75,76,82,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,138,139,140,141,142,146,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,193,202,203,204,205,206,207,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,299,300,301,312,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +3549 - 59,60,80,81,82,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,444,445,446,466,467,486 +3550 - 27,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,256,257,258,259,270,271,272,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,346,354,363,364,365,366,367,376,377,384,385,386,387,388,398,399,400,401,402,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,488 +3551 - 59,60,61,80,81,82,101,102,103,104,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,446,447,448,468,469,470,486 +3552 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,116,121,122,135,136,141,142,143,144,145,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,209,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,275,276,277,278,279,280,281,299,300,301,302,303,323,324,325,326,346,347,348,368,369,370,389,390,391,392,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +3553 - 31,32,33,53,54,55,56,75,76,77,78,79,99,100,101,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,219,232,233,234,238,239,240,241,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,333,334,335,339,340,341,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,401,402,403,404,405,487 +3554 - 32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,101,102,114,115,116,117,122,123,124,136,137,138,139,144,145,158,159,160,161,165,166,167,170,171,181,182,183,184,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,281,294,295,299,300,301,302,303,304,315,316,317,323,324,325,326,327,337,338,339,346,347,348,349,358,359,360,361,370,371,381,382,383,384,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,493 +3555 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,108,109,121,122,123,129,130,131,143,144,145,149,150,151,152,164,165,166,168,169,170,171,172,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,340,341,342,355,356,357,358,362,363,364,377,378,379,384,385,386,399,400,401,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +3556 - 90,91,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,145,146,147,167,168,169,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,407,408,428,429,430,451,452,473,474,492 +3557 - 11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,80,81,82,83,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,212,213,214,215,234,235,236,255,256,257,258,261,262,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,420,421,422,423,424,425,487 +3558 - 33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,116,117,118,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,256,257,258,259,279,280,281,301,302,303,311,323,324,325,333,334,345,346,347,355,356,365,366,367,368,369,377,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,490 +3559 - 14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,214,215,225,226,227,228,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,269,270,271,275,276,277,278,279,280,281,282,291,292,293,296,297,298,299,300,301,302,303,304,313,314,315,317,318,319,320,321,323,324,325,335,336,337,338,339,340,341,344,345,346,347,358,359,360,361,362,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +3560 - 32,33,34,54,55,56,76,77,78,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,486 +3561 - 59,60,61,81,82,83,84,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,466,467,486 +3562 - 33,34,35,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,149,159,160,161,162,163,169,170,171,172,180,181,182,183,184,192,193,194,202,203,204,205,206,214,215,216,217,223,224,225,226,227,236,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,325,326,327,328,333,334,335,336,347,348,349,350,355,356,357,358,369,370,371,372,378,379,380,381,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,485 +3563 - 131,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,225,226,227,228,247,248,249,250,251,252,271,272,273,274,275,295,296,297,298,318,319,320,340,341,342,361,362,363,382,383,384,385,399,403,404,405,406,421,422,423,424,425,426,445,446,447,490 +3564 - 27,28,29,30,48,49,50,51,52,53,70,71,72,73,74,75,76,93,94,95,96,97,98,99,116,117,118,119,120,121,122,139,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,250,251,252,253,271,272,273,274,275,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,402,487 +3565 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,144,145,146,147,148,149,150,151,158,159,160,161,162,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,189,190,191,192,193,194,195,196,197,201,202,203,204,212,213,214,215,216,217,218,219,223,224,225,226,238,239,240,241,245,246,247,248,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,342,343,344,345,346,347,348,349,354,355,356,357,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +3566 - 75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,122,123,124,125,137,138,139,140,145,146,147,159,160,161,168,169,170,180,181,182,191,192,202,203,204,213,214,215,224,225,234,235,236,237,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,315,316,317,323,324,345,346,367,368,389,390,411,412,433,434,435,455,456,457,477,478,479,494 +3567 - 34,35,36,37,38,55,56,57,58,59,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,486 +3568 - 10,11,12,13,14,32,33,34,35,36,37,54,55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,124,125,126,127,128,139,140,141,142,143,147,148,149,150,160,161,162,163,164,169,170,171,172,173,182,183,184,185,191,192,193,194,195,202,203,204,205,206,213,214,215,216,217,223,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,257,258,259,260,267,268,269,270,271,278,279,280,281,282,289,290,291,292,293,300,301,302,303,311,312,313,314,315,316,321,322,323,324,325,333,334,335,336,337,338,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,485 +3569 - 8,9,10,11,12,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,97,98,99,100,103,104,105,106,127,128,149,150,171,172,193,194,214,215,216,232,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,371,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,487 +3570 - 55,56,57,58,76,77,78,79,80,81,96,97,98,99,102,103,104,116,117,118,119,125,126,138,139,140,147,148,149,160,161,169,170,171,182,183,191,192,204,205,206,213,214,226,227,228,234,235,249,250,251,256,257,271,272,273,277,278,293,294,295,298,299,300,316,317,318,319,320,321,338,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,451,471,472,473,493 +3571 - 28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,96,102,103,104,124,125,126,145,146,147,148,166,167,168,169,170,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,278,279,280,281,282,302,303,304,325,326,347,348,355,356,357,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,488 +3572 - 6,7,8,9,10,11,27,28,29,30,48,49,50,69,70,71,91,92,93,113,114,134,135,136,156,157,158,166,167,168,169,170,171,178,179,180,186,187,188,189,190,191,192,193,194,200,201,202,207,208,209,210,215,216,217,222,223,224,228,229,230,238,239,240,244,245,246,247,251,252,261,262,267,268,269,270,273,274,283,284,290,291,292,295,296,297,305,306,313,314,315,316,317,318,319,320,321,326,327,328,335,336,337,338,339,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,491 +3573 - 52,53,61,62,63,74,75,76,83,84,85,95,96,97,98,105,106,107,116,117,118,119,126,127,128,129,138,139,140,141,149,150,151,158,159,160,161,162,170,171,172,180,181,182,183,184,192,193,194,195,202,203,204,205,213,214,215,216,224,225,226,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,321,322,323,324,333,334,335,336,344,345,346,347,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,453,454,455,475,476,477,489 +3574 - 28,29,30,31,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,91,92,93,94,98,99,100,112,113,114,115,120,121,122,134,135,136,143,144,145,156,157,165,166,167,187,188,189,209,210,211,232,233,254,255,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,388,389,390,391,392,403,404,405,406,412,413,414,415,435,436,437,438,459,460,487 +3575 - 99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,180,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,321,322,323,324,343,344,345,346,354,355,356,357,358,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,490 +3576 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,77,78,79,93,94,95,99,100,101,115,116,117,121,122,123,142,143,144,145,164,165,166,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,232,233,234,235,248,249,250,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,386,387,388,389,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +3577 - 11,32,33,34,53,54,55,56,74,75,76,77,78,94,95,96,97,98,99,115,116,117,118,119,137,138,139,140,158,159,160,179,180,181,182,189,190,191,192,193,194,201,202,203,209,210,211,212,213,214,215,216,217,218,219,223,224,225,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,251,252,253,254,262,263,267,268,269,272,273,274,275,284,285,289,290,291,292,293,294,295,296,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,386,387,388,389,491 +3578 - 7,8,9,10,11,12,29,30,31,32,33,34,35,54,55,56,57,58,77,78,79,80,101,102,103,123,124,125,145,146,147,168,169,190,191,211,212,213,233,234,235,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,388,389,390,391,392,402,403,404,412,413,414,487 +3579 - 126,127,128,129,138,139,146,147,148,149,150,151,152,157,158,159,160,161,162,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,236,237,238,239,243,244,245,246,247,248,249,250,251,257,258,259,260,278,279,280,281,299,300,301,302,303,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,407,408,409,410,429,430,431,432,450,451,452,453,471,472,473,474,492 +3580 - 87,94,95,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,179,180,181,201,202,203,222,223,224,225,244,245,246,253,254,255,256,257,266,267,268,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,324,325,326,327,332,333,334,335,336,337,347,348,349,369,370,371,383,384,391,392,393,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,436,452,453,454,455,456,490 +3581 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,127,138,139,140,141,145,146,147,148,149,160,161,162,163,164,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,291,292,293,294,299,300,301,302,313,314,315,316,322,323,324,335,336,337,344,345,346,356,357,358,366,367,368,378,379,380,386,387,388,389,390,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +3582 - 12,13,30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,96,99,100,101,102,116,117,118,120,121,122,123,124,138,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,206,207,209,210,211,231,232,233,252,253,254,255,262,274,275,276,283,284,285,295,296,297,298,305,306,317,318,319,326,327,328,334,335,336,337,338,339,340,341,347,348,349,350,355,356,357,358,359,360,361,362,363,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,429,430,431,432,433,434,487 +3583 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,143,145,146,147,148,159,160,161,168,169,170,180,181,182,190,191,202,203,204,211,212,213,224,225,226,232,233,234,235,246,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,494 +3584 - 54,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,102,103,104,116,117,118,119,120,121,122,124,125,126,138,139,140,141,143,144,146,147,159,160,161,162,163,167,168,169,181,182,183,184,189,190,191,203,204,205,208,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,278,279,280,281,292,293,294,295,302,303,313,314,315,325,326,335,336,337,347,348,357,358,359,369,370,379,380,381,390,391,392,401,402,403,404,412,413,424,425,426,427,428,429,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +3585 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,164,165,166,167,168,171,172,173,174,178,179,180,181,182,187,195,196,200,201,202,203,217,218,222,223,224,239,240,244,245,246,260,261,262,266,267,268,281,282,283,284,288,289,290,302,303,304,305,306,310,311,312,322,323,324,325,326,327,332,333,334,343,344,345,346,347,348,354,355,356,363,364,365,366,367,368,369,376,377,378,379,380,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,485 +3586 - 13,14,15,35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,491 +3587 - 55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,451,470,471,472,473,486 +3588 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,122,123,124,138,139,145,146,147,159,160,167,168,169,181,182,189,190,191,202,203,204,211,212,213,224,225,233,234,235,246,247,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,321,322,337,338,343,344,365,366,387,388,409,410,431,432,453,454,475,476,494 +3589 - 8,10,11,12,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,129,149,150,151,172,173,195,196,216,217,218,237,238,239,240,258,259,260,261,269,270,271,272,273,274,275,276,277,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,391,392,393,394,398,399,400,401,402,403,404,405,415,416,422,423,424,437,438,487 +3590 - 79,80,81,82,83,84,85,94,95,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,136,137,138,139,140,141,142,143,144,150,151,152,158,159,160,161,162,163,164,165,172,173,174,180,181,182,183,184,185,195,196,197,201,202,203,205,206,217,218,219,222,223,224,225,227,239,240,241,244,245,246,249,250,262,263,266,267,268,272,273,284,285,288,289,290,305,306,307,310,311,312,327,328,332,333,334,349,350,354,355,356,370,371,372,376,377,378,391,392,393,398,399,400,412,413,414,421,422,423,432,433,434,435,443,444,445,446,447,452,453,454,455,456,466,467,468,469,470,471,472,473,474,475,485 +3591 - 25,26,27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,97,98,99,100,101,102,122,123,124,143,144,145,146,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,277,278,279,280,281,282,303,304,325,326,347,348,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,488 +3592 - 36,37,57,58,59,79,80,81,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,208,209,210,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,381,382,383,403,404,424,425,426,446,447,486 +3593 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,187,188,209,210,231,232,248,249,253,254,270,271,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,427,428,449,450,486 +3594 - 90,91,92,93,94,95,96,97,111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,165,166,167,168,169,177,178,179,189,190,191,192,193,199,200,201,211,212,213,214,215,216,222,223,224,233,234,235,236,237,238,244,245,246,247,248,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,318,322,323,324,344,345,346,347,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,458,459,478,479,480,481,494 +3595 - 62,63,64,65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,152,161,162,163,164,165,166,167,182,183,184,185,186,187,203,204,205,206,207,225,226,227,228,247,248,249,250,251,269,270,271,272,273,274,275,292,293,294,295,296,297,298,299,317,318,319,320,321,322,342,343,344,354,355,356,365,366,376,377,378,379,380,381,382,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +3596 - 26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,99,100,101,111,112,121,122,123,142,143,144,145,163,164,165,166,183,184,185,186,187,204,205,206,207,208,209,210,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,282,300,301,302,303,304,324,325,326,327,347,348,349,350,367,368,369,370,371,372,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,488 +3597 - 10,11,12,13,14,30,31,32,33,34,35,51,52,53,54,55,56,73,74,75,76,94,95,96,97,115,116,117,118,137,138,139,159,160,161,180,181,182,190,191,192,193,194,195,202,203,204,209,210,211,212,213,214,215,216,217,218,224,225,226,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,272,273,274,275,276,283,284,285,290,291,292,294,295,296,305,306,307,313,314,315,316,317,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,491 +3598 - 78,79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +3599 - 117,118,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,206,207,208,209,210,211,212,214,215,216,217,226,227,228,229,236,237,238,257,258,259,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +3600 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,101,102,103,104,115,116,125,126,137,138,139,147,148,160,161,168,169,170,171,182,183,184,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,228,229,230,231,250,251,252,253,254,271,272,275,276,277,293,294,298,299,300,315,316,321,322,323,337,344,345,359,360,367,368,381,382,389,390,404,405,412,413,426,427,433,434,449,450,451,454,455,456,472,473,474,475,476,477,493 +3601 - 33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,106,107,117,118,128,129,138,139,140,146,147,148,161,162,163,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,302,303,313,314,315,316,322,323,324,325,334,335,336,346,347,356,357,358,367,368,369,377,378,379,380,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,493 +3602 - 36,37,38,39,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +3603 - 81,82,83,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,206,207,208,209,210,211,217,218,219,223,224,225,226,227,228,229,230,231,232,240,241,244,245,246,247,248,251,252,253,261,262,263,266,267,268,269,283,284,285,288,289,290,303,304,305,306,307,310,311,325,326,327,328,329,332,333,334,335,337,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,445,446,447,448,485 +3604 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +3605 - 36,37,38,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,447,448,449,486 +3606 - 52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,100,101,102,103,104,114,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,228,229,230,231,251,252,253,254,255,273,274,275,276,277,278,279,296,297,298,299,300,301,302,321,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +3607 - 5,6,7,8,9,10,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,124,125,126,127,128,129,130,151,152,173,174,194,195,196,216,217,218,237,238,239,240,245,246,247,248,249,250,251,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,411,412,413,414,434,435,487 +3608 - 53,54,75,76,77,96,97,98,99,103,104,118,119,120,124,125,126,139,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,212,213,214,225,226,227,228,233,234,235,247,248,249,255,256,257,268,269,270,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +3609 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,144,145,146,147,148,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,282,300,301,302,303,304,325,326,327,347,348,349,368,369,370,371,378,379,380,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,488 +3610 - 31,32,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,80,81,95,96,97,98,99,102,103,104,116,117,118,119,120,125,126,138,139,140,141,142,147,148,149,159,160,161,162,163,169,170,171,181,182,183,184,185,191,192,193,202,203,204,205,206,213,214,215,224,225,226,227,235,236,237,238,245,246,247,248,249,257,258,259,267,268,269,270,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,325,333,334,335,336,342,343,344,345,346,347,356,357,358,363,364,365,366,367,368,378,379,380,381,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,448,449,450,451,452,485 +3611 - 51,52,53,73,74,75,84,94,95,96,97,105,106,107,116,117,118,119,127,128,129,137,138,139,140,149,150,151,158,159,160,161,171,172,173,179,180,181,182,193,194,195,200,201,202,203,204,214,215,216,222,223,224,225,226,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,321,322,323,324,325,344,345,346,347,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,452,453,454,474,475,476,489 +3612 - 8,9,10,11,29,30,31,32,33,34,51,52,53,54,55,56,59,60,72,73,74,75,76,77,78,81,82,83,94,95,96,97,104,105,115,116,117,118,119,126,127,128,129,137,138,139,140,141,148,149,150,151,159,160,161,162,163,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,206,214,215,216,217,218,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,271,279,280,281,282,283,284,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,321,322,323,324,325,326,327,333,334,335,336,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,425,426,428,429,485 +3613 - 86,87,104,105,106,107,108,109,121,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,224,225,226,227,228,246,247,248,249,250,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,319,320,321,322,333,343,344,355,356,357,358,359,360,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,490 +3614 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,144,145,146,147,148,149,159,160,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,295,296,297,298,299,300,301,318,319,320,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,370,379,380,381,382,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +3615 - 11,12,30,31,32,33,34,35,52,53,54,55,56,72,73,74,75,76,93,94,95,96,97,114,115,116,117,135,136,137,138,157,158,159,170,171,172,173,178,179,180,189,190,191,192,193,194,195,200,201,209,210,211,212,213,214,215,216,217,218,222,223,230,231,232,233,234,235,236,239,240,241,244,245,252,253,254,261,262,263,266,267,268,269,273,274,275,283,284,285,288,289,290,291,292,293,294,295,296,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,383,385,386,387,388,491 +3616 - 52,53,54,55,56,57,58,59,60,61,62,63,64,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,92,93,94,95,96,97,98,99,108,109,113,114,115,116,117,129,130,135,136,137,138,149,150,151,152,158,159,160,161,168,169,170,171,172,173,180,181,182,183,184,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,324,336,337,338,339,340,344,345,346,347,358,359,360,361,367,368,369,380,381,382,390,391,401,402,403,404,411,412,413,424,425,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +3617 - 113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,321,322,323,324,341,342,343,344,345,363,364,365,366,385,386,387,405,406,407,408,427,428,429,430,449,450,451,469,470,471,472,473,492 +3618 - 89,90,91,92,111,112,113,114,115,134,135,136,137,138,139,140,141,142,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,209,210,211,212,213,214,215,216,217,223,224,225,226,234,235,236,237,238,245,246,247,255,256,257,258,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,473,474,475,476,492 +3619 - 32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,105,106,116,117,118,128,129,138,139,150,151,160,161,162,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,204,205,206,207,208,209,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,321,322,323,333,334,335,336,343,344,345,355,356,357,365,366,367,377,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,493 +3620 - 122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,190,191,192,193,199,200,201,202,203,204,205,206,207,212,213,214,215,234,235,236,237,256,257,258,278,279,280,300,301,302,322,323,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,474,475,476,492 +3621 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,167,168,169,170,182,183,184,189,190,191,204,205,210,211,212,213,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,425,426,427,447,448,449,468,469,470,494 +3622 - 52,53,54,55,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,144,145,146,147,148,149,150,151,157,158,159,167,168,169,170,171,172,173,174,178,179,180,181,192,193,194,195,196,200,201,202,203,216,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,314,324,325,326,327,328,333,334,335,336,337,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,485 +3623 - 11,12,13,14,15,32,33,34,35,36,53,54,55,56,57,74,75,76,77,78,94,95,96,97,98,115,116,117,118,119,136,137,138,139,140,141,158,159,160,161,179,180,181,182,192,193,194,195,196,201,202,203,204,212,213,214,215,216,217,218,219,223,224,225,233,234,235,236,237,238,239,240,241,245,246,247,254,255,256,257,258,259,260,261,262,263,267,268,269,275,276,277,278,279,284,285,289,290,291,296,297,298,299,300,304,305,306,307,311,312,313,314,317,318,319,320,321,322,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,491 +3624 - 75,76,77,97,98,99,117,118,119,120,127,128,138,139,140,141,142,148,149,150,160,161,162,163,170,171,172,181,182,183,184,191,192,193,194,203,204,205,212,213,214,215,224,225,226,227,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,473,474,489 +3625 - 60,61,62,72,73,82,83,84,93,94,95,103,104,105,106,115,116,117,125,126,127,137,138,139,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,212,213,214,223,224,225,226,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +3626 - 50,51,52,53,73,74,75,76,77,96,97,98,99,100,101,121,122,123,124,144,145,146,167,168,189,190,211,212,231,232,233,234,250,251,252,253,254,255,272,273,274,275,294,295,316,317,318,339,340,341,361,362,363,364,385,386,387,407,408,409,429,430,431,450,451,452,453,470,471,472,473,474,488 +3627 - 31,32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,106,107,108,116,117,118,119,120,128,129,130,138,139,140,141,150,151,152,171,172,173,193,194,195,214,215,216,217,236,237,238,249,250,251,252,253,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,340,341,342,343,344,345,346,354,355,356,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,389,390,391,397,398,399,400,401,402,403,404,405,406,412,419,420,421,422,423,424,425,426,442,443,444,445,446,447,487 +3628 - 35,36,37,38,56,57,58,59,60,78,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,364,383,384,385,386,405,406,407,408,428,429,430,431,450,451,452,453,486 +3629 - 10,11,12,13,31,32,33,34,35,52,53,54,55,74,75,76,95,96,97,117,118,137,138,139,140,159,160,161,180,181,182,191,193,194,202,203,204,211,212,213,214,215,216,217,224,225,231,232,233,234,235,236,237,238,239,240,246,247,252,253,254,255,256,257,258,259,260,261,262,267,268,269,273,274,275,276,277,282,283,284,289,290,291,295,296,297,298,303,304,305,306,311,312,313,314,316,317,318,319,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,491 +3630 - 82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,170,171,172,173,174,175,182,183,184,185,186,187,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,358,361,362,363,377,378,379,380,382,383,384,385,399,400,401,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,470,471,493 +3631 - 62,63,64,84,85,86,97,105,106,107,118,119,127,128,129,139,140,141,148,149,150,160,161,162,163,170,171,172,182,183,184,185,192,193,203,204,205,206,213,214,215,225,226,227,235,236,237,246,247,248,249,256,257,258,267,268,269,270,271,272,273,274,278,279,280,289,290,291,292,293,294,295,296,297,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,474,475,489 +3632 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,99,100,101,102,103,104,114,115,116,117,122,124,125,126,127,135,136,137,138,143,144,147,148,149,150,157,158,159,160,170,171,172,173,179,180,181,193,194,195,200,201,202,203,215,216,217,218,222,223,224,238,239,240,244,245,246,260,261,262,263,266,267,268,282,283,284,285,288,289,290,291,305,306,307,311,312,313,327,328,329,333,334,335,336,348,349,350,351,355,356,357,358,369,370,371,372,378,379,380,381,382,383,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,485 +3633 - 149,150,151,152,156,157,158,159,160,161,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,215,216,217,221,222,223,224,225,226,227,228,229,230,236,237,238,239,243,244,245,246,247,257,258,259,260,261,278,279,280,281,300,301,302,303,321,322,323,324,343,344,345,346,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +3634 - 77,78,79,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,163,164,165,185,186,187,207,208,229,230,251,252,253,273,274,275,295,296,297,317,318,319,338,339,340,360,361,362,382,383,403,404,405,424,425,426,427,444,445,446,447,448,466,467,468,469,470,490 +3635 - 38,39,40,41,42,43,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,344,345,346,364,365,366,367,368,376,377,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,490 +3636 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,136,137,138,139,142,143,144,145,146,158,159,160,164,165,166,167,180,181,186,187,188,189,202,203,208,209,210,211,224,225,229,230,231,232,233,234,246,247,248,250,251,252,253,254,255,256,268,269,270,271,272,273,274,276,277,278,291,292,293,294,295,298,299,300,301,314,321,322,323,343,344,345,346,366,367,368,388,389,390,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,494 +3637 - 40,41,42,43,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,120,121,122,123,124,141,142,143,144,145,161,162,163,164,165,166,181,182,183,184,185,186,203,204,205,206,225,226,227,228,229,230,247,248,249,250,251,252,253,254,271,272,273,274,275,276,277,296,297,298,299,300,320,321,322,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,490 +3638 - 27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,94,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,205,206,207,209,210,211,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,278,279,280,281,294,295,301,302,303,323,324,325,345,346,347,366,367,368,369,378,379,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,490 +3639 - 60,61,62,82,83,84,104,105,117,118,125,126,127,138,139,140,141,146,147,148,149,160,161,162,169,170,171,180,181,182,183,190,191,192,202,203,204,211,212,213,224,225,226,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,320,321,322,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,471,472,473,489 +3640 - 69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,145,146,147,148,149,150,170,171,172,193,194,214,215,216,235,236,237,238,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,492 +3641 - 100,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,191,192,193,199,200,201,202,203,204,205,206,207,208,209,213,214,215,222,223,224,226,227,228,229,230,231,235,236,237,256,257,258,259,277,278,279,280,281,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +3642 - 8,9,10,11,12,29,30,31,32,33,34,35,51,52,53,54,55,56,57,73,74,77,78,79,80,100,101,102,122,123,124,144,145,146,167,168,188,189,190,210,211,212,227,228,229,230,232,233,234,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,319,320,321,322,323,324,325,326,335,336,337,341,342,343,344,345,346,347,357,358,359,360,362,363,364,380,381,382,383,384,385,386,403,404,405,406,407,426,427,428,487 +3643 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,139,140,141,145,146,147,148,161,162,163,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,298,299,300,301,314,315,316,321,322,323,324,336,337,338,344,345,346,358,359,360,366,367,368,380,381,382,383,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +3644 - 57,58,59,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,335,336,337,338,341,342,343,344,358,359,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,474,475,486 +3645 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,167,168,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,244,245,246,247,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,455,473,474,475,476,494 +3646 - 13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,117,118,119,138,139,140,159,160,161,181,182,191,192,193,202,203,204,211,212,213,214,215,216,223,224,225,226,231,232,233,234,235,236,237,238,239,245,246,247,252,253,254,255,257,259,260,261,262,267,268,269,273,274,275,276,282,283,284,289,290,291,295,296,297,303,304,305,311,312,313,314,316,317,318,325,326,327,335,336,337,339,340,347,348,357,358,359,360,361,362,363,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,491 +3647 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,107,127,128,129,130,149,150,151,152,171,172,173,174,193,194,195,214,215,216,217,235,236,237,238,256,257,258,259,267,269,270,271,272,273,274,275,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,387,388,389,390,391,397,398,399,400,401,402,403,404,409,410,411,412,413,414,419,420,421,422,423,424,425,433,434,435,436,487 +3648 - 16,17,18,19,20,34,35,36,37,38,39,40,54,55,56,57,58,59,60,75,76,77,78,79,80,97,98,99,118,119,120,140,141,142,162,163,183,184,185,205,206,207,228,229,250,251,252,273,274,275,295,296,297,298,299,300,319,320,321,322,323,342,343,344,345,346,355,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,490 +3649 - 98,99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,168,169,183,184,189,190,204,205,206,211,212,213,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,299,300,320,321,322,342,343,364,365,385,386,387,407,408,409,429,430,451,452,473,474,494 +3650 - 9,10,11,12,30,31,32,33,34,52,53,54,55,74,75,76,77,95,96,97,98,117,118,119,120,139,140,141,142,161,162,163,164,182,183,184,185,186,204,205,206,207,208,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,302,303,304,315,316,317,318,319,320,323,324,325,326,338,339,340,341,342,345,346,347,348,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,491 +3651 - 27,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,103,104,105,106,125,126,127,128,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,304,324,325,326,345,346,347,348,353,354,355,356,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,488 +3652 - 50,51,52,58,72,73,74,80,81,94,95,102,103,116,117,124,125,138,139,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,192,193,194,203,204,205,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,489 +3653 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,148,149,150,158,159,160,161,162,163,170,171,172,180,181,182,183,184,192,193,194,201,202,203,204,213,214,215,216,222,223,224,225,234,235,236,237,238,244,245,246,255,256,257,258,259,266,267,268,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,344,345,346,347,359,360,366,367,368,388,389,390,409,410,411,431,432,433,452,453,454,455,474,475,476,477,494 +3654 - 13,14,15,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,125,126,140,141,142,143,161,162,163,164,183,184,185,204,205,206,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,301,302,303,313,314,315,316,317,324,325,335,336,337,338,339,345,346,347,358,359,360,361,362,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +3655 - 49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,297,298,299,300,301,321,322,323,324,344,345,346,366,367,368,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +3656 - 52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,122,123,124,125,126,134,135,136,143,144,145,146,147,157,164,165,166,167,168,185,186,187,188,189,206,207,208,209,227,228,229,230,249,250,251,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,325,326,343,344,345,346,347,348,349,369,370,371,391,392,393,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,467,468,469,470,471,472,473,474,488 +3657 - 53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,147,148,149,150,151,158,159,160,161,169,170,171,172,179,180,181,182,183,184,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,343,344,345,346,358,359,360,361,366,367,368,369,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,476,493 +3658 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,107,108,109,117,118,119,120,121,123,124,128,129,130,131,140,141,142,143,144,148,149,150,151,152,153,164,165,166,167,169,170,171,172,173,174,186,187,188,189,190,191,192,193,194,209,210,211,212,213,214,215,230,231,232,233,234,235,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,298,299,300,301,313,314,315,316,320,321,322,334,335,336,337,342,343,344,355,356,357,358,364,365,366,377,378,379,386,387,388,399,400,401,407,408,409,410,421,422,423,424,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +3659 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,127,128,129,149,150,151,171,172,173,192,193,194,195,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,389,390,391,392,396,397,398,399,400,401,402,403,411,412,413,414,415,419,420,421,422,434,435,436,437,457,458,459,487 +3660 - 8,9,10,11,12,13,14,15,29,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,81,82,83,84,103,104,105,106,126,127,128,148,149,150,170,171,172,191,192,193,194,213,214,215,216,227,228,234,235,236,237,246,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,294,295,296,297,298,299,300,301,310,311,312,319,320,321,322,323,332,333,334,340,341,342,343,344,345,346,354,355,356,360,361,362,363,364,366,367,368,369,370,371,372,373,376,377,378,381,382,383,384,385,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,413,414,415,416,421,422,423,424,425,426,487 +3661 - 36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,150,151,152,157,158,159,160,161,162,163,172,173,174,178,179,180,181,182,183,194,195,196,200,201,202,203,204,216,217,218,221,222,223,224,238,239,240,243,244,245,246,260,261,262,265,266,267,281,282,283,284,287,288,289,303,304,305,306,309,310,311,324,325,326,327,328,331,332,333,345,346,347,348,349,353,354,355,356,362,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,449,485 +3662 - 76,77,78,79,80,98,99,101,102,119,120,122,123,124,141,142,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,232,233,253,254,255,275,276,297,298,319,320,341,342,362,363,364,384,385,406,407,428,429,449,450,471,472,494 +3663 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,147,159,160,161,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +3664 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,126,127,128,138,139,140,147,148,149,150,151,160,161,168,169,170,171,172,173,182,183,184,189,190,191,194,204,205,206,209,210,211,212,227,228,229,230,231,232,250,251,252,253,272,273,274,275,293,294,295,296,297,298,314,315,316,319,320,321,336,337,342,343,358,359,364,365,366,380,381,382,386,387,388,402,403,404,408,409,410,425,426,427,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,476,493 +3665 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,116,117,118,119,125,126,127,138,139,140,146,147,148,149,161,162,163,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,297,298,299,300,301,313,314,315,316,321,322,323,324,335,336,337,338,344,345,346,357,358,359,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +3666 - 59,60,61,75,76,77,80,81,82,97,98,99,102,103,104,118,119,120,124,125,126,140,141,142,146,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,205,206,207,211,212,213,226,227,228,229,233,234,235,247,248,249,250,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,320,321,322,335,336,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +3667 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,190,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,228,236,237,238,247,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,326,335,336,337,344,345,346,347,357,358,359,364,365,366,367,368,369,379,380,381,382,386,387,388,389,391,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,446,447,448,449,450,451,469,470,471,472,473,474,485 +3668 - 55,56,76,77,78,79,97,98,99,100,109,117,118,119,120,121,122,130,131,139,140,141,142,143,151,152,153,159,160,161,162,163,164,171,172,173,174,175,180,181,182,183,184,192,193,194,195,196,197,202,203,204,205,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,468,469,470,489 +3669 - 84,85,86,87,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,182,183,184,185,186,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,277,278,279,300,301,322,323,343,344,345,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,448,449,450,490 +3670 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,100,101,102,103,112,113,114,115,124,125,134,135,145,146,147,166,167,168,169,187,188,189,190,207,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,338,339,346,347,358,359,360,368,369,380,381,382,389,390,391,402,403,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +3671 - 3,12,13,33,34,35,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,190,191,192,193,194,195,196,197,202,203,204,205,211,212,213,214,215,216,217,218,219,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,251,252,253,254,255,256,257,258,259,260,262,263,267,268,269,270,273,274,275,276,284,285,289,290,291,294,295,296,297,305,306,307,311,312,313,316,317,318,319,326,327,328,333,334,335,336,338,339,340,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,409,426,427,428,429,491 +3672 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,124,125,126,127,134,135,136,137,138,146,147,148,149,156,157,158,159,168,169,170,171,178,179,180,189,190,191,192,193,200,201,202,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,368,369,370,371,381,382,383,384,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,487 +3673 - 57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,251,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,303,304,305,311,312,313,325,326,333,334,335,346,347,348,355,356,357,367,368,369,370,377,378,379,388,389,390,391,392,399,400,401,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,474,485 +3674 - 47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,95,96,97,98,99,100,101,102,120,121,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,274,275,276,277,297,298,299,300,320,321,322,323,343,344,345,365,366,367,387,388,389,404,405,409,410,411,426,427,428,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +3675 - 34,35,55,56,57,77,78,79,80,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +3676 - 92,93,94,95,96,97,114,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,158,159,160,161,162,163,164,165,183,184,185,186,187,204,205,206,207,208,209,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,256,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,487 +3677 - 55,56,57,58,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,167,168,169,170,171,172,173,174,180,181,182,183,189,190,191,192,193,194,195,196,197,201,202,203,204,205,211,212,213,216,217,218,219,223,224,225,226,234,235,239,240,241,245,246,247,261,262,263,267,268,269,283,284,285,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,368,370,371,376,377,378,379,380,381,382,383,386,388,389,390,391,392,393,399,400,401,402,403,404,405,408,409,410,413,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,448,449,450,451,452,472,473,485 +3678 - 77,78,79,80,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,207,210,211,212,213,226,227,228,232,233,234,235,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +3679 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,149,150,151,171,172,173,193,194,195,215,216,217,236,237,238,258,259,260,269,272,273,274,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,317,318,319,320,321,322,323,324,331,332,333,334,335,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,389,390,391,392,398,399,400,401,402,403,404,405,412,413,419,421,422,423,424,425,426,427,441,442,443,444,445,446,447,487 +3680 - 27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,315,316,317,318,319,336,337,338,339,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,487 +3681 - 63,64,65,83,84,85,86,87,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,183,184,185,186,203,204,205,206,207,224,225,226,227,228,246,247,248,249,267,268,269,270,271,272,273,289,290,291,292,293,294,295,296,297,298,313,316,317,318,319,320,341,342,343,363,364,365,377,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,447,448,450,490 +3682 - 71,72,73,92,93,94,95,101,102,103,104,105,106,107,108,109,114,115,116,120,121,122,123,124,125,126,127,128,129,130,131,136,137,140,141,142,143,144,145,146,157,158,159,161,162,163,164,165,179,180,181,183,184,187,188,189,190,191,192,201,202,203,207,208,209,210,211,212,213,214,215,222,223,224,228,229,230,235,236,237,244,245,246,249,250,251,258,259,260,266,267,268,269,270,271,280,281,282,288,289,290,291,292,302,303,304,310,311,312,313,324,325,326,346,347,348,368,369,370,389,390,391,411,412,413,432,433,434,453,454,455,472,473,474,475,476,477,490 +3683 - 51,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,104,105,113,114,115,116,117,118,125,126,127,136,137,138,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,256,257,258,259,273,280,281,282,303,304,325,326,346,347,348,366,367,368,369,370,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +3684 - 51,52,53,54,55,71,72,73,74,75,76,77,78,91,92,93,94,99,100,113,114,115,121,122,135,136,143,144,164,165,166,185,186,187,205,206,207,208,209,210,227,228,229,230,231,232,233,254,255,256,257,277,278,279,300,301,302,322,323,324,345,346,367,368,389,390,411,412,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +3685 - 40,41,42,43,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,228,229,230,248,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,300,301,302,324,325,346,365,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,490 +3686 - 34,35,56,57,58,78,79,80,93,94,95,100,101,102,103,115,116,117,122,123,124,125,137,138,139,145,146,147,159,160,161,162,167,168,169,181,182,183,184,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,246,247,248,249,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,489 +3687 - 29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,104,105,124,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,302,303,304,324,325,326,345,346,347,348,365,366,367,368,369,370,377,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +3688 - 99,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,171,172,173,174,175,178,179,180,181,182,183,184,194,195,196,197,204,205,206,207,215,216,217,218,219,227,228,229,230,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,342,343,356,357,358,359,364,365,378,379,380,385,386,387,401,402,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,469,470,493 +3689 - 52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,125,126,127,128,137,138,139,147,148,149,150,158,159,160,161,168,169,170,171,172,181,182,183,184,189,190,191,192,193,203,204,205,206,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,325,326,334,335,336,337,347,348,356,357,358,368,369,370,378,379,380,390,391,392,400,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,493 +3690 - 69,70,71,72,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,147,148,149,150,151,158,159,160,161,170,171,172,173,180,181,182,183,184,192,193,194,195,203,204,205,206,207,213,214,215,216,217,225,226,227,228,229,233,234,235,236,237,238,248,249,250,251,252,254,255,256,257,258,259,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,385,386,387,388,402,403,404,408,409,410,411,424,425,426,427,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,478,493 +3691 - 76,77,78,79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,186,187,188,189,190,191,192,193,201,202,203,204,205,209,210,211,212,213,214,215,216,223,224,225,226,235,236,237,238,244,245,246,247,258,259,260,261,266,267,268,281,282,283,288,289,290,303,304,305,310,311,325,326,327,332,333,347,348,349,354,355,369,370,371,376,377,390,391,392,398,399,400,411,412,413,414,420,421,422,428,432,433,434,435,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,485 +3692 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,139,140,141,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,474,492 +3693 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,193,194,195,196,201,202,203,204,209,210,216,217,218,222,223,224,225,230,231,239,240,244,245,246,252,253,261,262,265,266,267,283,284,287,288,289,305,306,309,310,311,327,328,331,332,333,348,349,350,353,354,355,369,370,371,372,375,376,377,389,390,391,392,397,398,399,400,401,402,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,452,453,469,470,471,485 +3694 - 29,30,31,32,50,51,52,53,54,71,72,73,74,75,83,93,94,95,96,97,102,103,104,105,106,114,115,116,117,118,125,126,127,128,129,135,136,137,138,139,140,147,148,149,150,151,157,158,159,160,161,169,170,171,172,173,178,179,180,181,182,191,192,193,194,200,201,202,203,204,213,214,215,216,222,223,224,225,226,234,235,236,237,238,244,245,246,247,256,257,258,259,260,266,267,268,269,274,275,276,277,278,279,280,281,282,288,289,290,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,342,344,345,346,347,357,358,359,366,367,368,369,388,389,390,391,392,410,411,412,413,414,433,434,435,436,437,455,456,457,458,459,489 +3695 - 41,42,43,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,256,257,269,270,272,273,274,275,276,277,278,279,280,299,300,301,302,303,323,324,325,344,345,346,347,365,366,367,368,376,377,378,379,380,381,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,490 +3696 - 74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,185,186,188,189,190,210,211,212,232,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,428,429,450,451,452,453,454,472,473,474,475,494 +3697 - 59,60,61,76,77,81,82,83,97,98,99,103,104,105,118,119,120,125,126,127,139,140,141,142,147,148,161,162,163,168,169,170,182,183,184,190,191,192,203,204,205,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,489 +3698 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,164,165,169,170,171,172,173,174,179,180,181,182,183,193,194,195,196,201,202,203,204,215,216,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,289,290,291,292,304,305,306,307,311,312,313,314,326,327,328,329,333,334,335,336,347,348,349,350,351,355,356,357,358,359,368,369,370,371,372,373,377,378,379,380,381,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,485 +3699 - 27,28,29,30,31,32,33,34,35,36,37,38,39,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,77,78,79,80,81,82,83,93,94,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,293,298,299,300,301,302,303,304,324,325,326,333,334,346,347,348,355,356,357,367,368,369,370,377,378,379,380,381,382,383,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +3700 - 10,11,32,33,34,53,54,55,56,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,121,138,139,140,141,142,149,150,151,159,160,161,162,163,169,170,171,172,173,174,181,182,183,184,185,190,191,192,193,194,195,196,197,203,204,205,210,211,212,213,214,215,216,217,218,219,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,251,252,253,254,255,256,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,300,301,302,303,304,312,313,314,315,316,317,318,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,491 +3701 - 50,51,52,72,73,74,75,82,83,94,95,96,103,104,105,116,117,118,125,126,127,138,139,140,147,148,149,160,161,162,169,170,171,181,182,183,191,192,193,202,203,204,205,213,214,215,223,224,225,226,227,235,236,237,245,246,247,248,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,344,345,346,347,366,367,368,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,489 +3702 - 32,33,53,54,55,56,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,171,172,182,183,184,193,194,195,203,204,205,206,215,216,217,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,280,281,282,283,290,291,292,301,302,303,304,305,312,313,314,323,324,325,326,334,335,336,343,344,345,346,347,348,356,357,364,365,366,367,368,369,378,379,380,381,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +3703 - 56,57,58,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,486 +3704 - 71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,143,144,145,146,147,156,157,158,159,167,168,169,170,171,172,178,179,180,181,189,190,191,192,193,194,200,201,202,203,212,213,214,215,216,222,223,224,225,234,235,236,237,238,245,246,247,248,257,258,259,260,268,269,270,271,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,494 +3705 - 41,42,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,139,140,141,142,143,144,161,162,163,164,183,184,185,204,205,206,207,226,227,228,248,249,250,251,252,253,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,319,320,321,322,323,332,343,344,345,354,355,365,366,367,376,377,378,379,380,381,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +3706 - 8,9,10,11,12,29,30,31,32,33,34,51,52,53,55,56,73,74,75,94,95,96,97,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,213,214,215,226,227,228,233,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,261,270,271,272,273,275,276,277,278,279,281,282,283,292,293,294,295,297,298,299,303,304,305,315,316,317,318,319,320,325,326,327,337,338,339,340,341,342,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +3707 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,100,101,102,103,104,105,106,125,126,127,128,148,149,150,151,168,169,170,171,172,173,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,353,354,364,365,366,367,374,375,376,377,378,379,380,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +3708 - 50,51,72,73,82,83,94,95,104,105,115,116,117,125,126,137,138,139,147,148,159,160,168,169,170,181,182,190,191,202,203,204,211,212,213,215,224,225,226,233,234,235,236,237,246,247,248,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +3709 - 35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,130,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,191,192,193,194,201,202,203,204,205,206,214,215,216,223,224,225,226,236,237,238,245,246,247,248,259,260,261,266,267,268,269,281,282,283,288,289,290,303,304,305,309,310,311,312,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,444,445,446,449,450,485 +3710 - 24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,95,97,98,99,100,101,102,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,386,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,459,487 +3711 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,124,125,126,137,138,139,146,147,148,159,160,161,162,168,169,170,181,182,183,184,185,186,189,190,191,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,300,301,302,303,304,314,315,316,317,324,325,326,335,336,337,338,347,348,357,358,359,368,369,370,379,380,381,382,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,493 +3712 - 49,50,51,52,53,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,114,115,120,121,122,123,124,143,144,145,146,166,167,168,169,189,190,191,211,212,213,233,234,235,249,250,251,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,313,314,315,318,319,320,321,322,335,336,337,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,402,403,404,405,409,410,411,412,432,433,434,455,456,457,478,479,480,487 +3713 - 32,33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,126,127,128,147,148,149,168,169,170,171,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,299,300,301,302,323,324,333,334,345,346,355,356,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +3714 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,486 +3715 - 36,37,38,56,57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,193,194,195,196,201,202,203,204,205,206,207,208,216,217,218,223,224,225,226,238,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,288,289,303,304,305,306,309,310,311,324,325,326,327,331,332,333,345,346,347,348,353,354,355,362,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,485 +3716 - 35,36,37,57,58,59,79,80,81,101,102,103,104,123,124,125,126,141,142,143,145,146,147,148,162,163,164,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,211,212,213,214,226,227,228,229,233,234,235,236,246,247,248,249,250,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,489 +3717 - 55,56,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,159,160,161,181,182,183,192,193,194,202,203,204,212,213,214,215,216,217,218,223,224,225,232,233,234,235,236,237,238,239,240,241,244,245,246,252,253,254,255,256,262,263,266,267,268,273,274,275,276,283,284,285,288,289,294,295,296,303,304,305,310,311,312,313,315,316,317,319,320,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,491 +3718 - 89,90,91,92,93,94,95,96,111,112,113,114,115,116,117,118,119,120,121,122,123,139,140,141,142,143,144,145,146,167,168,169,189,190,191,211,212,213,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,492 +3719 - 56,57,58,59,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,171,172,173,174,194,195,196,216,217,218,237,238,239,240,259,260,261,279,280,281,282,301,302,303,304,321,322,323,324,325,342,343,344,345,346,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,455,463,464,465,487 +3720 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,213,214,215,224,225,226,227,228,229,230,231,232,233,235,236,237,238,245,246,247,248,249,250,251,252,253,257,258,259,260,267,268,269,270,271,272,273,274,279,280,281,290,291,292,293,294,295,300,301,302,303,313,314,315,322,323,324,325,335,336,337,343,344,345,346,347,357,358,359,365,366,367,368,379,380,381,386,387,388,389,390,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +3721 - 115,116,128,129,130,136,137,138,139,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,214,215,216,217,221,222,223,224,225,226,227,236,237,238,257,258,259,278,279,280,281,299,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,469,470,471,472,492 +3722 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,100,101,102,103,116,117,118,123,124,125,138,139,140,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,316,317,318,319,320,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,387,388,389,390,391,392,393,394,395,399,400,401,402,403,421,422,423,424,443,444,487 +3723 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,486 +3724 - 97,98,99,100,118,119,120,121,122,138,139,140,141,142,159,160,161,162,163,172,173,174,175,180,181,182,183,184,193,194,195,196,197,202,203,204,205,214,215,216,217,218,223,224,225,226,236,237,238,239,244,245,246,247,257,258,259,260,266,267,268,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,343,344,345,346,365,366,367,387,388,389,409,410,431,432,453,454,475,476,489 +3725 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +3726 - 10,11,12,13,32,33,34,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,227,228,229,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,302,303,304,314,315,316,324,325,326,336,337,338,339,346,347,348,358,359,360,361,362,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +3727 - 56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,105,106,107,108,109,117,118,119,120,121,126,127,128,129,130,139,140,141,147,148,149,150,160,161,162,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,210,211,212,213,214,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,312,313,314,315,316,318,319,320,321,322,323,333,334,335,336,343,344,345,346,355,356,357,366,367,368,376,377,378,388,389,390,398,399,400,409,410,411,420,421,422,423,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,493 +3728 - 94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,141,142,143,144,145,146,147,167,168,169,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,319,320,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,470,471,472,492 +3729 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +3730 - 53,54,55,56,57,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,100,101,102,104,105,113,114,115,116,117,123,124,125,126,127,134,135,136,137,138,144,145,146,147,148,155,156,157,158,166,167,168,177,178,179,187,188,189,199,200,201,209,210,211,221,222,223,224,225,230,231,232,233,244,245,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,304,318,319,320,322,323,324,325,326,327,340,341,347,348,349,350,370,371,372,386,387,391,392,393,394,408,409,410,413,414,415,416,431,432,433,434,435,436,437,453,454,455,456,457,458,477,478,479,493 +3731 - 104,105,106,107,108,116,117,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,171,172,173,179,180,181,182,183,184,185,186,192,193,194,195,200,201,202,203,204,205,214,215,216,221,222,223,224,225,235,236,237,238,243,244,245,246,257,258,259,260,265,266,267,278,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +3732 - 31,32,53,54,60,61,74,75,76,82,83,96,97,103,104,105,117,118,119,125,126,139,140,141,146,147,148,160,161,162,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,232,233,234,248,249,250,254,255,256,270,271,272,275,276,277,278,282,292,293,294,295,297,298,299,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,362,363,364,365,383,384,385,405,406,407,427,428,429,449,450,451,489 +3733 - 58,59,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,448,467,468,469,486 +3734 - 29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,81,82,83,84,85,92,93,94,105,106,107,108,113,114,115,128,129,130,135,136,137,151,152,157,158,159,173,174,178,179,180,195,196,197,200,201,202,217,218,219,222,223,224,239,240,241,244,245,246,261,262,266,267,282,283,284,288,289,303,304,305,306,310,311,312,325,326,327,332,333,334,346,347,348,354,355,356,357,367,368,369,370,377,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +3735 - 52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,118,127,128,129,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,278,279,280,281,300,301,302,323,324,345,346,347,352,353,366,367,374,375,376,387,388,389,396,397,398,399,400,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,488 +3736 - 10,11,12,13,32,33,34,53,54,55,56,75,76,77,97,98,99,119,120,140,141,142,162,163,164,184,185,186,205,206,207,208,227,228,229,233,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,303,315,316,317,323,324,325,338,339,340,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +3737 - 57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,128,129,130,138,139,140,148,149,150,151,152,160,161,169,170,171,172,182,183,190,191,192,193,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,312,313,314,315,319,320,321,322,333,334,335,336,342,343,344,345,354,355,356,365,366,367,376,377,387,388,389,398,399,409,410,420,421,422,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,493 +3738 - 49,50,51,52,70,71,72,73,74,91,92,93,94,95,113,114,115,116,135,136,137,138,150,151,152,157,158,159,160,171,172,173,174,179,180,181,182,193,194,195,196,201,202,203,204,215,216,217,223,224,225,226,227,228,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,279,280,281,282,283,294,295,298,302,303,304,323,324,325,326,345,346,347,366,367,368,369,388,389,390,391,410,411,412,433,434,435,455,456,457,478,479,489 +3739 - 30,31,32,40,41,52,53,54,61,62,63,73,74,75,76,82,83,84,85,94,95,96,97,104,105,106,116,117,118,119,126,127,128,137,138,139,140,148,149,150,159,160,161,170,171,172,180,181,182,183,192,193,194,201,202,203,204,214,215,216,222,223,224,225,235,236,237,238,244,245,246,247,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,453,454,455,489 +3740 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,120,121,122,123,135,136,137,142,143,144,156,157,158,163,164,165,166,167,179,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,250,251,258,259,260,280,281,282,283,303,304,305,325,326,327,346,347,348,349,359,360,361,368,369,370,371,380,381,382,389,390,391,392,402,403,404,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,488 +3741 - 10,11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,147,148,149,169,170,171,192,193,214,215,235,236,237,256,257,258,259,270,271,272,273,276,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,410,411,412,413,421,422,423,424,425,426,427,432,433,434,487 +3742 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,100,101,102,103,104,105,114,115,116,117,118,124,125,126,127,128,136,137,138,139,147,148,149,150,158,159,160,169,170,171,172,173,180,181,182,190,191,192,193,194,195,202,203,204,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,280,281,282,283,302,303,304,305,324,325,326,327,335,336,345,346,347,348,349,356,357,358,359,366,367,368,369,370,378,379,380,381,387,388,389,390,391,400,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,494 +3743 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,188,189,190,191,192,193,194,203,204,205,213,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,259,260,261,268,269,270,282,283,284,289,290,291,292,304,305,306,311,312,313,314,325,326,327,328,333,334,335,336,346,347,348,349,355,356,357,358,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +3744 - 52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,106,107,108,115,116,117,118,129,130,138,139,140,141,161,162,163,164,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,269,270,271,272,276,277,278,279,290,291,292,293,294,299,300,301,312,313,314,315,322,323,324,334,335,336,344,345,346,356,357,367,368,378,379,380,389,390,400,401,402,403,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,493 +3745 - 98,99,100,101,102,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,168,169,182,183,184,189,190,191,204,205,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,269,270,271,272,273,274,275,276,277,292,293,294,295,296,298,299,314,315,316,317,319,320,321,341,342,343,363,364,385,386,407,408,429,430,450,451,452,471,472,473,474,494 +3746 - 119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,167,168,170,181,182,183,184,188,189,191,192,193,203,204,205,210,212,213,214,215,224,225,226,232,233,234,235,236,246,247,252,253,254,255,256,257,258,268,269,273,274,275,278,279,280,290,291,292,293,294,295,296,299,300,301,313,314,315,316,321,322,323,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,494 +3747 - 111,112,113,114,115,116,117,118,119,125,126,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,194,195,196,216,217,218,238,239,259,260,261,280,281,282,283,301,302,303,304,323,324,325,344,345,346,365,366,367,368,387,388,389,408,409,410,429,430,431,450,451,452,453,472,473,474,492 +3748 - 27,28,29,30,31,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,145,146,147,148,168,169,170,190,191,192,212,213,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,360,361,362,363,382,383,384,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,487 +3749 - 11,12,32,33,34,53,54,55,56,74,75,76,77,94,95,96,97,98,115,116,117,118,119,136,137,138,139,157,158,159,160,179,180,181,191,192,193,194,195,196,197,201,202,210,211,212,213,214,215,216,217,218,219,223,224,231,232,233,234,235,236,237,238,239,240,241,245,246,247,252,253,254,255,256,262,263,267,268,269,273,274,275,276,277,283,284,285,289,290,291,294,295,296,297,303,304,305,306,307,311,312,313,314,315,316,317,318,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,491 +3750 - 91,92,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,160,163,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +3751 - 116,117,118,130,138,139,140,144,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,194,195,196,201,202,203,204,205,206,207,208,209,210,216,217,222,223,224,225,226,227,228,237,238,244,245,246,247,258,259,260,266,267,268,279,280,281,288,289,301,302,322,323,324,343,344,345,365,366,367,386,387,388,408,409,410,429,430,431,451,452,472,473,474,492 +3752 - 52,53,54,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,231,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,322,323,324,325,326,345,346,347,348,366,367,368,369,370,379,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +3753 - 30,41,42,51,52,53,63,64,73,74,75,84,85,86,95,96,97,106,107,108,116,117,118,119,128,129,130,138,139,140,150,151,152,159,160,161,172,173,180,181,182,183,194,195,201,202,203,204,216,217,222,223,224,225,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,322,323,324,325,326,331,332,345,346,347,366,367,368,387,388,389,390,409,410,411,412,431,432,433,454,455,489 +3754 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,102,103,104,113,114,115,116,117,124,125,126,135,136,137,146,147,148,157,158,159,167,168,169,189,190,191,210,211,212,231,232,233,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,299,300,301,302,322,323,324,325,333,334,345,346,347,355,356,357,368,369,378,379,380,390,391,392,400,401,402,403,411,412,413,423,424,425,426,427,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,488 +3755 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +3756 - 57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,145,146,147,148,159,160,161,162,166,167,168,169,170,171,181,182,183,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,214,215,216,227,228,229,230,231,236,237,238,250,252,258,259,260,272,280,281,282,301,302,303,323,324,325,333,334,335,336,344,345,346,355,356,357,365,366,367,377,378,385,386,387,388,389,399,400,401,405,406,407,408,409,410,421,422,423,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,470,488 +3757 - 74,75,76,96,97,98,117,118,119,138,139,140,152,159,160,161,169,170,171,172,173,174,175,180,181,182,190,191,192,193,194,195,196,197,201,202,203,204,210,211,212,213,214,218,219,223,224,225,231,232,233,234,240,241,244,245,246,253,254,255,261,262,263,266,267,268,274,275,276,283,284,285,288,289,290,291,292,295,296,297,298,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,491 +3758 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +3759 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,104,105,106,116,117,118,119,126,127,128,138,139,140,148,149,150,160,161,162,163,169,170,171,172,182,183,184,185,186,187,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,322,323,324,336,337,338,345,346,347,358,359,360,366,367,368,379,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,493 +3760 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,191,192,193,194,199,200,201,202,203,204,214,215,216,221,222,223,224,225,236,237,238,243,244,245,246,247,248,249,253,254,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,337,338,342,343,344,345,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,475,476,477,478,494 +3761 - 39,40,61,62,82,83,84,97,98,104,105,106,118,119,120,126,127,128,139,140,141,142,148,149,161,162,163,164,169,170,171,182,183,184,185,191,192,193,203,204,205,206,213,214,215,224,225,226,227,234,235,236,237,245,246,247,248,249,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +3762 - 50,51,52,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,103,104,105,106,114,115,116,118,119,120,127,128,136,137,138,149,150,158,159,170,171,172,180,181,192,193,194,202,203,213,214,215,216,223,224,225,234,235,236,237,238,239,245,246,247,255,256,257,258,259,260,261,262,267,268,269,275,276,277,278,282,283,284,289,290,291,292,294,295,296,297,298,299,304,305,306,312,313,314,315,316,317,318,319,320,326,327,328,335,336,337,338,339,340,341,347,348,349,359,360,361,368,369,370,371,381,382,383,389,390,391,392,403,404,405,410,411,412,413,425,426,427,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +3763 - 36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +3764 - 9,10,11,12,13,31,32,33,52,53,54,74,75,96,97,117,118,139,140,161,162,183,184,205,206,227,228,249,250,253,254,255,256,257,271,272,275,276,277,278,279,280,293,294,297,298,299,301,302,315,316,318,319,323,324,337,338,339,340,341,344,345,346,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +3765 - 77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,150,151,152,165,172,173,174,193,194,195,214,215,216,217,236,237,238,256,257,258,259,260,267,268,269,277,278,279,280,281,288,289,290,291,292,293,294,295,296,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,386,387,388,399,400,401,487 +3766 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,126,139,140,141,146,147,148,149,160,161,162,163,169,170,171,182,183,184,185,191,192,193,204,205,206,207,212,213,214,215,227,228,229,230,233,234,235,236,250,251,252,254,255,256,257,258,273,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,365,366,367,368,380,381,382,383,388,389,390,402,403,404,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +3767 - 11,12,13,14,32,33,34,35,36,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,115,116,117,118,136,137,138,139,157,158,159,160,171,172,179,180,181,189,190,191,192,193,194,195,196,200,201,202,209,210,211,212,213,214,215,216,217,218,219,222,223,230,231,232,233,234,235,236,239,240,241,244,245,252,253,254,255,262,263,266,267,268,273,274,275,276,284,285,288,289,290,291,292,293,294,295,296,305,306,307,311,312,313,314,315,316,317,318,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,491 +3768 - 52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,135,136,137,157,158,159,179,180,181,187,188,189,190,201,202,203,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,258,259,260,261,262,268,269,270,271,272,282,283,284,290,291,292,293,294,305,306,307,312,313,314,315,327,328,329,335,336,349,350,351,360,361,371,372,373,381,382,383,393,394,395,403,404,405,406,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,438,448,449,450,451,452,453,454,455,456,457,458,459,474,475,476,477,490 +3769 - 97,98,99,118,119,120,121,122,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,234,235,236,246,247,256,257,258,278,279,280,300,301,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,492 +3770 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477,478,494 +3771 - 36,37,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +3772 - 31,32,33,34,35,36,51,52,53,54,55,56,57,73,74,75,76,77,94,95,96,97,116,117,118,138,139,140,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,256,257,258,259,267,268,269,270,271,279,280,281,282,283,284,289,290,291,292,293,298,299,300,301,302,303,304,305,313,314,315,320,321,322,323,324,325,336,337,338,344,345,346,347,358,359,360,361,365,366,367,368,380,381,382,383,384,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,491 +3773 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,147,148,159,160,161,169,170,181,182,183,191,192,202,203,204,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +3774 - 12,13,14,33,34,35,54,55,56,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,205,206,226,227,228,234,235,248,249,250,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,281,292,293,295,296,297,298,302,303,314,315,317,318,319,324,325,336,337,338,339,340,345,346,347,358,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +3775 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,102,103,104,105,117,118,119,124,125,126,127,139,140,141,146,147,148,161,162,167,168,169,170,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,320,321,322,323,334,335,336,337,343,344,345,355,356,357,358,365,366,367,378,379,380,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,493 +3776 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,123,124,125,126,127,128,136,137,138,139,140,141,146,147,148,149,150,151,157,158,159,160,161,162,168,169,170,171,172,173,174,179,180,181,182,183,191,192,193,194,195,196,197,200,201,202,203,204,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,325,326,327,328,329,332,333,334,335,336,346,347,348,349,350,355,356,357,358,359,360,367,368,369,370,371,377,378,379,380,381,382,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,485 +3777 - 31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,149,150,151,152,159,160,161,162,163,164,173,174,180,181,182,183,195,196,197,202,203,204,205,217,218,219,223,224,225,226,239,240,241,245,246,247,261,262,263,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,328,333,334,345,346,347,348,349,355,356,357,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,485 +3778 - 32,33,34,35,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,255,257,258,259,269,270,271,279,280,281,291,292,293,301,302,303,304,313,314,323,324,325,326,335,336,344,345,346,347,357,358,365,366,367,368,369,379,380,381,382,383,384,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +3779 - 11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,116,117,118,119,137,138,139,140,158,159,160,161,180,181,182,183,201,202,203,204,211,212,213,214,215,216,223,224,225,229,230,231,232,233,234,235,236,237,238,239,240,241,244,245,246,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,272,273,274,275,276,277,278,281,282,283,284,285,288,289,290,293,294,295,296,304,305,306,307,310,311,312,313,314,315,316,317,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,491 +3780 - 94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,165,166,167,168,180,181,182,188,189,190,191,210,211,212,213,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,452,453,454,474,475,476,492 +3781 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,158,159,160,161,168,169,170,180,181,182,183,190,191,192,193,202,203,204,212,213,214,215,224,225,226,233,234,235,236,246,247,248,254,255,256,257,258,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,359,364,365,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,475,494 +3782 - 95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,167,168,169,170,191,192,213,214,215,234,235,236,237,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,492 +3783 - 61,62,73,74,82,83,84,95,96,104,105,106,117,118,126,127,128,138,139,140,148,149,150,160,161,162,169,170,171,172,181,182,183,191,192,193,203,204,205,213,214,215,224,225,226,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,299,300,301,312,313,321,322,343,344,364,365,366,386,387,407,408,409,429,430,431,450,451,452,472,473,489 +3784 - 96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,147,148,149,157,158,159,160,161,169,170,171,178,179,180,181,191,192,193,200,201,202,213,214,215,221,222,223,224,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,279,280,281,290,291,292,293,294,295,296,297,298,301,302,323,324,325,345,346,347,367,368,369,389,390,411,412,432,433,434,454,455,456,476,477,478,494 +3785 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,145,146,147,148,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,203,204,212,213,214,225,226,234,235,236,247,248,255,256,257,269,270,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,321,322,337,338,339,340,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,494 +3786 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,145,146,147,148,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,228,234,235,236,237,246,247,248,249,250,254,255,256,257,258,259,269,270,271,272,273,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,451,452,453,454,455,456,457,473,474,475,476,477,478,494 +3787 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,168,169,170,182,183,184,185,189,190,191,203,204,205,206,210,211,212,213,225,226,227,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,449,450,451,471,472,473,494 +3788 - 116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,207,211,212,213,214,215,216,217,235,236,237,238,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,361,362,363,364,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,466,467,468,469,492 +3789 - 10,11,12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,159,160,161,162,180,181,182,183,189,190,191,192,193,194,202,203,204,209,210,211,212,213,214,215,216,217,224,225,226,230,231,232,233,234,235,236,237,238,239,240,246,247,251,252,253,254,255,256,261,262,263,267,268,269,273,274,275,276,284,285,290,291,295,296,297,305,306,307,312,313,314,317,318,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,491 +3790 - 101,102,103,114,115,116,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,168,169,180,181,182,183,184,185,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,246,247,255,256,257,268,269,277,278,290,291,299,300,312,313,321,322,343,344,365,366,386,387,388,408,409,410,431,432,453,454,455,475,476,477,492 +3791 - 55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,194,195,196,216,217,218,238,239,240,259,260,261,262,280,281,282,283,301,302,303,304,305,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,433,434,442,443,444,445,446,447,448,464,465,466,467,468,487 +3792 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,92,93,94,101,102,103,104,114,115,116,125,137,138,139,147,148,160,161,162,169,170,183,184,185,190,191,192,206,207,208,212,213,214,229,230,231,234,235,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,321,322,323,338,339,340,344,345,360,361,366,367,368,381,382,383,388,389,390,404,405,411,412,426,427,428,429,432,433,434,449,450,451,452,453,454,455,456,473,474,475,476,477,493 +3793 - 54,55,56,57,58,59,61,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,127,128,129,130,149,150,151,152,169,170,171,172,173,190,191,192,193,194,210,211,212,213,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,301,302,323,324,344,345,346,366,367,368,388,389,397,398,399,400,401,407,408,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +3794 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,192,193,203,204,205,213,214,215,216,225,226,227,234,235,236,237,238,247,248,249,255,256,257,258,259,260,269,270,271,277,278,279,280,281,282,291,292,293,294,299,300,301,302,303,304,313,314,315,316,317,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,407,408,409,410,429,430,431,491 +3795 - 149,150,151,154,155,156,157,158,159,160,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,237,238,239,244,245,246,247,248,249,250,251,252,259,260,280,281,282,300,301,302,303,322,323,324,325,343,344,345,346,347,364,365,366,367,368,385,386,387,388,389,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,492 +3796 - 97,98,99,100,101,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,167,168,169,170,171,180,181,182,183,188,189,190,191,192,193,202,203,204,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,256,257,258,269,270,271,272,273,274,278,279,280,300,301,302,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +3797 - 36,37,38,44,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,486 +3798 - 77,78,79,80,81,82,83,99,100,101,102,103,104,105,121,122,123,124,125,126,127,128,143,144,147,148,149,150,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,358,359,360,379,380,381,400,401,402,422,423,424,443,444,445,446,465,466,467,492 +3799 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,151,152,173,174,194,195,196,215,216,217,218,237,238,239,256,257,258,259,260,267,268,269,278,279,280,281,282,287,288,289,290,291,292,293,294,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,410,411,412,413,414,420,421,422,423,487 +3800 - 52,53,54,74,75,76,77,96,97,98,99,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,486 +3801 - 84,85,86,98,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,187,188,189,190,201,202,203,204,205,223,224,225,226,227,228,244,245,246,247,248,249,250,251,252,267,268,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,323,343,344,345,346,366,367,368,388,389,390,398,408,409,410,411,420,421,423,427,428,429,430,432,433,443,444,445,446,447,448,449,450,451,452,454,455,465,466,467,468,469,470,471,472,473,474,476,490 +3802 - 54,55,56,75,76,77,78,97,98,99,100,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,473,474,475,486 +3803 - 72,73,74,75,76,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,169,170,171,189,190,191,192,193,210,211,212,213,214,227,229,232,233,234,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,314,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +3804 - 68,69,70,71,72,73,90,91,92,93,94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,122,123,141,142,143,144,145,146,147,166,167,168,169,170,190,191,192,212,213,214,235,236,257,258,279,280,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,492 +3805 - 114,115,116,117,118,119,120,121,122,123,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,211,212,213,214,215,234,235,236,256,257,258,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +3806 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,99,100,101,102,103,116,117,118,123,124,125,126,137,138,139,146,147,148,149,159,160,161,170,171,172,180,181,182,193,194,202,203,204,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,334,335,336,347,348,356,357,358,368,369,379,380,381,389,390,391,401,402,403,404,410,411,412,424,425,426,427,430,431,432,433,434,447,448,449,450,451,452,453,454,471,472,473,474,475,485 +3807 - 33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,75,76,77,82,83,84,85,97,98,105,106,107,119,120,127,128,129,141,142,148,149,150,163,164,165,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,313,314,315,316,317,321,322,323,335,336,337,338,343,344,345,356,357,358,359,365,366,367,378,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +3808 - 11,12,13,14,33,34,35,54,55,76,77,97,98,99,119,120,140,141,142,162,163,184,185,206,207,211,212,228,229,232,233,234,235,250,251,253,254,255,256,257,258,272,273,274,275,276,278,279,280,294,295,296,297,300,301,302,315,316,317,322,323,336,337,338,339,340,343,344,345,357,358,359,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,407,408,491 +3809 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,128,137,138,139,140,148,149,150,159,160,161,170,171,172,180,181,182,183,192,193,194,195,202,203,204,215,216,217,223,224,225,226,237,238,239,245,246,247,259,260,261,262,266,267,268,269,281,282,283,288,289,290,291,303,304,305,310,311,312,325,326,327,332,333,334,347,348,349,353,354,355,356,369,370,371,375,376,377,378,379,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,485 +3810 - 51,52,53,54,55,73,74,75,76,77,78,99,100,101,121,122,123,144,145,146,166,167,168,188,189,190,211,212,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,323,343,344,345,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,456,474,475,476,477,488 +3811 - 55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,145,146,147,163,164,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,471,486 +3812 - 29,30,31,32,33,51,52,53,54,55,56,57,58,76,77,78,79,80,81,101,102,103,104,124,125,126,146,147,148,162,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,231,232,233,234,235,255,256,257,258,278,279,280,301,302,323,324,333,344,345,346,355,356,365,366,367,368,377,378,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +3813 - 34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,116,117,118,119,120,125,126,127,138,139,140,146,147,148,149,160,161,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,293,294,295,296,314,315,316,317,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,412,413,414,415,422,423,424,435,436,444,445,446,487 +3814 - 10,11,31,32,33,52,53,54,74,75,76,95,96,97,106,107,116,117,118,119,127,128,129,138,139,140,148,149,150,151,152,159,160,161,162,169,170,171,172,173,174,181,182,183,190,191,192,193,194,195,196,202,203,204,205,212,213,214,216,217,224,225,226,234,235,236,237,238,239,246,247,248,255,256,257,258,259,260,261,267,268,269,277,278,279,280,281,282,289,290,291,299,300,301,302,303,311,312,313,321,322,323,324,325,333,334,335,342,343,344,345,346,355,356,357,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,491 +3815 - 34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,117,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,255,256,257,258,259,260,279,280,281,282,289,290,291,302,303,304,305,310,311,312,313,325,326,327,332,333,334,335,347,348,349,354,355,356,357,368,369,370,371,376,377,378,389,390,391,392,398,399,400,407,408,409,410,411,412,413,414,420,421,422,423,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,488 +3816 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,122,123,124,125,126,137,138,139,144,145,146,147,160,161,166,167,168,169,182,183,184,187,188,189,190,204,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,273,274,275,276,277,294,295,296,297,298,299,316,317,318,320,321,322,338,339,343,344,345,360,361,366,367,382,383,388,389,404,405,406,409,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,455,472,473,474,475,476,493 +3817 - 82,83,84,85,98,104,105,106,107,118,119,120,121,125,126,127,128,139,140,141,142,143,147,148,149,150,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,185,190,191,192,193,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,469,470,471,489 +3818 - 97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,168,169,170,171,178,179,180,181,182,189,190,191,192,193,200,201,202,203,210,211,212,213,214,221,222,223,224,231,232,233,234,235,236,242,243,244,245,252,253,254,255,256,257,258,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,300,301,302,310,311,312,313,314,315,322,323,324,344,345,346,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +3819 - 32,33,34,35,36,37,38,39,40,41,42,43,54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,81,82,96,97,98,99,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,256,257,258,259,279,280,281,301,302,303,323,324,325,333,334,335,336,344,345,346,347,354,355,356,357,358,366,367,368,376,377,378,379,380,387,388,389,390,398,399,400,401,402,403,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,490 +3820 - 11,12,13,14,32,33,34,35,36,54,55,56,76,77,97,98,99,119,120,121,141,142,162,163,164,184,185,186,206,207,208,228,229,249,250,251,271,272,273,276,277,278,279,293,294,295,297,298,299,300,301,302,315,316,317,318,319,320,321,323,324,337,338,339,340,341,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,491 +3821 - 10,11,12,13,31,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,99,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,212,213,225,226,227,232,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,268,269,270,275,276,277,278,279,280,281,282,290,291,292,296,297,298,301,302,303,304,312,313,314,318,319,320,324,325,326,334,335,336,337,341,342,343,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +3822 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,407,408,409,429,430,431,451,452,453,486 +3823 - 90,91,92,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,170,171,172,173,183,192,193,194,195,213,214,215,216,217,235,236,237,238,256,257,258,259,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +3824 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,79,80,81,82,92,93,102,103,104,125,126,127,147,148,149,169,170,171,191,192,193,213,214,225,226,227,228,234,235,236,247,248,249,250,251,252,255,256,257,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,319,320,321,342,343,344,365,366,367,376,377,378,388,389,398,399,400,401,410,411,412,421,422,423,424,425,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,488 +3825 - 32,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,101,102,103,118,119,120,123,124,125,140,141,142,143,145,146,147,163,164,165,167,168,169,185,186,187,188,189,190,191,208,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,358,359,360,361,362,364,365,366,367,380,381,382,383,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +3826 - 9,10,11,12,30,31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,78,79,80,101,102,123,124,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,246,247,248,249,250,252,253,254,255,267,268,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,311,312,313,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,363,364,365,366,367,368,369,373,379,380,381,387,388,389,390,391,392,393,394,395,410,411,412,413,414,415,416,417,435,436,437,438,487 +3827 - 73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,159,160,161,162,167,168,169,170,182,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +3828 - 54,55,75,76,77,97,98,99,100,118,119,120,121,122,140,141,142,143,144,145,161,162,163,164,165,166,167,182,183,184,185,187,188,189,204,205,206,210,211,212,225,226,227,228,229,230,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,409,410,411,431,432,433,453,454,455,475,476,477,489 +3829 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,126,127,128,138,139,140,141,142,143,149,150,151,160,161,162,171,172,173,181,182,183,184,194,195,202,203,204,205,214,215,216,217,223,224,225,226,227,237,238,239,245,246,247,248,259,260,261,267,268,269,270,280,281,282,283,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,345,346,347,348,349,354,355,356,368,369,370,376,377,378,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,485 +3830 - 24,25,26,27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,97,98,99,100,101,102,103,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,450,451,487 +3831 - 56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,468,469,470,486 +3832 - 36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,159,160,161,162,163,164,180,181,182,183,184,185,186,187,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,278,279,280,301,302,303,323,324,325,345,346,347,358,367,368,369,379,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,490 +3833 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,102,103,104,105,116,117,118,119,120,124,125,126,127,138,139,146,147,148,160,161,167,168,169,170,183,188,189,190,191,192,208,209,210,211,212,230,231,232,233,250,251,252,253,254,272,273,274,275,292,293,294,295,296,313,314,315,316,317,319,320,321,323,324,325,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,390,391,392,393,399,400,401,402,403,404,421,422,423,424,425,426,443,444,445,446,465,466,467,487 +3834 - 97,98,99,100,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,188,189,190,191,203,204,210,211,212,213,224,225,226,230,231,232,233,234,235,246,247,248,250,251,252,253,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,494 +3835 - 55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,147,148,149,167,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,276,277,278,279,280,300,301,302,303,323,324,325,326,331,332,333,346,347,348,352,353,354,355,368,369,370,374,375,376,377,390,391,392,397,398,399,400,401,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,488 +3836 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,81,82,83,84,95,96,103,104,105,106,116,117,118,125,126,127,128,138,139,140,148,149,150,161,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,289,290,291,292,293,294,295,296,297,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,363,364,365,366,367,377,378,379,385,386,387,388,399,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,487 +3837 - 59,60,61,81,82,83,102,103,104,105,118,119,120,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,211,212,213,224,225,226,227,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,470,471,489 +3838 - 31,32,33,53,54,55,75,76,77,96,97,98,118,119,120,140,141,142,162,163,164,183,184,185,190,191,205,206,207,212,213,227,228,229,230,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,320,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,489 +3839 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,139,140,141,142,143,148,159,160,161,162,163,164,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,250,251,256,257,258,259,279,280,281,301,302,303,311,312,313,323,324,325,332,333,334,335,345,346,347,355,356,357,366,367,368,377,378,379,380,386,387,388,389,390,400,401,402,403,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +3840 - 76,77,78,79,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,144,145,166,167,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,430,449,450,451,471,472,473,492 +3841 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,185,191,203,204,205,206,211,212,213,214,215,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,261,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,302,303,304,305,313,314,315,316,317,318,319,324,325,326,327,335,336,337,338,339,340,341,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,491 +3842 - 51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,99,100,101,102,103,104,105,106,107,117,118,119,127,128,129,130,140,141,142,150,151,152,163,164,171,172,173,174,185,186,187,193,194,195,207,208,209,210,214,215,216,217,228,229,230,231,232,233,236,237,238,249,250,251,252,253,254,256,257,258,259,270,271,272,273,275,276,277,278,279,280,291,292,293,294,298,299,300,301,312,313,314,315,320,321,322,323,334,335,336,342,343,344,345,355,356,357,358,364,365,366,367,377,378,379,386,387,388,399,400,401,407,408,409,421,422,423,424,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +3843 - 97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,169,170,171,181,182,190,191,192,193,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +3844 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,137,138,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,252,253,254,274,275,276,277,297,298,299,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,425,426,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,474,488 +3845 - 36,37,38,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,161,162,163,164,165,167,168,169,183,184,185,186,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,357,358,359,360,364,365,366,367,379,380,381,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +3846 - 112,113,114,115,123,124,125,134,135,136,137,138,139,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,203,204,205,206,207,208,209,210,211,212,213,232,233,234,235,254,255,256,257,258,259,260,261,262,263,274,275,276,277,278,279,280,281,282,283,284,285,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +3847 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,161,162,163,168,169,182,183,184,190,191,192,204,205,206,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +3848 - 5,6,7,8,9,10,11,27,28,29,30,31,32,33,34,35,36,49,50,54,55,56,57,58,59,79,80,81,82,102,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,202,203,204,205,206,207,208,209,213,214,215,222,223,224,225,226,227,228,229,230,231,232,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,274,275,276,277,278,279,280,288,289,290,297,298,299,300,301,302,310,311,312,318,319,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,367,368,369,370,377,378,379,380,381,382,383,384,385,389,390,391,392,400,401,402,403,404,405,412,413,414,434,435,436,487 +3849 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,213,214,215,216,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,280,281,282,290,291,292,302,303,304,305,312,313,314,324,325,326,327,334,335,336,346,347,348,356,357,358,368,369,370,378,379,380,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +3850 - 33,54,55,56,76,77,78,79,98,99,100,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +3851 - 35,36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,447,486 +3852 - 74,75,76,77,78,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,145,146,147,160,161,162,168,169,170,182,183,184,191,192,204,205,206,210,211,213,214,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,450,451,452,472,473,474,494 +3853 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,103,104,105,117,118,119,120,125,126,127,140,141,147,148,149,162,163,168,169,170,171,184,185,190,191,192,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,311,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,387,388,389,390,391,392,393,398,399,400,401,402,411,412,413,414,415,416,417,420,421,422,423,435,436,437,438,443,444,459,487 +3854 - 83,84,85,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,212,213,214,215,234,235,236,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,454,472,473,474,475,476,492 +3855 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,102,103,114,115,116,117,118,122,123,124,125,137,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,189,190,206,207,210,211,212,233,234,235,256,257,258,278,279,280,301,302,323,324,325,345,346,366,367,368,377,378,379,380,387,388,389,390,398,399,400,401,402,408,409,410,411,420,421,422,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,488 +3856 - 9,10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,281,282,283,284,292,293,294,295,296,297,298,304,305,306,315,316,317,318,319,320,321,326,327,328,337,338,339,340,341,342,343,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,491 +3857 - 61,62,82,83,84,96,97,98,104,105,106,117,118,119,126,127,138,139,140,141,147,148,149,160,161,162,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,223,224,225,226,233,234,235,236,245,246,247,255,256,257,258,259,260,261,266,267,268,269,270,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,304,310,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,471,472,473,489 +3858 - 12,13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,491 +3859 - 36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,231,232,233,234,235,247,248,256,257,258,278,279,280,300,301,302,322,323,324,332,333,334,343,344,345,353,354,355,356,357,364,365,366,367,376,377,378,379,386,387,388,399,400,401,402,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,490 +3860 - 51,52,53,54,55,56,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,138,139,140,141,159,160,161,162,163,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,256,257,258,259,260,279,280,281,282,302,303,304,324,325,326,327,346,347,348,349,368,369,370,371,378,379,380,388,389,390,391,392,400,401,402,403,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +3861 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,211,212,213,214,226,227,228,231,232,233,234,235,236,237,248,249,250,252,253,254,255,256,257,258,259,260,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,302,303,304,314,315,316,318,319,320,324,325,326,336,337,338,340,341,342,343,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +3862 - 39,40,41,60,61,62,63,82,83,84,85,104,105,106,120,121,122,125,126,127,128,141,142,143,144,145,147,148,149,162,163,164,165,166,169,170,171,182,183,184,185,186,187,191,192,193,204,205,206,207,213,214,225,226,227,228,234,235,236,246,247,248,249,256,257,258,267,268,269,270,278,279,280,288,289,290,291,292,293,294,295,296,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,363,364,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,489 +3863 - 79,80,81,82,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,492 +3864 - 142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,293,294,295,296,297,298,299,318,319,320,321,339,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,423,424,490 +3865 - 34,35,36,37,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,123,124,125,140,141,142,145,146,147,162,163,164,167,168,184,185,186,188,189,190,206,207,208,210,211,212,228,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,364,365,366,380,381,382,383,386,387,388,402,403,404,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +3866 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,102,103,104,114,115,116,117,125,126,137,138,139,146,147,160,161,167,168,169,182,183,184,189,190,205,206,210,211,212,227,228,229,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,322,338,339,343,344,345,359,360,366,367,368,381,382,389,390,402,403,404,411,412,424,425,426,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,493 +3867 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,128,138,139,140,141,145,146,147,150,159,160,161,162,168,169,170,172,181,182,183,189,190,191,192,194,203,204,205,209,210,211,212,213,214,216,225,226,227,228,229,230,231,232,233,234,235,238,249,250,251,252,253,254,255,256,260,276,277,278,282,297,298,299,304,319,320,321,341,342,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,494 +3868 - 72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,144,145,146,158,159,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,360,362,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,492 +3869 - 10,11,12,13,32,33,34,35,53,54,55,56,75,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,186,205,206,207,227,228,229,233,234,235,248,249,250,251,253,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,340,341,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +3870 - 56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,158,159,160,161,162,180,181,182,183,184,187,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,298,299,300,301,302,321,322,323,324,325,343,344,345,346,347,365,366,367,368,387,388,389,390,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,471,472,473,474,475,490 +3871 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,79,80,81,95,96,97,98,102,103,104,117,118,119,123,124,125,126,139,140,141,145,146,147,161,162,163,167,168,169,184,185,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,434,435,445,446,447,448,487 +3872 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,80,81,82,83,93,94,95,96,97,104,105,114,115,116,117,126,127,128,136,137,138,148,149,150,151,152,153,158,159,160,167,168,169,170,171,172,173,174,175,180,181,182,187,188,189,190,191,192,193,194,195,202,203,204,205,207,208,209,210,211,212,225,226,227,228,229,230,231,232,248,249,250,251,252,253,269,270,271,272,273,274,275,276,291,292,293,296,297,298,299,300,301,312,313,314,320,321,322,323,324,334,335,336,343,344,345,346,347,356,357,367,368,369,378,379,380,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,493 +3873 - 11,12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,226,227,228,233,234,235,236,237,248,249,250,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,295,296,299,301,302,303,304,313,314,315,317,318,324,325,326,335,336,337,339,340,341,342,347,348,357,358,359,360,362,363,364,365,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +3874 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,167,168,169,170,179,180,181,182,187,188,189,190,191,192,201,202,203,204,209,210,211,212,213,214,223,224,225,226,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,255,256,257,258,268,269,270,271,272,273,274,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,494 +3875 - 61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,142,143,163,164,165,185,186,187,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,236,245,246,249,250,251,252,253,256,257,258,259,265,266,267,268,269,271,272,273,280,281,282,287,288,289,290,294,302,303,304,309,310,311,324,325,326,332,333,334,346,347,348,356,357,358,359,360,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,429,430,490 +3876 - 32,33,34,35,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,115,116,117,118,124,125,126,137,138,139,147,148,149,158,159,160,161,162,169,170,171,180,181,182,183,184,192,193,194,202,203,204,205,214,215,216,224,225,226,227,237,238,239,246,247,248,249,259,260,261,269,270,271,281,282,283,291,292,293,303,304,305,313,314,315,325,326,327,335,336,337,347,348,349,357,358,359,360,369,370,371,380,381,382,383,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,485 +3877 - 62,63,64,83,84,85,86,105,106,107,119,126,127,128,139,140,141,142,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,190,191,192,193,203,204,205,212,213,214,224,225,226,227,233,234,235,236,245,246,247,248,255,256,257,258,266,267,268,269,270,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,340,341,342,343,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,489 +3878 - 56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,449,450,451,471,472,473,486 +3879 - 56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,106,107,117,118,119,120,127,128,129,139,140,141,148,149,150,151,161,162,163,169,170,171,172,185,190,191,192,193,211,212,213,214,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,291,292,293,294,295,296,313,314,315,316,334,335,336,337,356,357,358,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,453,454,455,465,466,467,487 +3880 - 71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,143,144,145,146,147,156,157,158,167,168,169,178,179,189,190,191,192,211,212,213,233,234,235,254,255,256,257,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,345,346,347,348,349,350,351,357,358,359,360,361,362,370,371,372,373,379,380,381,382,393,394,395,416,417,487 +3881 - 31,32,33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,129,138,139,140,141,142,143,147,148,149,150,151,152,159,160,161,162,163,164,171,172,173,174,181,182,183,184,185,194,195,196,197,203,204,205,206,216,217,218,224,225,226,227,228,238,239,240,241,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,285,289,290,291,292,303,304,305,311,312,313,314,325,326,327,328,333,334,335,346,347,348,349,354,355,356,357,358,362,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,485 +3882 - 34,35,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,101,102,103,105,106,107,108,116,117,118,119,120,121,128,129,130,138,139,140,141,142,150,151,152,159,160,161,162,172,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,223,224,225,237,238,239,244,245,246,258,259,260,261,265,266,267,268,280,281,282,283,287,288,289,300,301,302,303,304,309,310,311,321,322,323,324,325,331,332,333,342,343,344,345,346,353,354,355,356,362,363,364,365,366,375,376,377,378,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,445,446,447,448,485 +3883 - 15,16,17,37,38,39,59,60,61,75,76,77,78,81,82,96,97,98,99,100,101,103,104,117,118,119,120,124,125,126,129,139,140,141,145,146,147,148,151,161,162,163,164,167,168,169,173,184,185,186,187,189,190,207,208,209,210,211,212,230,231,232,233,239,252,253,254,255,261,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,336,337,338,339,342,343,344,358,359,360,363,364,365,366,379,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,437,493 +3884 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,78,79,80,98,101,102,103,118,119,120,124,125,126,139,140,141,147,148,149,161,162,163,170,171,182,183,184,192,193,204,205,206,214,215,216,226,227,237,238,248,249,259,260,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,346,347,358,359,367,368,369,380,381,388,389,390,402,403,404,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +3885 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +3886 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,82,83,84,96,97,104,105,125,126,127,147,148,149,168,169,170,189,190,191,211,212,213,232,233,234,253,254,255,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,358,359,360,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,443,444,445,446,487 +3887 - 94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,148,149,150,151,159,160,169,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,492 +3888 - 35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,103,105,106,107,108,118,119,120,121,128,129,130,139,140,141,142,151,152,160,161,162,163,173,174,175,181,182,183,184,196,197,202,203,204,205,218,219,223,224,225,226,240,241,244,245,246,247,248,249,262,263,266,267,268,284,285,288,289,290,305,306,307,310,311,327,328,332,333,348,349,354,355,369,370,371,376,377,378,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,485 +3889 - 58,59,60,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,469,470,486 +3890 - 26,47,48,49,50,51,52,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,142,143,144,145,146,147,148,166,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,276,277,278,279,280,297,298,299,300,301,305,306,307,318,319,320,321,322,323,324,325,326,327,328,329,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,487 +3891 - 14,15,16,36,37,38,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,124,125,126,140,141,142,146,147,148,162,163,164,168,169,170,184,185,186,187,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,273,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,345,357,358,359,360,361,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,493 +3892 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,75,76,77,78,79,83,84,85,96,97,98,99,105,106,107,117,118,119,127,128,129,139,140,148,149,150,161,162,163,164,169,170,171,182,183,184,185,186,190,191,192,193,205,206,207,211,212,213,214,228,229,230,232,233,234,250,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,341,342,343,344,357,358,359,364,365,366,379,380,387,388,389,401,402,403,404,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +3893 - 11,12,13,14,15,16,33,34,35,36,37,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,117,122,123,124,125,145,146,147,148,168,169,170,189,190,191,192,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,293,294,300,301,302,303,323,324,325,326,330,331,346,347,348,352,353,354,355,356,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,488 +3894 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,188,189,190,191,192,193,194,201,202,203,213,214,215,216,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,492 +3895 - 73,81,82,83,94,95,96,97,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,162,164,168,169,170,171,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,342,359,360,361,362,381,382,383,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,469,492 +3896 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,147,148,149,150,159,160,161,162,170,171,172,180,181,182,183,184,185,192,193,194,195,201,202,203,204,205,206,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,311,312,313,325,326,327,328,333,334,335,347,348,349,350,355,356,357,358,368,369,370,371,377,378,379,380,381,389,390,391,392,393,400,401,402,403,404,405,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,485 +3897 - 36,37,38,57,58,59,60,79,80,81,82,83,101,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,444,445,446,447,486 +3898 - 56,57,77,78,79,98,99,100,101,120,121,122,123,142,144,145,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,295,296,297,317,318,339,340,360,361,362,382,383,384,404,405,426,427,429,430,448,449,450,451,452,471,472,473,486 +3899 - 99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,168,169,170,171,180,181,182,183,184,185,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,467,468,469,470,471,492 +3900 - 54,55,56,76,77,78,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,211,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,486 +3901 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +3902 - 9,10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,138,139,140,144,145,146,147,160,161,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,487 +3903 - 39,40,60,61,62,83,84,97,98,99,104,105,106,118,119,120,121,126,127,128,139,140,141,148,149,150,160,161,162,163,170,171,172,182,183,184,191,192,193,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,255,256,257,267,268,269,270,271,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,426,427,428,448,449,450,489 +3904 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,121,122,123,124,125,126,135,136,137,138,144,145,146,147,156,157,158,166,167,168,178,179,189,190,199,200,211,212,213,221,222,223,234,235,243,244,245,256,257,258,266,267,268,269,277,278,279,280,289,290,291,292,293,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,323,324,336,337,338,339,340,341,345,346,347,367,368,369,390,391,412,413,414,434,435,436,437,438,456,457,458,459,460,479,480,481,482,494 +3905 - 40,41,42,62,63,64,83,84,85,86,97,98,99,105,106,107,118,119,120,121,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,224,225,226,233,234,235,237,238,245,246,247,248,249,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,449,450,489 +3906 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,121,122,123,124,125,126,127,136,137,138,139,145,146,147,148,149,150,157,158,159,160,161,169,170,171,172,179,180,181,182,183,192,193,194,195,200,201,202,215,216,217,218,222,223,238,239,240,243,244,245,260,261,262,265,266,282,283,284,287,288,304,305,306,309,310,311,326,327,328,331,332,333,334,335,348,349,350,354,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,485 +3907 - 18,19,20,21,37,38,39,40,41,42,43,57,58,59,60,61,62,63,77,78,79,80,81,82,83,98,99,100,101,102,103,118,119,120,121,122,139,140,141,142,143,161,162,163,182,183,184,185,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,256,257,258,269,270,271,278,279,280,281,289,290,291,292,300,301,302,303,310,311,312,313,314,321,322,323,324,332,333,334,335,336,343,344,345,346,354,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,490 +3908 - 7,8,9,28,29,30,50,51,52,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,169,170,171,172,181,182,183,189,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,217,225,226,227,228,231,232,233,234,238,239,247,248,249,252,253,254,255,260,261,269,270,271,274,275,276,281,282,283,291,292,293,294,295,296,297,303,304,305,313,314,315,316,317,318,319,324,325,326,336,337,338,339,340,345,346,347,348,358,359,360,361,362,366,367,368,369,381,382,383,384,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +3909 - 94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,424,425,426,446,447,448,467,468,469,470,492 +3910 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,299,300,301,315,316,317,321,322,323,337,338,339,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +3911 - 32,38,39,53,54,60,61,75,76,81,82,83,97,98,103,104,105,118,119,120,125,126,127,140,141,142,147,148,149,161,162,163,168,169,170,183,184,185,190,191,192,204,205,206,211,212,213,226,227,228,232,233,234,247,248,249,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,316,317,318,319,320,321,322,339,340,341,361,362,363,383,384,385,404,405,406,425,426,427,428,447,448,449,450,489 +3912 - 76,77,78,79,97,98,99,100,101,102,118,119,120,122,123,124,139,140,141,142,145,146,161,162,163,167,168,182,183,184,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,494 +3913 - 77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,161,162,163,169,170,182,183,184,185,191,192,204,205,206,207,208,209,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,273,275,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,494 +3914 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,145,146,161,167,168,183,189,190,205,210,211,212,227,232,233,254,255,276,277,298,299,320,321,342,343,364,365,386,387,408,409,430,431,452,453,474,475,492 +3915 - 101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +3916 - 70,71,72,73,74,75,76,77,78,79,93,95,96,97,98,99,100,101,102,103,121,122,123,124,125,126,127,145,146,147,148,149,169,170,171,172,191,192,193,194,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,317,318,319,320,321,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,468,469,492 +3917 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,82,83,84,85,93,94,95,96,97,98,105,106,107,115,116,117,118,119,126,127,128,129,137,138,139,140,148,149,150,159,160,169,170,171,172,181,190,191,192,193,211,212,213,214,232,233,234,235,252,253,254,255,256,273,274,275,276,294,295,296,297,313,314,315,316,317,318,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,412,413,414,415,422,423,424,425,435,436,437,444,445,446,487 +3918 - 31,32,33,52,53,54,55,56,73,74,75,76,77,78,94,95,96,99,100,101,115,116,117,118,121,122,123,136,137,138,143,144,145,157,158,159,160,165,166,178,179,180,181,186,187,188,201,202,203,204,208,209,210,223,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,295,296,301,302,303,304,317,318,324,325,326,327,338,339,340,347,348,349,360,361,362,368,369,370,371,382,383,384,389,390,391,392,405,406,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,493 +3919 - 12,13,14,15,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,204,205,206,207,226,227,228,231,232,233,234,235,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,322,323,324,336,337,338,339,340,341,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +3920 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,144,145,146,147,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,300,301,302,303,322,323,324,325,344,345,346,347,355,356,366,367,368,369,377,378,379,380,381,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +3921 - 37,38,39,40,41,42,58,59,60,61,62,63,64,77,78,79,80,81,82,83,98,99,100,101,102,103,119,120,121,122,140,141,142,161,162,163,164,183,184,185,204,205,206,207,208,209,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,276,277,278,279,280,290,291,300,301,302,303,311,312,313,322,323,324,325,332,333,334,335,344,345,346,355,356,357,365,366,367,368,377,378,379,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,449,450,490 +3922 - 57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,139,140,141,160,161,162,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,257,258,259,260,280,281,282,302,303,304,324,325,326,345,346,347,348,367,368,369,380,388,389,390,391,401,402,408,409,410,411,412,423,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +3923 - 37,38,39,40,58,59,60,61,62,63,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,162,163,169,170,171,190,191,192,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,289,301,302,303,304,309,310,311,312,313,324,325,326,330,331,332,333,334,335,345,346,347,348,353,354,355,367,368,369,370,375,376,377,388,389,390,391,397,398,399,400,401,402,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +3924 - 31,32,33,34,53,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,103,120,121,122,123,124,125,145,146,147,168,169,190,191,192,212,213,214,234,235,236,254,255,256,257,258,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,387,388,406,407,408,409,410,411,412,430,431,432,433,434,454,455,487 +3925 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,147,148,159,160,161,162,168,169,170,171,172,181,182,183,189,190,191,192,193,194,203,204,205,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,494 +3926 - 34,35,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,429,449,450,451,486 +3927 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,168,169,170,181,182,183,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,272,275,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,471,472,473,494 +3928 - 53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,168,169,170,171,172,179,180,181,182,183,184,185,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +3929 - 55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,122,123,124,125,126,127,128,129,135,136,137,138,140,141,147,148,149,150,151,157,158,159,160,161,162,170,171,172,173,174,178,179,180,181,193,194,195,196,200,201,202,215,216,217,218,222,223,224,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,304,305,306,309,310,311,312,326,327,331,332,333,334,347,348,349,353,354,355,356,357,358,359,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,485 +3930 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,128,147,148,149,150,170,171,172,173,192,193,194,195,214,215,216,217,236,237,238,258,259,260,261,262,263,276,277,278,279,280,281,282,283,284,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,342,343,344,345,354,355,356,357,358,359,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,487 +3931 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,123,124,139,140,141,142,143,144,145,146,160,161,162,164,165,166,167,168,182,183,184,188,189,190,205,206,207,210,211,212,227,228,229,230,232,233,234,250,251,252,253,254,255,274,275,276,277,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,430,431,432,448,449,450,451,452,453,470,471,472,473,474,493 +3932 - 12,13,14,15,16,33,34,35,36,37,38,54,55,56,57,59,60,75,76,77,78,96,97,98,99,118,119,120,139,140,141,161,162,163,183,184,204,205,206,226,227,228,229,230,231,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,300,301,302,303,313,314,315,324,325,326,335,336,337,346,347,348,358,359,360,367,368,369,380,381,382,383,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +3933 - 72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,117,118,120,121,122,123,124,125,126,127,145,146,147,148,167,168,169,188,189,190,191,210,211,212,232,233,234,253,254,255,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,492 +3934 - 6,7,8,9,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,76,77,78,79,92,93,98,99,100,101,102,122,123,124,145,146,167,168,169,189,190,191,211,212,213,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,387,388,389,390,404,405,406,410,411,412,413,414,433,434,435,436,487 +3935 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,124,125,126,136,137,138,139,147,148,149,150,158,159,160,167,168,169,170,171,172,180,181,182,184,185,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,214,215,216,224,225,226,227,228,229,230,231,234,235,236,237,246,247,248,249,250,251,255,256,257,258,259,270,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,473,494 +3936 - 29,30,31,50,51,52,53,71,72,73,74,75,92,93,94,95,96,97,114,115,116,117,118,119,135,136,137,138,139,157,158,159,160,179,180,181,187,188,189,190,191,192,193,200,201,202,203,208,209,210,211,212,213,214,215,216,217,222,223,224,225,230,231,232,233,234,235,236,237,238,239,244,245,246,251,252,253,254,255,260,261,262,267,268,269,273,274,275,276,283,284,285,289,290,291,292,295,296,297,305,306,307,311,312,313,314,315,317,318,319,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,491 +3937 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,194,202,203,204,205,206,207,213,214,215,216,224,225,226,227,228,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,345,346,347,355,356,357,358,366,367,368,369,377,378,379,380,381,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,470,471,472,473,485 +3938 - 23,24,25,26,27,45,46,47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,235,236,237,238,259,260,261,281,282,283,303,304,305,306,325,326,327,328,333,334,335,346,347,348,349,350,354,355,356,367,368,369,370,371,372,376,377,378,379,380,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +3939 - 11,12,13,14,15,16,31,32,33,34,35,36,37,38,52,53,54,55,56,57,73,74,75,76,77,94,95,96,97,98,116,117,118,138,139,140,159,160,161,162,181,182,183,203,204,205,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,238,239,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,303,304,305,306,313,314,315,316,317,318,319,324,325,326,327,336,337,338,339,340,341,345,346,347,348,349,358,359,360,361,362,363,364,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +3940 - 80,81,82,101,102,103,104,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,188,189,190,191,210,211,212,213,231,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,474,475,492 +3941 - 59,60,61,62,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,141,142,143,148,149,150,171,172,192,193,194,213,214,215,225,226,227,228,229,230,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,286,293,294,300,301,302,308,309,323,324,325,330,331,332,333,345,346,347,353,354,355,356,357,358,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,428,429,430,431,488 +3942 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,144,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,251,252,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,340,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,472,473,474,475,492 +3943 - 10,11,12,13,14,31,32,33,34,35,36,37,53,57,58,59,60,61,81,82,83,84,97,98,99,100,101,102,104,105,106,107,118,119,120,121,122,123,124,127,128,129,139,140,141,142,143,145,146,150,151,160,161,162,163,172,173,174,181,182,183,184,194,195,196,201,202,203,204,205,206,216,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,327,328,329,332,333,334,335,336,348,349,350,351,355,356,357,358,359,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,485 +3944 - 129,130,131,146,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,247,248,249,250,251,269,270,271,292,293,314,315,316,317,318,337,338,339,340,361,362,363,382,383,384,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,490 +3945 - 60,61,81,82,83,103,104,105,124,125,126,127,141,146,147,148,161,162,163,164,167,168,169,170,183,184,185,186,189,190,191,204,205,206,210,211,212,213,225,226,227,228,231,232,233,234,246,247,248,249,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,336,339,340,341,360,361,362,363,382,383,384,403,404,405,424,425,426,427,446,447,448,468,469,470,489 +3946 - 54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,146,160,161,162,163,164,166,167,168,181,182,183,184,185,188,189,190,203,204,205,206,207,210,211,212,216,217,218,224,225,226,227,228,231,232,233,234,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +3947 - 13,14,15,16,17,33,34,35,36,37,38,39,40,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,160,161,162,163,181,182,183,184,202,203,204,205,206,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,278,279,280,281,282,283,289,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,338,347,348,349,356,357,358,359,360,361,362,363,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +3948 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,231,232,233,234,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,443,444,445,446,447,465,466,467,468,492 +3949 - 34,35,36,37,38,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,118,119,120,126,127,128,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,278,279,280,300,301,302,309,310,321,322,323,324,331,332,342,343,344,345,353,354,362,363,364,365,366,375,376,377,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,488 +3950 - 12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,167,168,169,170,171,172,181,182,183,184,185,188,189,190,191,192,193,194,195,203,204,205,206,209,210,211,212,213,214,215,216,217,218,225,226,227,228,231,232,233,234,238,239,240,246,247,248,249,250,252,253,254,255,260,261,262,268,269,270,271,272,274,275,276,277,282,283,284,290,291,292,293,294,296,297,298,299,303,304,305,306,312,313,314,315,316,318,319,320,321,325,326,327,328,335,336,337,338,345,346,347,348,349,357,358,359,360,361,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +3951 - 91,92,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,160,161,162,163,164,165,166,167,172,173,174,193,194,195,196,215,216,217,236,237,238,239,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +3952 - 17,18,19,38,39,40,41,58,59,60,61,79,80,81,82,83,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,185,186,187,188,207,208,209,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,320,321,322,323,336,337,338,342,343,344,358,359,360,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,429,491 +3953 - 10,11,12,32,33,34,53,54,55,56,75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,148,161,162,163,168,169,170,182,183,184,185,190,191,192,193,204,205,206,214,215,216,225,226,227,228,236,237,238,247,248,249,258,259,260,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,324,325,326,334,335,336,337,346,347,348,357,358,359,360,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,485 +3954 - 31,32,33,53,54,55,75,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,449,450,451,452,486 +3955 - 56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,468,469,470,486 +3956 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +3957 - 60,61,62,82,83,84,98,99,100,104,105,106,119,120,121,122,123,125,126,127,128,141,142,143,144,147,148,149,162,163,164,165,168,169,170,171,184,185,186,190,191,192,205,206,207,208,211,212,213,214,226,227,228,229,233,234,235,248,249,250,254,255,256,257,261,269,270,271,272,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,472,473,489 +3958 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,107,115,116,117,118,119,125,126,127,128,129,137,138,139,140,145,146,147,148,149,158,159,160,161,162,165,166,167,168,169,170,180,181,182,183,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,300,301,302,315,316,317,322,323,324,337,338,339,344,345,346,359,360,361,362,366,367,368,381,382,383,384,385,387,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +3959 - 13,14,35,36,37,54,55,56,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,186,190,191,192,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,274,275,276,277,278,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,336,337,338,339,343,344,345,357,358,359,365,366,367,378,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,493 +3960 - 18,19,20,37,38,39,40,41,42,58,59,60,61,62,63,79,80,81,82,83,100,101,102,103,104,120,121,122,123,124,142,143,144,145,163,164,165,184,185,186,187,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,276,277,278,279,280,290,291,292,293,300,301,302,303,311,312,313,314,321,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,407,408,409,421,422,423,424,425,426,491 +3961 - 12,13,14,15,33,34,35,36,37,38,59,60,81,82,83,95,96,97,98,103,104,105,116,117,118,119,120,121,126,127,138,139,140,148,149,160,161,170,171,182,183,191,192,204,205,206,213,214,227,228,229,234,235,236,249,250,251,252,255,256,257,258,272,273,274,275,276,277,278,279,295,296,297,298,299,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,364,365,366,379,380,381,386,387,388,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,493 +3962 - 32,33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +3963 - 35,36,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +3964 - 35,36,57,58,59,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,124,125,126,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,191,192,193,203,204,205,213,214,215,224,225,226,227,235,236,237,246,247,248,256,257,258,259,268,269,270,279,280,281,290,291,292,300,301,302,303,312,313,314,322,323,324,325,334,335,336,344,345,346,356,357,358,365,366,367,368,378,379,380,386,387,388,389,400,401,402,403,404,405,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,485 +3965 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,81,82,83,84,95,96,97,98,99,104,105,106,115,116,117,118,119,120,126,127,128,137,138,139,140,147,148,149,150,159,160,161,169,170,171,182,183,190,191,192,193,211,212,213,214,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,410,411,412,413,414,420,421,422,423,424,425,435,436,443,444,445,446,487 +3966 - 35,36,56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,449,450,486 +3967 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,139,140,141,142,147,148,160,161,162,163,170,181,182,183,184,190,191,192,193,202,203,204,205,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,268,269,270,271,272,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,446,447,448,449,468,469,470,471,494 +3968 - 55,56,57,58,59,76,77,78,80,81,82,98,99,100,103,104,105,115,116,117,118,119,120,121,126,127,128,137,138,139,140,141,142,143,148,149,150,159,160,161,163,164,165,170,171,172,181,182,183,185,186,192,193,194,203,204,205,206,208,213,214,215,226,227,228,229,234,235,236,237,249,250,251,252,253,255,256,257,258,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,340,341,342,343,344,360,361,362,363,365,366,367,382,383,384,387,388,389,403,404,405,409,410,411,425,426,427,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +3969 - 34,35,36,37,40,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,126,127,128,129,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,243,244,245,246,255,256,257,258,259,265,266,267,268,279,280,281,282,286,287,288,301,302,303,304,308,309,323,324,325,326,330,331,332,346,347,348,352,353,354,355,356,357,358,367,368,369,370,374,375,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,488 +3970 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,192,193,194,195,202,203,204,205,206,207,208,209,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,494 +3971 - 35,36,37,38,57,58,59,60,78,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +3972 - 34,35,36,37,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,159,160,161,162,163,164,181,182,183,184,202,203,204,205,206,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,304,319,320,321,322,323,324,325,326,327,343,344,345,346,347,348,349,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,448,449,450,451,452,490 +3973 - 40,41,61,62,63,82,83,84,85,99,100,101,104,105,106,119,120,121,122,125,126,127,140,141,142,143,144,147,148,149,162,163,164,165,168,169,170,171,183,184,185,190,191,192,204,205,206,207,211,212,213,225,226,227,228,233,234,235,247,248,249,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,430,448,449,450,451,452,489 +3974 - 60,61,62,63,64,76,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,182,183,184,204,205,206,226,227,228,248,249,250,251,270,271,272,273,274,275,276,293,294,295,296,297,298,317,318,319,320,321,340,341,342,343,363,364,365,377,378,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +3975 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,117,118,119,120,126,127,128,139,140,141,147,148,149,150,160,161,162,163,169,170,171,183,184,185,190,191,192,205,206,207,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,455,456,465,466,467,487 +3976 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,100,101,102,103,116,117,118,122,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,172,183,184,185,189,190,191,192,193,194,205,206,207,208,213,214,215,228,229,230,231,233,234,235,236,251,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,342,343,344,359,360,361,364,365,366,381,382,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +3977 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,125,126,127,139,140,141,148,149,160,161,162,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,252,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,494 +3978 - 51,52,53,54,73,74,75,76,95,96,97,116,117,118,119,126,138,139,140,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,204,205,206,212,213,214,226,227,228,233,234,235,236,248,249,250,255,256,257,258,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,489 +3979 - 37,38,39,58,59,60,61,77,78,81,82,83,95,96,97,98,99,100,101,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,147,148,149,160,161,168,169,170,182,183,184,189,190,191,192,204,205,206,207,208,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,320,321,337,338,342,343,344,358,359,360,364,365,366,380,381,382,385,386,387,402,403,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +3980 - 14,15,16,17,33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,103,104,105,106,124,125,126,127,128,146,147,148,149,168,169,170,171,182,183,184,185,186,187,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,243,244,245,246,247,248,253,254,255,256,257,258,265,266,267,268,269,274,275,276,277,278,279,280,281,287,288,289,290,291,295,296,297,298,299,300,301,302,303,304,309,310,311,312,316,317,318,319,320,321,323,324,325,326,327,331,332,333,334,336,337,338,339,340,341,342,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,368,369,370,371,376,377,378,379,380,381,382,383,384,390,391,392,393,399,400,401,402,403,404,412,413,414,415,422,423,424,425,487 +3981 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,81,82,83,95,96,97,98,103,104,105,117,118,119,124,125,126,127,139,140,141,146,147,148,161,162,163,167,168,169,170,184,185,188,189,190,191,208,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,411,412,413,414,422,423,424,425,426,427,428,435,436,437,444,445,446,447,448,457,458,459,487 +3982 - 99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,188,189,190,191,205,206,207,209,210,211,212,226,227,228,231,232,233,248,249,250,252,253,254,255,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,473,474,494 +3983 - 33,34,35,55,56,57,77,78,79,80,98,100,101,102,118,119,120,121,122,123,139,140,141,142,143,144,145,146,160,161,162,163,164,166,167,168,182,183,184,188,189,190,205,206,207,210,211,227,228,229,230,231,232,233,250,251,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,338,339,340,343,344,360,361,362,365,366,382,383,387,388,389,404,405,409,410,426,427,428,429,430,431,432,449,450,451,452,453,493 +3984 - 35,36,37,57,58,59,78,79,80,100,101,102,121,122,123,142,143,144,145,163,164,165,166,171,172,185,186,187,192,193,194,206,207,208,213,214,215,216,227,228,229,230,235,236,237,248,249,250,251,256,257,258,259,270,271,272,274,275,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,342,343,344,357,358,363,364,365,385,386,387,407,408,429,430,451,452,453,489 +3985 - 12,13,14,15,32,33,34,35,54,55,56,75,76,77,78,96,97,98,99,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,225,226,227,228,247,248,249,250,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,302,303,304,313,314,315,317,318,319,325,326,335,336,337,338,339,340,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +3986 - 57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,106,114,115,116,117,118,119,120,121,136,137,138,139,158,159,160,180,181,182,183,184,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,234,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,291,292,293,294,297,298,299,300,301,313,314,315,316,320,321,322,323,324,335,336,337,343,344,345,346,347,357,358,359,366,367,368,369,380,381,382,389,390,391,392,402,403,404,405,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,493 +3987 - 98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,160,161,162,163,168,169,170,171,172,181,182,183,184,189,190,191,192,193,202,203,204,205,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,494 +3988 - 52,53,54,55,56,57,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,123,124,125,126,127,128,137,138,139,140,148,149,150,159,160,161,172,181,182,183,203,204,205,225,226,247,248,249,252,253,254,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,316,322,323,324,325,326,346,347,348,366,367,368,369,370,386,387,388,389,390,391,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,490 +3989 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,125,126,127,128,140,141,142,147,148,149,162,168,169,170,189,190,191,192,211,212,213,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,422,423,424,425,426,427,443,444,445,446,465,466,467,487 +3990 - 48,56,57,70,71,78,79,80,92,93,100,101,102,114,115,116,122,123,124,136,137,138,144,145,146,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,236,246,247,248,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,360,366,367,368,389,390,411,412,433,434,455,456,477,478,489 +3991 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,160,161,162,163,167,168,169,170,182,183,184,189,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,237,247,248,249,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,447,448,449,469,470,471,494 +3992 - 94,95,116,117,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,213,214,215,224,225,226,227,228,235,236,237,245,246,247,248,257,258,259,260,267,268,269,278,279,280,281,282,289,290,299,300,301,302,303,311,321,322,323,324,325,333,343,344,345,346,355,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,452,453,454,455,473,474,475,476,492 +3993 - 12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,182,183,184,185,191,192,193,203,204,205,206,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,247,248,249,252,253,254,255,259,260,261,268,269,270,271,273,274,275,276,281,282,283,290,291,292,295,296,297,303,304,305,312,313,314,315,316,317,318,319,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,384,385,386,387,388,389,407,408,409,410,411,412,491 +3994 - 11,12,13,32,33,34,54,55,75,76,77,97,98,99,118,119,120,140,141,142,162,163,183,184,185,205,206,207,227,228,229,234,249,250,251,253,254,255,256,257,258,271,272,273,275,276,277,278,279,280,293,294,296,297,298,299,301,302,315,316,317,318,319,320,323,324,337,338,339,340,341,344,345,346,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +3995 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,96,97,101,102,103,104,124,125,126,144,145,146,147,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,253,254,255,256,276,277,278,279,299,300,301,321,322,323,324,331,332,344,345,346,353,354,355,366,367,368,375,376,377,378,387,388,389,390,398,399,400,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,488 +3996 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,473,474,486 +3997 - 32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,116,124,125,126,127,146,147,148,149,167,168,169,170,182,183,184,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,277,278,279,280,300,301,302,303,308,309,310,323,324,325,330,331,332,345,346,347,348,352,353,354,355,367,368,369,370,375,376,377,378,379,380,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +3998 - 55,56,57,74,75,76,77,78,79,96,97,98,99,100,104,105,116,117,118,119,120,121,125,126,127,137,138,139,140,141,142,147,148,149,159,160,161,162,163,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,223,224,225,234,235,236,245,246,247,255,256,257,258,267,268,269,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,454,455,456,457,476,477,478,494 +3999 - 12,13,14,15,16,33,34,35,36,37,54,55,56,57,74,75,76,77,78,95,96,97,98,99,116,117,118,119,137,138,139,140,159,160,161,180,181,182,202,203,204,224,225,226,246,247,248,254,256,257,258,259,268,269,270,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,325,326,327,336,337,338,339,347,348,359,360,361,362,363,364,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +4000 - 69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,466,467,468,469,470,492 +4001 - 31,32,34,35,36,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,123,124,125,126,146,147,148,149,166,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,303,309,310,311,323,324,325,331,332,333,345,346,347,353,354,355,356,367,368,369,376,377,378,379,380,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,488 +4002 - 30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,146,147,148,149,150,160,161,162,163,164,165,166,169,170,171,172,173,181,182,183,184,185,186,187,188,192,193,194,195,202,203,204,205,206,207,208,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,323,324,325,326,327,333,334,335,343,344,345,346,347,348,355,356,357,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +4003 - 34,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,446,447,448,486 +4004 - 49,50,51,54,55,56,57,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,115,116,117,137,138,139,159,160,161,166,167,168,169,170,171,181,182,183,186,187,188,189,190,191,192,193,194,204,205,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,237,238,247,248,249,250,251,252,259,260,269,270,271,272,281,282,291,292,293,302,303,304,324,325,326,346,347,348,367,368,369,370,389,390,391,400,401,402,410,411,412,422,423,424,425,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +4005 - 36,37,38,39,40,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,103,104,105,119,120,121,124,125,126,127,140,141,142,145,146,147,148,162,163,164,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,270,271,272,273,274,291,292,293,294,295,312,313,314,315,316,334,335,336,342,343,344,345,346,355,356,357,358,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,412,413,414,421,422,423,424,425,443,444,445,487 +4006 - 53,54,55,74,75,76,77,78,96,97,98,99,100,101,117,118,119,121,122,123,124,139,140,144,145,146,161,162,167,168,183,184,189,190,205,206,210,211,212,227,228,232,233,249,250,251,254,255,273,274,275,276,296,297,298,318,319,320,321,339,340,342,343,344,361,362,365,366,382,383,384,387,388,404,405,409,410,426,427,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +4007 - 55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,120,121,122,141,142,143,163,164,165,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,256,257,258,259,279,280,281,301,302,303,310,323,324,325,331,332,333,345,346,347,353,354,366,367,368,375,376,377,388,389,390,397,398,399,400,401,402,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,471,472,490 +4008 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,104,105,118,119,120,124,125,126,139,140,141,146,147,148,160,161,162,163,169,170,171,182,183,184,185,191,192,193,203,204,205,206,214,215,216,225,226,227,228,236,237,238,247,248,249,258,259,260,261,268,269,270,271,281,282,283,290,291,292,302,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +4009 - 32,33,34,35,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,101,102,103,104,121,122,124,125,126,127,141,142,143,144,147,148,149,162,163,164,165,170,171,183,184,185,186,192,193,194,204,205,206,207,214,215,216,225,226,227,228,236,237,238,247,248,249,250,258,259,260,268,269,270,271,280,281,282,289,290,291,292,302,303,304,311,312,313,314,324,325,326,333,334,335,345,346,347,355,356,357,367,368,369,377,378,379,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,485 +4010 - 55,56,57,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,186,187,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +4011 - 31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,102,103,104,124,125,126,145,146,147,148,166,167,168,169,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,249,250,251,252,254,255,256,257,258,278,279,280,281,301,302,303,324,325,326,333,334,346,347,348,355,356,368,369,370,377,378,379,380,389,390,391,392,400,401,402,403,404,405,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +4012 - 31,32,33,34,53,54,55,56,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,486 +4013 - 59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,143,144,145,146,148,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,445,446,447,467,468,469,486 +4014 - 54,55,75,76,77,78,97,98,99,100,118,119,120,121,122,139,140,141,142,143,144,145,160,161,162,163,164,165,166,167,181,182,183,184,186,187,188,189,203,204,205,209,210,211,225,226,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,486 +4015 - 16,17,18,19,34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,77,78,79,80,98,99,100,101,102,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,181,182,183,184,185,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,301,302,303,304,310,311,323,324,325,326,332,333,334,345,346,347,348,354,355,356,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,490 +4016 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,122,123,124,125,126,138,139,145,146,147,148,166,167,168,169,170,188,189,190,191,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,453,454,455,456,457,487 +4017 - 16,17,35,36,37,38,39,56,57,58,59,60,76,77,78,79,80,97,98,99,100,101,118,119,120,121,140,141,142,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,212,213,214,226,227,228,235,236,237,247,248,249,257,258,259,270,280,281,282,288,302,303,304,309,310,311,323,324,325,326,331,332,345,346,347,353,354,355,366,367,368,369,375,376,377,378,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,490 +4018 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,257,258,259,270,271,272,273,274,275,280,281,292,293,294,295,296,302,303,314,315,316,317,318,319,323,324,325,336,337,338,339,341,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +4019 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,148,149,159,160,161,162,169,170,171,181,182,183,184,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,253,254,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,494 +4020 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,278,279,280,300,301,302,322,323,324,344,345,365,366,367,387,388,389,409,410,411,431,432,452,453,454,474,475,476,492 +4021 - 14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,98,99,100,102,103,119,120,121,122,123,124,125,141,142,143,145,146,147,163,164,165,167,168,169,185,186,187,189,190,207,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,278,294,295,296,298,299,300,315,316,317,318,320,321,322,336,337,338,339,343,344,345,358,359,360,365,366,367,380,381,382,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,493 +4022 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,116,122,123,124,125,126,127,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,344,345,346,347,348,355,356,357,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +4023 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,146,147,148,149,150,151,152,159,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,194,195,196,202,203,204,205,206,207,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,249,260,261,262,267,268,269,270,271,282,283,284,289,290,291,292,293,303,304,305,306,311,312,313,314,325,326,327,333,334,335,336,347,348,349,355,356,357,358,368,369,370,371,377,378,379,380,381,389,390,391,392,399,400,401,402,403,404,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,485 +4024 - 51,72,73,74,75,76,77,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,212,213,214,215,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +4025 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,137,138,139,140,147,148,158,159,160,161,168,169,170,180,181,182,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +4026 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,123,124,138,139,140,146,147,159,160,161,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,234,235,247,248,249,255,256,257,269,270,271,276,277,278,279,292,293,294,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,338,339,340,341,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4027 - 36,37,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,147,148,149,150,161,162,163,164,165,166,169,170,171,172,182,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,251,257,258,259,260,268,269,270,271,272,278,279,280,281,282,290,291,292,293,294,300,301,302,303,312,313,314,315,321,322,323,324,325,333,334,335,336,337,342,343,344,345,346,355,356,357,358,359,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +4028 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,99,100,101,102,115,116,117,122,123,124,137,138,139,144,145,146,147,160,161,162,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,319,320,321,322,323,337,338,339,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,410,411,412,413,414,424,425,426,427,428,433,434,435,436,446,447,448,449,456,457,458,487 +4029 - 38,39,59,60,61,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,428,446,447,448,449,450,486 +4030 - 34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,92,93,94,95,114,115,135,136,137,157,158,179,180,201,202,203,223,224,225,246,247,253,254,255,256,257,259,260,261,262,268,269,272,273,274,275,276,277,278,279,281,282,283,284,285,290,291,292,293,294,295,296,297,306,307,312,313,314,315,316,328,329,334,335,336,337,338,339,340,341,349,350,351,356,357,358,360,361,362,363,364,365,366,367,368,369,370,371,372,373,384,385,386,387,388,389,390,391,392,393,409,410,411,412,413,491 +4031 - 31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,101,102,103,117,118,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,213,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,325,326,327,330,331,332,333,334,335,336,337,338,339,340,346,347,348,349,352,353,354,355,356,357,358,359,360,368,369,370,371,374,375,376,377,378,379,380,381,390,391,392,393,396,397,398,399,400,401,402,411,412,413,414,420,421,433,434,435,455,456,457,487 +4032 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,169,170,171,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,216,223,224,225,226,233,234,235,236,237,245,246,247,254,255,256,257,258,259,266,267,268,269,275,276,277,278,279,280,281,289,290,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,343,344,345,356,357,358,359,360,361,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,494 +4033 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,96,97,99,100,101,102,103,120,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,253,254,255,256,257,258,259,278,279,280,281,300,301,302,303,311,321,322,323,324,325,332,333,334,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,488 +4034 - 107,118,119,120,128,129,130,134,135,136,137,138,139,140,141,142,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,187,188,189,190,191,192,193,194,199,200,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,492 +4035 - 63,64,65,74,75,84,85,86,87,95,96,97,98,106,107,108,109,118,119,120,127,128,129,130,138,139,140,141,148,149,150,151,152,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,223,224,225,226,227,234,235,236,237,245,246,247,248,249,250,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,315,316,317,318,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,489 +4036 - 56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,366,383,384,386,387,388,404,405,406,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,475,493 +4037 - 40,41,42,43,59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,137,138,139,141,142,143,144,145,158,159,160,161,163,164,165,179,180,181,182,183,201,202,203,204,205,223,224,225,226,227,228,229,230,245,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,294,295,296,297,298,299,318,319,320,321,322,341,342,343,344,363,364,365,366,367,378,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,490 +4038 - 27,28,48,49,50,70,71,72,83,84,92,93,94,104,105,106,113,114,115,125,126,127,128,129,135,136,137,138,147,148,149,150,151,157,158,159,169,170,171,172,178,179,180,181,190,191,192,193,194,200,201,202,203,212,213,214,215,216,222,223,224,225,234,235,236,237,238,244,245,246,247,256,257,258,259,260,266,267,268,269,277,278,279,280,281,288,289,290,291,299,300,301,302,310,311,312,313,314,315,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,387,388,389,409,410,411,412,432,433,434,435,454,455,456,457,458,489 +4039 - 11,12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,123,139,140,141,142,143,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,247,248,249,250,251,269,270,271,272,273,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,491 +4040 - 31,32,33,34,35,36,38,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,79,80,81,82,83,84,94,95,96,105,106,116,117,118,126,127,128,138,139,140,148,149,150,161,162,163,169,170,171,184,185,186,190,191,192,193,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,299,300,301,312,313,314,315,316,322,323,332,333,334,335,336,344,345,353,354,355,356,366,367,368,375,376,377,388,389,390,397,398,399,400,401,402,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,493 +4041 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,170,171,172,178,179,180,181,182,183,184,185,186,192,193,194,199,200,201,202,203,204,205,206,213,214,215,216,221,222,223,224,225,226,234,235,236,237,238,243,244,245,246,247,256,257,258,259,265,266,267,277,278,279,280,281,299,300,301,302,303,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,450,451,452,472,473,474,492 +4042 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,190,191,192,193,194,195,212,213,214,215,216,217,232,233,234,235,236,237,238,253,254,255,256,257,258,274,275,276,277,278,279,280,295,296,297,298,299,300,301,316,317,318,319,320,321,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,420,421,422,423,424,425,441,442,443,444,445,446,463,464,465,466,492 +4043 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,92,93,94,97,98,99,100,101,102,103,104,105,106,114,115,116,117,119,120,121,124,125,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,160,161,162,163,171,172,173,183,184,185,186,191,192,193,194,195,205,206,207,208,212,213,214,215,216,228,229,230,231,233,234,235,236,237,251,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,344,356,357,358,359,363,364,365,366,377,378,379,385,386,387,388,399,400,401,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,493 +4044 - 33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,163,164,170,171,172,181,182,183,184,185,186,192,193,194,195,203,204,205,206,207,215,216,217,224,225,226,227,228,237,238,239,240,246,247,248,249,250,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,293,302,303,304,305,311,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,348,356,357,358,359,365,366,367,368,369,378,379,380,381,382,383,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +4045 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,169,170,181,182,183,184,185,186,190,191,192,202,203,204,205,206,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,494 +4046 - 90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,189,190,191,192,200,201,202,203,211,212,213,214,222,223,224,225,233,234,235,236,245,246,256,257,258,278,279,280,300,301,302,322,323,324,325,344,345,346,347,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,430,431,433,434,435,455,456,457,477,478,479,480,492 +4047 - 36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,171,183,184,185,186,191,192,193,204,205,206,207,208,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,301,302,303,312,313,314,315,322,323,324,325,334,335,336,343,344,345,346,356,357,358,364,365,366,367,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +4048 - 55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,139,140,141,142,160,161,162,163,181,182,183,184,185,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,325,336,337,344,345,346,347,357,358,359,366,367,368,369,379,380,381,387,388,389,390,391,402,403,404,405,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +4049 - 38,39,59,60,61,81,82,83,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,400,401,402,403,422,423,424,425,444,445,446,486 +4050 - 69,70,71,72,73,74,90,91,92,93,94,95,96,97,98,112,113,114,119,120,121,122,124,125,134,135,136,142,143,144,145,146,147,148,156,157,158,166,167,168,169,170,179,180,189,190,191,192,201,202,211,212,213,214,223,224,225,234,235,236,246,247,256,257,258,269,270,278,279,280,291,292,293,299,300,301,302,314,315,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,384,385,386,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +4051 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,80,81,82,83,84,85,95,96,97,98,103,104,105,106,107,126,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,387,388,389,390,397,398,399,400,401,402,403,404,408,409,410,411,419,420,421,422,423,424,430,431,432,433,487 +4052 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,101,102,103,114,115,116,117,124,125,126,136,137,138,139,147,148,158,159,160,169,170,180,181,182,190,191,202,203,204,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,280,292,293,294,295,300,301,302,303,314,315,316,323,324,325,326,336,337,346,347,348,358,359,369,370,371,380,381,382,391,392,393,402,403,404,413,414,415,425,426,427,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,493 +4053 - 29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,77,78,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,254,255,256,257,258,278,279,280,281,300,301,302,311,312,321,322,323,324,325,333,334,342,343,344,345,346,355,356,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +4054 - 10,11,12,31,32,33,52,53,54,74,75,76,95,96,97,117,118,139,140,161,162,182,183,189,190,191,192,193,204,205,210,211,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,259,260,270,271,272,274,275,276,277,281,282,292,293,294,295,296,297,298,303,304,315,316,317,318,319,325,326,337,338,339,340,346,347,348,359,360,361,362,363,367,368,369,381,382,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +4055 - 86,87,107,108,109,117,118,119,128,129,130,131,139,140,141,148,149,150,151,152,160,161,162,163,170,171,172,173,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,216,224,225,226,227,234,235,236,237,245,246,247,248,249,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,427,428,429,450,451,489 +4056 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,126,127,128,138,139,140,141,149,150,159,160,161,162,171,172,180,181,182,183,191,192,193,194,201,202,203,213,214,215,223,224,225,233,234,235,236,244,245,246,254,255,256,257,258,266,267,268,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,322,323,344,345,346,366,367,388,389,410,411,431,432,433,453,454,455,475,476,477,494 +4057 - 86,87,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,224,225,226,227,246,247,248,249,250,251,252,268,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,319,320,321,322,342,343,344,356,357,364,365,366,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,490 +4058 - 60,61,62,63,72,73,74,75,76,82,83,84,85,86,93,94,95,96,97,98,99,100,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,126,129,130,133,134,135,136,137,138,143,144,150,151,152,155,156,157,158,171,172,173,174,177,178,179,192,193,194,195,199,200,201,214,215,216,221,222,223,224,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,318,319,320,321,322,323,324,325,326,327,339,340,341,342,346,347,348,349,360,361,362,363,367,368,369,370,380,381,382,383,384,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,469,470,493 +4059 - 14,15,16,17,27,35,36,37,38,39,49,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,247,248,249,250,251,269,270,271,272,273,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +4060 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,124,125,139,140,146,147,160,161,162,169,182,183,184,190,191,192,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,269,270,271,276,277,278,279,291,292,293,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,365,366,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +4061 - 125,126,127,128,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,193,194,195,201,202,203,204,205,206,207,208,209,210,214,215,216,217,222,223,224,225,226,227,228,229,236,237,238,239,243,244,245,246,247,248,249,258,259,260,264,265,266,267,268,269,279,280,281,282,286,287,288,289,290,301,302,303,304,308,309,310,322,323,324,325,344,345,346,347,365,366,367,368,386,387,388,389,407,408,409,410,429,430,431,450,451,452,453,472,473,474,492 +4062 - 77,78,79,80,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,144,145,157,158,159,160,161,162,179,180,181,182,201,202,203,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,280,281,282,283,290,291,303,304,305,306,326,327,328,348,349,350,370,371,372,392,393,394,413,414,415,416,434,435,436,437,438,455,456,457,458,459,476,477,478,479,480,490 +4063 - 54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,102,103,104,105,106,124,125,126,127,146,147,148,149,161,162,168,169,170,171,182,183,184,189,190,191,192,205,206,207,210,211,212,213,214,227,228,229,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,337,338,339,340,341,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +4064 - 54,55,56,77,78,99,100,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,253,254,275,276,297,298,318,319,320,340,341,342,362,363,364,384,385,406,407,428,429,450,451,472,473,486 +4065 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,169,170,171,181,182,183,184,185,191,202,203,204,205,206,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,494 +4066 - 10,11,12,32,33,34,35,54,55,56,57,58,76,77,78,79,80,92,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,224,225,226,230,231,232,233,234,235,247,248,253,254,255,256,257,269,270,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,343,344,345,346,347,359,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,486 +4067 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,129,140,141,142,143,148,149,150,151,160,161,162,163,164,165,171,172,173,174,181,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,358,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +4068 - 32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,121,122,123,124,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,357,358,359,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +4069 - 37,38,39,40,59,60,61,62,80,81,82,83,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,401,402,403,404,423,424,425,445,446,447,486 +4070 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +4071 - 10,11,12,13,14,32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,78,79,80,81,82,83,84,103,104,105,106,107,126,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,195,213,214,215,216,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,316,317,318,319,320,321,322,323,324,325,330,331,332,333,334,335,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,389,390,391,392,397,398,399,400,401,402,403,404,405,412,413,414,415,420,421,422,423,435,436,437,487 +4072 - 12,13,14,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,204,205,206,207,226,227,228,229,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,324,337,338,339,340,344,345,346,359,360,361,362,363,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +4073 - 8,9,10,11,12,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,100,101,102,103,104,105,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,187,188,189,190,191,192,210,211,212,213,214,233,234,235,236,237,256,257,258,259,277,278,279,280,281,287,288,289,299,300,301,302,303,308,309,310,311,320,321,322,323,324,325,330,331,332,333,334,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,488 +4074 - 91,92,93,94,95,96,97,113,114,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +4075 - 117,118,119,129,130,131,138,139,140,141,150,151,152,153,161,162,163,171,172,173,174,181,182,183,184,185,192,193,194,195,196,202,203,204,205,206,213,214,215,216,217,223,224,225,226,227,234,235,236,237,238,244,245,246,247,248,249,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,449,489 +4076 - 29,30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,116,117,118,119,137,138,139,140,158,159,160,161,162,179,180,181,182,183,184,185,186,201,202,203,204,205,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,275,276,277,278,279,280,281,299,300,301,302,303,323,324,325,326,345,346,347,348,367,368,369,370,377,378,379,380,381,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,490 +4077 - 127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,225,226,227,228,229,247,248,249,250,251,269,270,271,272,273,274,275,292,293,294,295,296,297,298,311,317,318,319,320,321,333,334,335,336,337,338,341,342,343,355,356,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,404,405,406,407,408,490 +4078 - 11,12,32,33,34,35,53,54,55,74,75,76,96,97,118,119,140,141,161,162,163,183,184,185,205,206,207,213,214,215,227,228,234,235,236,237,238,249,250,255,256,257,258,259,260,271,272,276,277,278,281,282,293,294,295,297,298,299,303,304,315,316,317,319,320,325,326,338,339,340,341,342,346,347,360,361,362,363,364,367,368,369,382,383,384,385,386,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +4079 - 13,14,15,16,17,34,35,36,37,38,39,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,139,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,247,248,249,250,268,269,270,271,272,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,491 +4080 - 28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,97,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,348,349,350,359,360,361,362,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,487 +4081 - 95,96,97,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,170,171,172,173,180,181,182,183,184,185,186,187,188,193,194,195,196,201,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,236,237,238,239,243,244,245,246,247,248,257,258,259,260,261,265,266,267,268,269,278,279,280,281,282,287,288,289,290,299,300,301,302,303,310,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,389,405,406,407,408,409,427,428,429,430,447,448,449,450,451,452,470,471,472,473,492 +4082 - 31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,142,143,145,146,147,148,149,150,151,158,159,160,161,170,171,172,173,179,180,181,182,193,194,195,196,201,202,203,204,215,216,217,218,223,224,225,226,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,281,282,283,284,289,290,291,292,303,304,305,311,312,313,314,325,326,327,333,334,335,336,345,346,347,348,356,357,358,359,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +4083 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,126,127,128,129,130,139,140,141,142,143,150,151,152,153,161,162,163,164,165,172,173,174,175,184,185,186,187,188,193,194,195,196,207,208,209,210,214,215,216,217,218,229,230,231,232,233,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,465,466,467,468,469,493 +4084 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,115,116,117,122,123,137,138,145,159,160,161,181,182,183,192,193,194,203,204,205,206,213,214,215,216,226,227,228,229,233,234,235,236,237,238,249,250,251,252,254,255,256,257,258,271,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,342,343,344,345,359,360,361,365,366,367,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,493 +4085 - 99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,170,171,172,182,183,184,185,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,302,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,466,467,468,469,470,494 +4086 - 11,12,13,32,33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,101,102,103,119,120,121,123,124,125,141,142,143,145,146,147,164,167,168,169,189,190,191,211,212,213,232,233,234,253,254,255,256,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,386,387,388,389,390,391,399,400,401,402,403,404,405,409,410,411,412,413,422,423,424,425,433,434,435,436,487 +4087 - 12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,226,227,228,229,248,249,250,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +4088 - 74,75,76,94,95,96,97,98,116,117,118,119,126,127,128,138,139,140,141,147,148,149,150,151,159,160,161,162,169,170,171,172,173,180,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,250,251,252,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +4089 - 37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +4090 - 13,14,15,16,35,36,37,38,56,57,58,60,78,79,99,100,101,120,121,122,123,142,143,144,163,164,165,184,185,186,187,206,207,208,228,229,230,231,232,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,298,299,300,315,316,317,320,321,322,337,338,339,342,343,344,359,360,361,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,429,491 +4091 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,160,161,162,163,164,169,170,181,182,183,184,185,190,191,192,193,203,204,205,206,210,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,277,278,279,292,293,294,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +4092 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,122,123,124,125,138,139,140,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,298,299,319,320,321,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +4093 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,145,146,147,148,159,160,161,162,163,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,205,211,212,213,214,215,216,223,224,225,226,232,233,234,235,236,237,238,245,246,247,248,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,300,301,302,303,312,313,314,315,316,321,322,323,324,335,336,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,494 +4094 - 31,32,33,34,35,36,53,54,55,56,57,58,59,76,77,78,79,80,81,82,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,273,274,275,276,277,297,298,299,300,314,319,320,321,322,335,336,341,342,343,344,355,356,357,358,362,363,364,365,366,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +4095 - 99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,168,169,170,181,182,183,184,185,190,191,192,203,204,205,206,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,471,472,473,494 +4096 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,49,50,51,52,53,56,57,58,71,72,73,74,79,80,81,93,94,95,101,102,103,115,116,123,124,125,137,138,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,225,226,232,233,234,254,255,256,276,277,278,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,389,390,391,392,393,394,401,402,403,404,405,406,407,413,414,415,416,417,424,425,426,427,428,437,438,439,487 +4097 - 74,75,85,86,87,95,96,97,107,108,109,117,118,119,128,129,130,131,138,139,140,141,150,151,152,160,161,162,171,172,173,174,181,182,183,184,192,193,194,195,202,203,204,205,214,215,216,217,223,224,225,226,227,235,236,237,238,245,246,247,248,249,250,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,473,489 +4098 - 72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,122,123,124,135,136,137,145,146,147,148,149,156,157,158,168,169,170,171,178,179,180,190,191,192,193,200,201,202,212,213,214,222,223,224,234,235,236,245,246,247,248,249,256,257,258,267,268,269,270,271,272,273,274,275,278,279,280,291,292,293,294,295,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,411,412,413,433,434,435,455,456,457,458,478,479,480,494 +4099 - 42,43,63,64,65,84,85,86,87,105,106,107,108,118,126,127,128,129,138,139,140,148,149,150,151,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,202,203,204,211,212,213,214,215,223,224,225,226,233,234,235,236,244,245,246,247,248,249,250,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,489 +4100 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,98,99,100,101,102,116,117,118,123,124,125,138,139,140,146,147,160,161,162,168,169,170,183,184,185,190,191,192,194,195,196,197,205,206,207,211,212,213,214,215,216,217,218,219,227,228,229,233,234,235,236,237,238,239,240,241,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,363,364,365,379,380,381,385,386,387,388,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +4101 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,141,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,208,209,210,211,212,213,231,232,233,234,235,236,255,256,257,258,277,278,279,280,281,300,301,302,303,322,323,324,325,331,332,344,345,346,347,352,353,354,355,365,366,367,368,369,374,375,376,377,378,379,380,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +4102 - 53,54,61,75,76,83,84,96,97,98,104,105,106,118,119,120,126,127,128,139,140,141,148,149,150,160,161,162,163,170,171,172,182,183,184,192,193,194,203,204,205,213,214,215,216,224,225,226,235,236,237,244,245,246,247,248,249,250,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,318,319,320,321,322,323,324,344,345,346,366,367,387,388,389,409,410,411,431,432,433,453,454,455,476,477,489 +4103 - 32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,103,104,105,106,107,117,118,119,120,126,127,128,129,130,140,141,142,143,149,150,151,152,163,164,165,166,169,170,171,172,173,174,186,187,188,189,190,191,192,193,194,195,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,297,298,299,300,310,311,312,313,314,315,319,320,321,322,331,332,333,334,335,340,341,342,343,344,353,354,355,361,362,363,364,365,375,376,377,378,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,493 +4104 - 54,55,56,75,76,77,78,79,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,149,150,151,152,153,161,162,163,182,183,184,203,204,205,225,226,227,247,248,268,269,270,271,291,292,293,294,295,296,297,314,315,316,317,318,319,320,321,341,342,343,344,364,365,366,377,387,388,389,399,400,409,410,422,423,424,429,430,431,432,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +4105 - 58,59,60,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,445,446,447,468,469,486 +4106 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,116,117,118,124,125,126,127,137,138,139,140,147,148,149,159,160,161,162,170,171,172,181,182,183,184,192,193,194,202,203,204,205,206,207,214,215,216,224,225,226,228,229,237,238,239,246,247,248,251,252,259,260,261,268,269,270,281,282,283,290,291,292,293,303,304,305,312,313,314,315,325,326,327,335,336,337,346,347,348,349,357,358,359,368,369,370,380,381,382,389,390,391,392,402,403,404,405,411,412,413,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,485 +4107 - 53,54,55,75,76,77,97,98,99,107,108,109,118,119,120,128,129,130,131,140,141,142,149,150,151,152,161,162,163,164,171,172,173,174,183,184,185,193,194,195,204,205,206,207,214,215,216,217,225,226,227,228,235,236,237,238,247,248,249,256,257,258,259,268,269,270,271,272,273,274,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,341,342,343,344,354,355,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +4108 - 34,35,36,37,54,55,56,57,75,76,77,78,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,148,149,150,151,160,161,162,163,171,172,173,182,183,184,193,194,195,204,205,215,216,217,225,226,227,237,238,239,247,248,249,259,260,269,270,280,281,282,291,292,302,303,304,312,313,314,323,324,325,334,335,336,345,346,347,356,357,358,366,367,368,379,380,387,388,389,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +4109 - 38,39,59,60,61,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +4110 - 12,13,14,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,253,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,491 +4111 - 96,117,118,119,120,121,139,140,141,142,143,144,164,165,166,187,188,189,197,209,210,211,215,216,217,218,219,231,232,233,234,235,236,237,238,239,240,241,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,311,312,315,316,317,318,319,333,334,335,336,337,338,339,340,355,356,357,358,359,360,379,487 +4112 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,226,227,228,229,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +4113 - 80,81,82,83,84,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,180,181,182,183,184,202,203,204,205,223,224,225,226,245,246,247,250,251,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,320,321,322,343,344,345,365,366,367,381,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,490 +4114 - 70,71,83,84,85,91,92,93,94,104,105,106,107,113,114,115,116,126,127,128,129,134,135,136,137,138,148,149,150,151,156,157,158,159,170,171,172,173,177,178,179,180,181,192,193,194,195,199,200,201,202,203,214,215,216,217,221,222,223,224,230,231,232,233,234,235,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,302,303,304,305,310,311,312,313,314,315,316,317,318,324,325,326,327,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,478,479,480,481,482,489 +4115 - 38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,169,170,171,172,173,182,183,184,185,186,187,188,192,193,194,195,203,204,205,206,207,208,209,214,215,216,217,224,225,226,227,228,229,236,237,238,239,245,246,247,248,249,250,257,258,259,260,261,266,267,268,269,270,271,279,280,281,282,288,289,290,291,292,300,301,302,303,304,310,311,312,313,320,321,322,323,324,325,331,332,333,334,335,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,444,445,446,447,485 +4116 - 95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,147,148,149,150,158,159,168,169,170,171,172,190,191,192,193,211,212,213,214,228,229,230,232,233,234,235,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,301,302,303,304,305,306,307,317,318,319,320,327,328,329,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +4117 - 77,78,79,80,81,82,84,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,467,468,469,470,494 +4118 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,143,144,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,210,211,212,213,225,226,227,232,233,234,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,321,322,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +4119 - 39,40,41,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,203,204,205,206,207,225,226,227,228,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,334,343,344,345,346,354,355,356,364,365,366,367,376,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,490 +4120 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,273,274,275,295,296,297,316,317,318,319,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,429,449,450,451,472,473,486 +4121 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,122,123,124,125,126,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,333,334,343,344,345,346,355,356,357,365,366,367,368,377,378,379,380,381,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +4122 - 98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,494 +4123 - 30,31,32,33,34,35,36,52,53,54,55,56,57,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,207,212,213,214,215,216,224,225,226,227,228,235,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,272,279,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,322,323,324,325,326,327,333,334,335,336,337,344,345,346,347,348,355,356,357,358,359,360,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +4124 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,114,115,116,117,121,122,123,136,137,138,144,145,158,159,160,166,167,180,181,182,188,189,202,203,204,210,211,224,225,226,231,232,233,234,246,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,299,300,301,315,316,322,323,324,345,346,367,368,369,388,389,390,391,411,412,433,434,435,455,456,457,477,478,494 +4125 - 75,76,77,96,97,98,99,106,107,108,117,118,119,120,121,127,128,129,130,139,140,141,142,148,149,150,151,152,161,162,163,170,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,213,214,215,216,224,225,226,227,235,236,237,246,247,248,256,257,258,259,267,268,269,270,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,489 +4126 - 59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,95,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,137,138,139,140,141,142,143,159,160,161,162,164,180,181,182,183,202,203,204,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,389,390,391,399,400,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,490 +4127 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,169,170,171,172,181,182,183,184,185,186,187,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,278,279,280,281,290,291,292,293,294,295,296,300,301,302,303,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,494 +4128 - 30,31,32,33,51,52,53,54,55,73,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,486 +4129 - 53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,486 +4130 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,141,142,143,144,145,146,147,148,149,150,170,171,172,192,193,194,213,214,215,234,235,236,256,257,258,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,472,473,492 +4131 - 98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,492 +4132 - 37,38,39,59,60,61,62,81,82,83,84,94,95,103,104,105,115,116,117,125,126,137,138,139,147,148,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,213,214,215,223,224,225,226,227,228,229,235,236,237,244,245,246,247,248,249,250,251,252,253,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,295,296,297,298,299,300,301,302,303,309,310,320,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,489 +4133 - 52,53,54,55,74,75,76,77,95,96,97,98,99,107,117,118,119,120,121,128,129,130,139,140,141,142,149,150,151,152,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,195,204,205,206,207,213,214,215,216,225,226,227,228,235,236,237,247,248,249,250,257,258,259,268,269,270,271,278,279,280,290,291,292,293,294,295,296,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,363,364,365,366,367,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +4134 - 30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,95,96,117,118,139,140,161,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,235,236,237,249,258,259,260,281,282,303,304,313,325,326,335,347,348,357,358,368,369,370,379,380,389,390,391,392,402,403,410,411,412,413,424,425,426,427,428,430,431,432,433,434,448,449,450,451,452,453,454,455,490 +4135 - 74,75,76,85,86,87,95,96,97,98,107,108,109,116,117,118,119,127,128,129,130,131,138,139,140,141,148,149,150,151,152,153,159,160,161,162,163,170,171,172,173,174,181,182,183,184,191,192,193,194,195,202,203,204,205,212,213,214,215,216,223,224,225,226,227,233,234,235,236,237,245,246,247,248,249,250,251,252,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,489 +4136 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,117,118,119,125,126,127,147,148,149,168,169,170,171,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,277,278,279,293,294,295,300,301,302,313,323,324,334,335,345,346,347,356,357,367,368,369,377,378,379,388,389,390,391,399,400,401,409,410,411,412,422,423,424,425,426,427,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +4137 - 59,60,81,82,101,102,103,104,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,467,468,469,470,486 +4138 - 46,47,48,49,50,51,52,67,68,69,70,71,72,73,74,75,76,77,78,79,90,91,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,127,146,147,148,149,169,170,171,189,190,191,192,193,209,210,211,212,213,214,222,223,224,225,226,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,266,267,268,269,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,347,367,368,369,390,391,411,412,413,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,488 +4139 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,104,105,106,126,127,128,129,148,149,150,169,170,171,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,211,212,213,214,215,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,356,357,358,359,360,361,362,363,378,379,380,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,445,446,447,448,493 +4140 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +4141 - 122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,212,213,214,215,223,224,225,226,233,234,235,236,245,246,247,255,256,257,258,276,277,278,279,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,492 +4142 - 14,15,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,101,102,103,119,120,121,122,124,125,140,141,142,143,146,147,162,163,164,165,168,169,184,185,186,187,190,191,192,206,207,208,212,213,214,227,228,229,230,234,235,236,248,249,250,251,252,256,257,258,270,271,272,273,274,277,278,279,280,292,293,294,295,296,298,299,300,301,302,314,315,316,317,320,321,322,323,336,337,338,339,340,342,343,344,345,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,485 +4143 - 13,14,15,35,36,37,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,301,302,303,315,316,317,318,322,323,324,325,336,337,338,339,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,425,426,427,428,491 +4144 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,100,101,102,115,122,123,124,144,145,146,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,295,296,297,317,318,338,339,340,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,407,410,411,412,413,414,415,422,423,424,425,436,444,445,446,487 +4145 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,168,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,209,212,213,214,215,226,227,228,229,230,234,235,236,237,247,248,249,250,256,257,258,259,268,269,270,271,277,278,279,280,290,291,292,293,299,300,301,302,312,313,314,315,320,321,322,323,324,334,335,336,341,342,343,344,345,356,357,358,362,363,364,365,366,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,468,469,470,471,485 +4146 - 53,54,75,76,80,81,97,98,102,103,118,119,120,124,125,140,141,146,147,162,163,168,169,184,185,190,206,207,212,213,228,229,233,234,235,250,251,255,256,271,272,273,277,278,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,489 +4147 - 53,54,55,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,127,128,129,141,142,143,144,145,146,149,150,151,162,163,164,165,166,168,169,170,171,172,173,174,179,185,186,187,188,190,191,192,193,194,195,207,208,209,210,212,213,214,215,216,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,334,335,336,337,338,339,341,342,343,356,357,358,359,363,364,365,377,378,379,380,385,386,387,399,400,401,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,493 +4148 - 72,93,94,95,96,115,116,117,118,119,130,131,137,138,139,140,141,149,150,151,152,153,159,160,161,162,169,170,171,172,173,174,181,182,183,190,191,192,193,203,204,205,206,211,212,213,214,226,227,228,229,232,233,234,235,248,249,250,251,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,343,360,361,363,364,365,366,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,493 +4149 - 59,60,61,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,123,124,125,126,136,140,141,142,144,145,146,147,148,162,163,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +4150 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,116,117,118,119,138,139,140,160,161,162,182,183,204,205,226,227,248,249,253,254,255,256,270,271,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,336,337,338,339,345,346,347,359,360,361,367,368,369,382,383,384,389,390,391,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,435,452,453,454,455,456,491 +4151 - 33,34,35,36,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,99,102,103,104,105,106,107,125,126,127,128,139,140,141,142,148,149,150,151,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,186,187,188,191,192,193,194,203,204,206,207,208,209,212,213,214,215,216,224,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,288,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,340,341,342,343,355,356,357,362,363,364,365,377,378,379,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,445,446,447,448,449,493 +4152 - 59,60,61,80,81,82,101,102,103,122,123,124,143,144,145,165,166,167,186,187,188,208,209,210,229,230,231,251,252,253,273,274,275,294,295,296,316,317,318,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,448,449,450,470,471,472,486 +4153 - 162,163,164,183,184,185,186,187,195,196,197,207,208,209,212,213,214,215,216,217,218,219,229,230,231,232,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,311,312,313,314,315,316,317,333,334,335,336,337,338,355,356,357,358,487 +4154 - 50,51,52,53,72,73,74,75,76,77,94,95,96,97,98,99,100,119,120,121,122,123,143,144,145,165,166,167,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,298,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,488 +4155 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,300,301,302,303,304,313,314,315,316,317,325,326,335,336,337,338,339,345,346,347,348,357,358,359,360,361,362,363,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +4156 - 44,45,46,47,48,49,50,51,52,53,54,66,67,68,69,70,71,72,73,74,75,76,77,88,89,93,94,95,96,97,98,99,117,118,119,120,121,137,138,139,140,141,142,159,160,161,162,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,259,278,279,280,281,301,302,303,304,324,325,326,340,341,346,347,348,361,362,363,368,369,370,382,383,384,390,391,392,404,405,406,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,488 +4157 - 31,32,33,34,35,36,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,146,147,148,149,168,169,170,171,190,191,192,193,194,195,196,212,213,214,215,216,217,218,230,231,232,233,234,235,236,237,238,239,240,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,487 +4158 - 74,75,95,96,97,98,116,117,118,119,120,121,137,138,139,140,141,142,159,160,161,162,166,181,182,183,187,188,189,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,299,300,301,316,317,318,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,431,432,433,453,454,455,475,476,477,494 +4159 - 33,34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,123,126,127,128,129,140,141,142,145,148,149,150,151,161,162,163,164,171,172,173,174,182,183,184,185,193,194,195,196,204,205,206,207,215,216,217,218,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,262,268,269,270,280,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,344,345,346,347,355,356,357,365,366,367,368,369,377,378,379,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +4160 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,474,475,486 +4161 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,169,170,171,172,181,182,183,184,185,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,256,257,258,259,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,469,470,471,472,494 +4162 - 33,34,54,55,56,76,77,78,98,99,100,101,120,121,122,142,143,144,164,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +4163 - 38,39,40,41,60,61,62,63,82,83,84,85,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +4164 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,145,146,147,148,149,150,151,158,159,160,161,168,169,170,171,172,173,180,181,182,183,189,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,257,268,269,270,271,275,276,277,278,291,292,293,297,298,299,300,313,314,315,316,319,320,321,322,335,336,337,341,342,343,358,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,492 +4165 - 140,141,142,143,144,152,153,161,162,163,164,165,166,167,173,174,175,186,187,188,189,193,194,195,196,197,209,210,211,213,214,215,216,217,231,232,233,234,235,236,237,238,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,332,333,334,335,336,337,338,339,340,355,356,357,358,359,360,361,378,379,380,381,487 +4166 - 55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,470,471,472,486 +4167 - 63,64,65,84,85,86,87,103,104,105,106,107,108,123,124,125,126,127,128,129,143,144,145,146,147,148,149,163,164,165,166,167,168,169,184,185,186,187,188,189,204,205,206,207,208,209,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,295,296,297,298,299,300,301,321,322,323,343,344,345,354,355,356,357,358,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,425,490 +4168 - 53,54,55,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,159,160,161,181,182,183,184,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,365,366,367,368,369,386,387,388,389,390,405,406,407,408,409,410,411,412,422,423,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +4169 - 62,63,64,75,83,84,85,96,97,98,104,105,106,107,117,118,119,126,127,128,139,140,141,147,148,149,150,161,162,163,168,169,170,171,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,232,233,234,235,246,247,248,249,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +4170 - 72,73,93,94,95,115,116,136,137,138,157,158,159,178,179,180,190,191,192,193,194,195,200,201,211,212,213,214,215,216,217,218,222,223,233,234,239,240,241,244,254,255,262,263,266,267,276,277,284,285,288,289,290,298,299,305,306,307,311,312,313,314,320,321,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,491 +4171 - 38,39,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,140,141,142,143,160,161,162,163,164,165,181,182,183,184,185,203,204,205,206,224,225,226,227,228,247,248,249,250,251,252,269,270,271,272,273,274,275,293,294,295,296,297,298,317,318,319,320,321,333,340,341,342,343,344,355,356,357,358,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,490 +4172 - 53,54,74,75,76,83,96,97,98,104,105,106,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,169,170,171,182,183,184,191,192,204,205,206,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,268,269,270,271,277,278,279,289,290,291,292,293,294,295,296,299,300,301,311,312,313,314,315,316,317,318,319,321,322,323,333,338,339,340,341,342,343,344,361,362,363,364,365,366,385,386,387,388,389,408,409,410,430,431,432,453,454,475,476,489 +4173 - 125,126,127,128,129,136,137,138,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,198,199,200,201,202,203,204,205,206,207,214,215,216,217,220,221,222,223,224,225,235,236,237,238,242,243,244,257,258,259,260,278,279,280,281,299,300,301,302,320,321,322,323,324,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +4174 - 71,72,92,93,94,95,114,115,116,126,127,128,135,136,137,138,148,149,150,157,158,159,160,170,171,172,179,180,181,191,192,193,194,201,202,203,213,214,215,216,223,224,225,226,235,236,237,245,246,247,248,249,250,251,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,478,479,489 +4175 - 96,97,98,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,169,170,171,180,181,182,183,184,185,186,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,234,235,236,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,492 +4176 - 32,33,34,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,102,103,104,116,117,118,125,126,138,139,140,147,148,160,161,162,169,170,182,183,190,191,192,204,205,206,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,276,277,278,279,292,293,294,299,300,301,314,315,322,323,324,335,336,337,345,346,357,358,366,367,368,379,380,387,388,389,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,493 +4177 - 41,42,60,61,62,63,64,65,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,225,226,227,228,229,230,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,355,356,357,365,366,367,368,377,378,379,380,381,382,383,384,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,490 +4178 - 60,61,62,81,82,83,102,103,104,124,125,126,141,142,143,146,147,148,163,164,165,167,168,169,185,186,189,190,191,206,207,208,210,211,212,227,228,229,232,233,234,248,249,250,253,254,255,256,269,270,271,272,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,335,336,337,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,489 +4179 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,74,79,80,81,82,101,102,103,104,122,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,300,301,302,309,310,321,322,323,324,331,332,333,342,343,344,345,346,353,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,488 +4180 - 59,60,72,73,80,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,146,147,160,161,162,167,168,169,182,183,189,190,191,203,204,205,207,208,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,276,277,278,279,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,489 +4181 - 33,34,35,36,37,38,55,56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,103,104,105,106,119,120,121,122,123,126,127,128,129,140,141,142,143,148,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,192,193,194,202,203,204,205,206,207,214,215,216,224,225,226,227,228,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,300,301,302,303,304,311,312,313,314,321,322,323,324,325,333,334,335,336,342,343,344,345,346,347,354,355,356,357,358,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +4182 - 31,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,101,102,116,117,123,124,138,144,145,146,159,160,166,167,181,182,187,188,189,208,209,210,230,231,232,251,252,253,273,274,275,295,296,316,317,318,338,339,359,360,361,382,383,384,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,487 +4183 - 75,76,77,78,96,97,98,99,100,101,102,119,120,121,122,123,124,125,143,144,145,146,147,167,168,169,189,190,191,205,206,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,487 +4184 - 73,74,75,76,77,78,79,80,95,96,99,100,101,102,103,116,117,118,124,125,126,138,139,140,160,161,162,182,183,204,205,226,227,233,234,235,236,237,248,249,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,280,281,292,293,294,295,296,297,302,303,315,316,317,324,325,345,346,347,367,368,388,389,390,410,411,431,432,433,448,452,453,454,470,471,472,473,474,475,490 +4185 - 139,140,141,142,143,144,161,162,163,164,165,166,167,184,185,187,188,189,190,210,211,212,219,232,233,234,236,237,238,239,240,241,247,248,249,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,335,336,337,338,339,487 +4186 - 56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,472,473,486 +4187 - 34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,125,126,127,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,297,298,299,300,301,302,303,310,311,312,313,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,337,338,339,340,341,342,343,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,370,371,372,373,376,377,378,379,380,381,382,383,399,400,401,402,403,487 +4188 - 9,10,11,12,13,14,15,16,29,30,31,32,33,34,35,36,37,38,51,52,53,54,57,58,59,72,73,74,75,93,94,95,96,114,115,116,117,136,137,138,139,157,158,159,160,179,180,181,182,201,202,203,223,224,225,231,232,233,234,235,236,237,245,246,247,251,252,253,254,255,256,257,258,259,260,261,267,268,269,273,274,275,276,277,278,279,280,281,282,283,289,290,291,294,295,296,297,302,303,304,305,306,311,312,313,314,316,317,318,325,326,327,328,334,335,336,337,338,339,340,341,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,491 +4189 - 118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,190,191,192,200,201,202,203,211,212,213,214,223,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +4190 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,359,360,361,362,381,382,383,403,404,405,424,425,426,427,446,447,448,449,486 +4191 - 26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,98,99,100,101,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,227,228,229,230,231,232,250,251,252,253,254,255,256,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,331,343,344,345,346,352,353,354,355,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +4192 - 76,77,78,79,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,298,317,318,319,320,321,340,341,342,343,362,363,364,365,382,383,384,385,386,403,404,405,406,407,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,490 +4193 - 58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,354,359,360,361,362,376,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,469,470,471,486 +4194 - 55,76,77,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,168,183,184,185,204,205,206,207,226,227,228,229,230,231,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,299,300,321,322,323,343,344,345,364,365,366,385,386,387,388,398,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,490 +4195 - 84,85,86,95,105,106,107,108,116,117,118,127,128,129,130,137,138,139,140,148,149,150,151,158,159,160,161,169,170,171,172,173,180,181,182,183,191,192,193,194,201,202,203,204,212,213,214,215,222,223,224,225,226,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,489 +4196 - 52,53,54,55,56,72,73,74,75,76,77,78,79,92,93,94,95,96,97,100,101,102,113,114,115,116,122,123,124,135,136,137,144,145,146,158,159,165,166,167,168,187,188,189,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,256,257,258,272,279,280,281,302,303,324,325,326,346,347,348,368,369,378,389,390,391,400,410,411,412,413,422,423,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,488 +4197 - 85,86,87,96,106,107,108,109,117,118,119,127,128,129,130,131,139,140,141,142,148,149,150,151,152,160,161,162,163,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,203,204,205,206,212,213,214,215,224,225,226,227,233,234,235,236,245,246,247,248,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,489 +4198 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,209,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,277,278,279,280,281,292,293,294,295,300,301,302,303,313,314,315,316,317,322,323,324,325,335,336,337,338,339,343,344,345,346,347,358,359,360,361,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +4199 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,105,120,121,122,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,277,278,279,280,300,301,302,310,321,322,323,324,330,331,332,343,344,345,346,352,353,354,364,365,366,367,374,375,376,377,378,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +4200 - 81,82,83,102,103,104,105,122,123,124,125,126,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,199,200,201,202,203,204,205,206,207,210,211,212,232,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,343,363,364,385,386,407,408,429,430,450,451,452,453,473,474,475,492 +4201 - 37,38,39,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,232,233,234,235,236,237,238,245,246,247,248,249,250,251,254,255,256,257,258,259,260,267,268,269,270,271,272,273,276,277,278,279,280,281,282,289,290,291,292,293,294,295,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,449,450,451,452,485 +4202 - 54,55,56,76,77,78,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,408,427,428,429,430,449,450,451,472,473,486 +4203 - 57,58,59,60,61,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,190,193,194,195,196,201,202,203,204,205,206,207,215,216,217,218,219,222,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,249,259,260,261,262,266,267,268,269,270,280,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,359,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,470,485 +4204 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,119,120,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,303,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,446,447,448,449,487 +4205 - 83,84,85,104,105,106,120,125,126,127,128,141,142,143,146,147,148,149,152,153,162,163,164,167,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,262,263,273,274,275,276,284,285,294,295,296,297,306,307,316,317,318,328,329,337,338,339,358,359,360,361,380,381,382,402,403,404,423,424,425,445,446,467,468,489 +4206 - 73,74,75,76,77,94,95,96,97,98,99,100,116,117,118,121,122,123,124,137,138,139,144,145,146,147,159,160,166,167,168,169,181,182,188,189,190,191,202,203,204,210,211,212,224,225,231,232,233,234,246,247,252,253,254,255,256,268,269,270,271,272,273,274,275,277,278,291,292,293,294,295,299,300,315,321,322,343,344,345,365,366,387,388,409,410,431,432,453,454,475,476,494 +4207 - 95,96,97,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,168,169,170,179,180,181,182,189,190,191,192,211,212,213,233,234,235,254,255,256,257,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +4208 - 12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,144,145,146,147,160,161,162,163,166,167,168,169,183,184,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,487 +4209 - 97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,167,168,182,183,184,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,250,251,254,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +4210 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,278,279,280,281,292,293,294,295,301,302,303,304,314,315,316,317,324,325,326,337,338,339,340,346,347,348,359,360,361,362,363,364,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,491 +4211 - 95,96,97,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,191,192,193,194,201,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,237,246,247,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,470,471,472,473,492 +4212 - 90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,157,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,343,344,345,346,347,348,349,350,351,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,393,394,395,487 +4213 - 33,34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,103,104,105,106,126,127,128,129,142,143,144,148,149,150,151,164,165,166,169,170,171,172,186,187,188,189,191,192,193,194,208,209,210,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,340,341,342,356,357,358,361,362,363,364,378,379,380,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,493 +4214 - 9,10,11,12,13,30,31,32,33,51,52,53,54,72,73,74,75,93,94,95,96,115,116,117,137,138,158,159,160,180,181,182,201,202,203,223,224,225,245,246,247,248,254,255,256,258,259,260,261,267,268,269,270,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,305,306,307,313,314,315,316,317,318,319,328,329,336,337,338,339,340,350,351,359,360,361,362,363,364,365,366,367,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,393,394,395,407,408,409,410,411,412,413,414,415,491 +4215 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,105,106,107,119,120,127,128,129,141,142,149,150,151,163,170,171,172,184,185,191,192,193,194,205,206,207,212,213,214,215,228,229,230,233,234,235,236,250,251,252,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,379,380,381,383,384,385,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,493 +4216 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,59,67,68,72,73,74,75,76,77,78,79,80,81,82,89,90,91,100,101,102,103,104,105,111,112,113,124,125,126,127,128,133,134,135,147,148,149,150,155,156,157,170,171,172,173,177,178,179,193,194,195,199,200,201,202,215,216,217,222,223,224,238,239,240,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,303,304,305,306,311,312,313,325,326,327,333,334,335,345,346,347,348,355,356,357,358,365,366,367,368,369,370,377,378,379,380,381,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,485 +4217 - 96,97,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,224,225,226,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +4218 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,100,101,102,103,104,105,106,107,113,114,115,116,117,126,127,128,129,134,135,136,137,138,149,150,151,152,156,157,158,159,172,173,174,178,179,180,181,194,195,196,200,201,202,203,216,217,218,222,223,224,225,238,239,240,244,245,246,247,260,261,262,263,267,268,269,282,283,284,285,289,290,291,292,304,305,306,307,311,312,313,314,325,326,327,328,333,334,335,336,346,347,348,349,350,355,356,357,358,359,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +4219 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,148,149,159,160,161,162,170,171,180,181,182,183,190,191,192,202,203,204,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,256,257,258,259,270,271,272,273,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,471,472,473,494 +4220 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,103,104,105,106,118,119,120,121,122,127,128,140,141,142,143,149,150,151,162,163,164,165,171,172,173,183,184,185,186,193,194,195,204,205,206,207,215,216,217,226,227,228,229,237,238,239,247,248,249,250,259,260,261,269,270,271,280,281,282,291,292,293,301,302,303,304,313,314,315,322,323,324,325,334,335,336,337,343,344,345,346,356,357,358,365,366,367,368,378,379,380,385,386,387,388,389,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +4221 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,166,183,184,185,186,187,205,206,207,208,227,228,229,230,249,250,251,271,272,273,293,294,295,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,402,403,404,405,424,425,426,491 +4222 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,159,160,161,162,166,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,210,211,212,213,214,225,226,232,233,234,247,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,409,410,411,431,432,433,453,454,455,475,476,477,494 +4223 - 31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,102,103,104,105,106,117,118,119,125,126,127,128,129,147,148,149,150,151,168,169,170,171,172,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,274,275,276,277,278,279,298,299,300,301,308,320,321,322,323,324,330,331,332,343,344,345,346,352,353,354,355,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +4224 - 59,60,80,81,82,98,99,102,103,104,119,120,121,124,125,141,142,143,145,146,147,162,163,164,167,168,169,184,185,186,189,190,205,206,207,211,212,226,227,228,229,230,232,233,234,248,249,250,251,252,254,255,269,270,271,272,273,274,275,276,277,292,293,296,297,298,299,300,301,302,303,319,320,321,322,323,340,341,342,362,363,384,385,405,406,407,427,428,429,449,450,471,472,489 +4225 - 37,38,39,58,59,60,61,80,81,82,83,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +4226 - 139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,264,265,266,267,268,269,277,278,279,280,281,282,286,299,300,301,302,303,304,321,322,323,324,325,326,343,344,345,346,347,348,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,453,454,455,456,457,475,476,477,492 +4227 - 98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,147,148,149,150,156,157,158,159,160,161,162,163,164,170,171,172,177,178,179,180,181,182,192,193,194,198,199,200,201,202,214,215,216,220,221,222,223,235,236,237,238,243,244,257,258,259,260,278,279,280,281,300,301,302,303,321,322,323,324,325,343,344,345,346,364,365,366,367,386,387,388,389,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,492 +4228 - 78,79,80,81,91,92,93,94,100,101,102,103,113,114,115,116,122,123,124,125,134,135,136,137,138,145,146,147,148,156,157,158,159,167,168,169,170,177,178,179,180,181,182,185,189,190,191,192,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,299,300,301,302,303,304,305,321,322,323,324,325,326,327,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,432,433,434,435,454,455,456,457,458,477,478,479,480,489 +4229 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,138,139,140,141,142,143,147,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,184,191,192,193,202,203,204,205,210,211,212,213,214,215,223,224,225,226,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,494 +4230 - 27,28,29,49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,120,121,122,123,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,214,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,432,444,445,446,447,487 +4231 - 13,14,15,16,33,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,226,227,228,229,248,249,250,251,269,270,271,272,291,292,293,294,303,304,305,306,307,313,314,315,316,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,425,426,427,491 +4232 - 28,29,30,31,32,49,50,51,52,53,54,70,71,72,73,75,76,92,93,94,113,114,115,116,135,136,137,157,158,159,179,180,181,194,195,196,197,201,202,203,212,213,214,215,216,217,218,219,223,224,225,232,233,234,235,236,237,238,239,240,241,245,246,247,252,253,254,255,256,257,258,262,263,267,268,269,272,273,274,275,276,277,278,284,285,289,290,291,292,293,294,295,296,297,298,306,307,311,312,313,314,315,316,317,318,327,328,329,334,335,336,337,338,339,340,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,491 +4233 - 29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,226,227,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,320,321,322,323,324,333,334,343,344,345,346,347,354,355,356,357,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +4234 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,116,120,121,122,142,143,144,145,146,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,228,229,230,235,236,237,250,251,257,258,259,280,281,301,302,303,323,324,335,344,345,346,356,357,358,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,488 +4235 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,79,80,81,82,83,95,96,97,102,103,104,105,106,124,125,126,127,128,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,279,280,298,299,300,301,302,310,321,322,323,324,325,331,332,333,334,344,345,346,347,353,354,355,356,357,366,367,368,369,376,377,378,379,380,381,382,383,384,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,488 +4236 - 69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,114,121,123,124,125,126,145,146,147,166,167,168,169,186,187,188,189,190,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,302,303,304,324,325,326,345,346,347,348,366,367,368,369,386,387,388,389,390,407,408,409,410,411,426,427,428,429,430,431,432,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +4237 - 36,37,38,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +4238 - 26,27,28,29,30,31,32,33,34,35,45,46,47,48,49,50,51,52,53,54,55,56,57,58,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,88,89,90,91,101,102,103,123,124,125,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,292,293,298,299,300,301,302,303,322,323,324,325,326,345,346,347,348,349,356,357,358,359,368,369,370,371,378,379,380,381,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,488 +4239 - 31,32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,81,101,102,103,104,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,167,169,170,171,172,184,185,186,187,188,191,192,193,194,206,207,208,209,213,214,215,216,227,228,229,230,231,235,236,237,238,248,249,250,251,252,257,258,259,260,269,270,271,272,273,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,364,365,366,367,368,379,380,381,382,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +4240 - 35,36,37,56,57,58,59,79,80,81,82,101,102,103,104,123,124,125,126,145,146,147,160,161,162,166,167,168,169,181,182,183,184,188,189,190,191,202,203,204,205,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,298,299,300,301,320,321,322,323,342,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,453,454,455,489 +4241 - 55,56,57,58,59,60,76,77,78,79,80,81,82,99,100,101,102,103,104,105,125,126,127,147,148,149,168,169,170,190,191,192,205,206,207,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,274,275,276,277,278,279,280,288,289,290,296,297,298,299,300,301,302,303,310,311,316,317,318,319,320,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,370,371,377,378,379,380,381,382,487 +4242 - 97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,167,168,169,170,177,178,179,180,189,190,191,200,211,212,213,233,234,235,255,256,257,277,278,279,299,300,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,473,474,475,492 +4243 - 13,14,15,33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,124,125,138,139,140,141,142,159,160,161,162,163,181,182,183,184,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,281,282,283,284,289,290,291,292,293,294,295,296,303,304,305,306,310,311,312,313,314,315,316,318,325,326,327,328,333,334,335,336,337,344,345,346,347,348,349,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,491 +4244 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,124,125,137,138,139,140,146,147,148,159,160,161,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,297,300,301,322,323,344,345,366,367,388,389,410,411,412,432,433,434,454,455,456,477,478,494 +4245 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,193,194,195,196,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,329,332,333,334,335,336,346,347,348,349,350,354,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,485 +4246 - 24,25,26,27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,67,68,69,71,72,73,74,75,76,77,78,98,99,100,121,122,123,143,144,145,165,166,167,185,186,187,188,205,206,207,208,209,210,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,322,323,324,325,345,346,347,348,358,359,368,369,370,380,381,382,383,384,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,452,453,454,455,456,457,458,488 +4247 - 61,62,63,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,162,163,164,165,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,297,298,299,300,319,320,321,322,341,342,343,344,355,356,363,364,365,366,377,378,379,380,381,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,490 +4248 - 52,53,54,74,75,76,77,96,97,98,99,100,118,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,486 +4249 - 11,12,13,14,15,32,33,34,35,36,50,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,270,271,272,273,278,279,292,293,294,295,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +4250 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,99,102,103,104,105,113,114,115,125,126,127,135,136,145,146,147,148,157,158,166,167,168,169,187,188,189,190,206,207,208,209,210,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,277,278,279,280,301,302,303,323,324,325,345,346,347,368,369,370,381,390,391,392,401,402,403,409,410,411,412,413,423,424,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +4251 - 11,12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,322,323,324,325,336,337,338,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +4252 - 35,36,57,58,71,72,73,79,80,81,93,94,101,102,103,114,115,116,122,123,124,125,136,137,138,144,145,146,147,158,159,160,167,168,169,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,227,232,233,234,235,246,247,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,431,432,433,454,455,489 +4253 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,124,125,126,127,128,148,149,150,151,171,172,173,193,194,195,215,216,217,226,227,228,236,237,238,239,248,249,250,251,256,257,258,259,260,271,272,273,276,277,278,279,280,281,294,295,296,297,298,299,300,301,315,316,317,318,319,320,335,336,337,338,339,340,356,357,358,359,361,362,363,378,379,380,383,384,385,400,401,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +4254 - 116,117,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,470,471,472,492 +4255 - 93,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,169,170,171,172,178,179,180,181,182,183,191,192,193,201,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,492 +4256 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,89,90,91,92,95,96,97,98,99,111,112,113,119,120,121,140,141,142,143,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,239,257,258,259,260,261,281,282,283,284,303,304,305,306,326,327,328,348,349,350,355,356,357,369,370,371,372,378,379,380,381,382,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,488 +4257 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,250,251,252,253,272,273,274,275,276,295,296,297,298,318,319,320,321,333,334,341,342,343,355,356,357,363,364,365,366,377,378,379,380,381,382,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +4258 - 12,13,34,35,36,56,57,58,79,80,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,166,167,168,182,183,184,187,188,189,204,205,206,207,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,273,274,275,276,277,278,279,295,296,297,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,493 +4259 - 81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,181,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,250,251,269,270,271,272,273,274,275,292,293,294,295,296,297,298,317,318,319,320,321,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,490 +4260 - 95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,144,145,146,147,148,149,150,157,158,159,170,171,172,173,178,179,180,193,194,195,200,201,202,213,214,215,216,222,223,224,235,236,237,238,244,245,246,257,258,259,260,267,268,269,279,280,281,282,289,290,291,292,293,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,366,367,368,389,390,411,412,433,434,455,456,477,478,494 +4261 - 55,56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,125,126,127,128,129,139,140,148,149,150,151,160,161,162,170,171,172,173,182,183,184,191,192,193,194,204,205,206,212,213,214,215,216,226,227,228,229,233,234,235,236,237,249,250,251,252,254,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,361,362,363,378,379,380,383,384,385,400,401,402,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +4262 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,139,140,141,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,276,277,278,298,299,300,319,320,321,322,341,342,343,356,357,358,362,363,364,365,377,378,379,384,385,386,399,400,401,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,488 +4263 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,78,79,80,81,82,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,191,208,209,210,211,212,213,214,233,234,235,236,255,256,257,258,278,279,280,300,301,302,303,322,323,324,325,326,331,332,333,334,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,488 +4264 - 54,55,56,75,76,77,97,98,118,119,120,140,141,162,163,183,184,185,205,206,213,214,227,228,234,235,236,249,250,251,255,256,257,258,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,319,320,321,322,342,343,344,364,365,366,386,387,388,409,410,431,432,453,454,475,476,477,489 +4265 - 34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,102,103,104,105,106,118,119,120,121,123,124,125,126,127,128,129,140,141,142,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,193,194,195,204,205,206,208,209,210,211,212,215,216,217,225,226,227,229,230,231,232,237,238,239,247,248,249,251,252,253,259,260,261,268,269,270,271,273,274,275,280,281,282,290,291,292,295,296,302,303,304,312,313,314,316,317,318,323,324,325,334,335,336,338,339,340,344,345,346,347,355,356,357,360,361,365,366,367,368,377,378,379,380,381,382,383,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +4266 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,476,477,492 +4267 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,446,447,448,486 +4268 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,254,255,256,257,272,273,274,277,278,279,294,295,296,299,300,301,302,316,317,318,321,322,323,324,338,339,340,343,344,345,346,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +4269 - 34,35,36,37,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,124,125,126,138,139,140,141,142,146,147,148,160,161,162,163,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,339,340,341,342,343,344,345,355,356,357,358,361,362,363,364,365,366,367,377,378,379,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,409,410,411,421,422,423,424,425,426,427,428,432,444,445,446,447,448,487 +4270 - 56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,114,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,161,162,163,164,165,166,169,170,171,172,173,174,175,178,179,180,181,182,183,184,185,186,187,188,192,193,194,195,196,200,201,202,203,205,206,207,208,209,210,215,216,217,218,222,223,224,225,226,229,230,231,232,237,238,239,240,244,245,246,247,248,252,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,302,303,304,305,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,345,346,347,348,349,354,355,356,357,358,359,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,485 +4271 - 35,36,37,38,39,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,103,104,105,118,119,120,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,192,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,316,320,321,322,333,334,335,342,343,344,355,356,357,363,364,365,366,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +4272 - 10,11,12,30,31,32,33,34,51,52,53,54,56,58,73,74,78,79,80,81,82,95,96,101,102,103,104,105,116,117,118,126,127,139,140,148,149,161,162,170,171,183,184,185,192,193,206,207,208,209,211,212,213,214,215,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,276,277,279,280,291,292,293,302,313,314,315,324,325,335,336,337,346,347,357,358,359,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,493 +4273 - 101,102,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,250,255,256,257,267,268,269,270,276,277,278,279,290,291,292,297,298,299,300,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,492 +4274 - 48,49,70,71,72,78,79,80,92,93,94,100,101,102,103,114,115,116,122,123,124,125,136,137,138,144,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,210,211,212,213,224,225,226,227,228,229,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,321,322,323,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,457,476,477,478,479,489 +4275 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,125,126,127,128,129,140,141,142,147,148,149,150,162,163,164,169,170,171,172,184,185,186,190,191,192,193,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,356,357,358,359,362,363,364,378,379,380,384,385,386,399,400,401,405,406,407,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +4276 - 76,77,78,79,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,165,166,167,179,180,181,182,183,187,188,189,190,191,192,202,203,204,209,210,211,212,213,214,215,224,225,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,279,280,281,294,295,296,297,301,302,303,315,316,317,318,323,324,325,336,337,338,339,344,345,346,347,358,359,360,366,367,368,387,388,389,390,408,409,410,411,429,430,431,432,450,451,452,453,471,472,473,474,488 +4277 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,125,126,139,140,141,142,146,147,148,160,161,162,163,168,169,170,171,182,183,184,188,189,190,191,192,193,194,203,204,205,209,210,211,212,213,214,215,224,225,226,232,233,234,235,236,246,247,248,254,255,256,257,258,268,269,275,276,277,278,279,290,291,292,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,494 +4278 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,137,138,139,140,141,147,148,149,160,161,162,163,168,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,367,368,369,379,380,381,382,383,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,487 +4279 - 57,58,59,60,61,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,119,120,121,122,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,151,152,153,161,162,163,164,166,167,168,169,173,174,175,182,183,184,185,186,187,188,189,196,197,203,204,205,206,208,209,210,217,218,219,224,225,226,227,229,230,231,239,240,241,245,246,247,248,251,252,261,262,263,267,268,269,272,273,274,282,283,284,288,289,290,293,294,295,303,304,305,306,310,311,312,315,316,325,326,327,332,333,334,337,338,345,346,347,348,354,355,356,359,360,366,367,368,369,376,377,378,381,386,387,388,389,390,398,399,400,401,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,485 +4280 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,159,160,161,162,163,166,167,168,180,181,182,183,188,189,190,202,203,204,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +4281 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,146,147,148,160,161,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,273,274,279,280,281,301,302,313,322,323,324,333,334,335,344,345,346,354,355,356,357,365,366,367,376,377,378,379,386,387,388,389,399,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +4282 - 32,33,34,35,36,37,38,52,53,54,55,56,59,60,61,74,75,76,77,81,82,83,97,98,103,104,105,119,120,121,125,126,127,140,141,142,146,147,148,162,163,165,166,167,168,169,170,184,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,270,271,272,273,274,275,276,277,291,292,293,294,297,298,299,313,314,315,319,320,321,322,335,336,337,342,343,344,357,358,359,364,365,366,379,380,381,387,388,401,402,403,404,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +4283 - 51,52,53,62,63,64,72,73,74,75,84,85,86,94,95,96,97,106,107,108,116,117,118,127,128,129,138,139,140,149,150,151,159,160,161,162,170,171,172,173,181,182,183,192,193,194,202,203,204,205,206,213,214,215,216,224,225,226,227,228,229,235,236,237,245,246,247,248,249,250,251,252,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,294,295,296,297,298,299,300,301,302,311,318,319,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,453,471,472,473,489 +4284 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,148,149,150,151,152,159,160,161,162,172,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,304,305,306,309,310,325,326,327,331,332,333,346,347,348,349,353,354,355,368,369,370,375,376,377,378,388,389,390,391,392,398,399,400,401,402,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,471,472,473,485 +4285 - 97,98,99,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,190,191,192,193,202,203,204,205,206,211,212,213,214,224,225,226,227,233,234,235,245,246,247,248,254,255,256,257,268,269,276,277,278,297,298,299,300,319,320,321,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,492 +4286 - 35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,446,447,448,449,450,486 +4287 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,105,106,107,108,119,120,121,122,123,128,129,130,141,142,143,149,150,151,163,164,165,169,170,171,172,173,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,297,298,299,313,314,315,316,319,320,321,334,335,336,337,341,342,343,355,356,357,358,363,364,365,377,378,379,385,386,399,400,401,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +4288 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,172,173,174,178,179,180,181,182,183,184,185,187,188,194,195,196,200,201,202,203,204,205,216,217,218,222,223,224,225,226,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,303,304,305,306,310,311,312,313,325,326,327,332,333,334,335,346,347,348,349,355,356,357,368,369,370,371,377,378,379,380,389,390,391,392,400,401,402,403,404,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,485 +4289 - 56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,127,128,129,139,140,141,142,143,144,145,146,147,149,150,151,160,161,162,163,164,165,166,167,168,172,173,181,182,183,184,185,186,187,188,189,194,195,202,203,204,206,207,208,209,210,216,217,223,224,225,226,228,229,230,238,239,245,246,247,250,251,260,261,266,267,268,271,272,273,281,282,283,287,288,289,293,294,295,303,304,305,309,310,311,315,316,317,324,325,326,331,332,338,346,347,348,353,354,355,367,368,369,375,376,377,388,389,390,391,397,398,399,400,401,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +4290 - 72,73,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,294,295,298,299,300,301,320,321,322,323,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,472,490 +4291 - 37,38,39,58,59,60,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +4292 - 94,95,96,105,106,107,116,117,118,119,127,128,129,130,137,138,139,140,141,149,150,151,152,158,159,160,161,162,163,167,168,169,170,171,172,173,179,180,181,182,183,188,189,190,191,192,193,194,201,202,203,204,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,277,278,279,280,291,292,293,294,295,296,299,300,301,302,321,322,323,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,452,453,454,474,475,476,477,489 +4293 - 37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,126,127,128,129,139,140,141,142,143,144,145,148,149,150,151,162,163,164,165,170,171,172,185,192,193,194,213,214,215,216,234,235,236,237,253,255,256,257,258,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,365,366,367,368,376,377,378,379,380,381,382,383,387,388,389,390,398,399,400,401,402,403,404,410,411,412,420,421,422,423,424,432,433,434,442,443,444,445,454,455,456,487 +4294 - 32,33,34,54,55,56,57,76,77,78,79,97,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,451,452,453,486 +4295 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,126,127,128,129,138,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,189,190,191,192,193,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,299,300,301,321,322,323,334,335,336,337,343,344,345,356,357,358,365,366,378,379,380,386,387,388,400,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,488 +4296 - 91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +4297 - 54,64,65,74,75,76,85,86,87,96,97,98,107,108,109,117,118,119,128,129,130,131,138,139,140,141,150,151,152,159,160,161,162,171,172,173,174,181,182,183,184,192,193,194,195,202,203,204,205,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,249,256,257,258,259,266,267,268,269,270,271,272,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,471,472,489 +4298 - 91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,189,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +4299 - 86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,152,153,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,209,210,230,231,232,233,252,253,254,255,275,276,277,278,298,299,300,320,321,322,334,335,342,343,344,355,356,357,363,364,365,366,377,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,408,424,425,426,427,428,429,490 +4300 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +4301 - 14,15,16,35,36,37,38,55,56,57,58,59,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,160,161,162,163,181,182,183,184,191,192,193,194,195,202,203,204,205,206,212,213,214,215,216,217,218,224,225,226,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,257,260,261,262,267,268,269,274,275,276,277,281,282,283,284,288,289,290,291,295,296,297,298,301,302,303,304,305,311,312,313,316,317,318,319,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +4302 - 52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,105,118,119,139,140,141,161,162,163,183,184,185,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,257,258,259,271,272,273,274,280,281,294,302,303,324,325,345,346,347,367,368,369,388,389,390,402,403,409,410,411,412,423,424,425,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +4303 - 107,108,127,128,129,130,138,139,140,141,142,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,209,210,211,212,213,214,215,216,222,223,224,225,226,235,236,237,244,245,246,247,256,257,258,259,265,266,267,268,278,279,280,287,288,289,299,300,301,302,309,310,320,321,322,323,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,492 +4304 - 10,11,12,32,33,54,55,76,77,98,99,100,101,102,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,163,164,185,186,206,207,208,209,210,228,229,230,231,232,233,234,249,250,251,253,254,255,256,270,271,272,277,278,279,292,293,294,299,300,301,322,323,344,345,355,365,366,367,377,378,379,380,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,490 +4305 - 36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,84,85,86,98,99,100,101,106,107,108,120,121,122,128,129,130,141,142,143,149,150,151,152,163,164,165,170,171,172,173,185,186,187,191,192,193,194,207,208,209,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,355,356,357,358,362,363,364,377,378,379,384,385,386,399,400,401,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,493 +4306 - 75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,202,203,204,211,212,213,224,225,226,232,233,234,235,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,320,321,342,343,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,477,494 +4307 - 78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,126,127,139,140,141,142,148,149,160,161,162,163,169,170,171,181,182,183,189,190,191,192,202,203,204,210,211,212,213,214,215,216,224,225,226,231,232,233,234,235,236,237,238,246,247,253,254,256,257,258,259,267,268,269,275,276,277,278,279,280,290,291,292,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,446,447,448,449,468,469,470,471,494 +4308 - 54,55,56,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,168,169,170,171,179,180,181,182,183,184,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,323,324,325,337,338,339,345,346,347,359,360,361,366,367,368,369,381,382,383,387,388,389,390,391,403,404,405,406,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,471,472,473,474,493 +4309 - 86,87,107,108,109,123,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,206,207,208,209,210,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,270,271,274,275,276,277,297,298,299,319,320,321,333,334,335,341,342,343,355,356,357,358,362,363,364,365,377,378,379,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,446,447,448,490 +4310 - 29,30,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,78,79,80,81,82,94,95,96,97,100,101,102,103,104,115,116,117,118,119,124,125,126,127,136,137,138,139,140,147,148,149,150,158,159,160,161,162,170,171,172,179,180,181,182,183,193,194,195,201,202,203,204,205,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,306,311,312,313,314,323,324,325,326,327,328,334,335,336,337,344,345,346,347,348,349,357,358,359,365,366,367,368,369,370,379,380,381,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +4311 - 37,38,39,59,60,61,62,81,82,83,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +4312 - 34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,95,96,97,98,99,100,118,119,140,141,161,162,163,183,184,185,189,190,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,258,259,280,281,301,302,303,323,324,325,337,344,345,346,347,358,359,365,366,367,368,380,381,382,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,490 +4313 - 79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,160,161,162,163,164,168,169,170,171,172,181,182,183,184,190,191,192,193,194,203,204,205,211,212,213,214,215,216,224,225,226,232,233,234,235,236,237,246,247,248,253,254,255,256,257,258,268,269,270,275,276,277,278,279,280,290,291,292,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,342,343,344,358,359,363,364,365,373,384,385,386,387,394,395,406,407,408,416,417,427,428,429,439,448,449,450,451,469,470,471,472,494 +4314 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,190,191,192,205,206,207,212,213,214,215,227,228,229,233,234,235,236,237,248,249,250,251,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,292,293,294,297,298,299,300,301,302,315,316,317,319,320,321,322,323,324,337,338,339,341,342,343,344,345,346,359,360,361,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +4315 - 56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,106,118,119,120,121,126,127,128,138,139,140,141,142,149,150,151,159,160,161,162,171,172,173,181,182,183,192,193,194,195,202,203,204,214,215,216,224,225,226,235,236,237,238,246,247,257,258,259,268,269,277,278,279,280,290,291,292,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,494 +4316 - 55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,186,187,192,193,194,195,196,200,201,202,203,208,215,216,217,218,222,223,224,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,303,304,305,306,309,310,311,323,324,325,326,327,328,331,332,333,334,335,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,425,485 +4317 - 83,84,85,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,204,205,206,207,212,213,214,225,226,227,228,233,234,235,236,246,247,248,249,254,255,256,257,267,268,269,270,275,276,277,278,289,290,291,297,298,299,312,318,319,320,340,341,342,361,362,363,382,383,384,385,403,404,405,425,426,427,446,447,448,449,467,468,469,470,471,492 +4318 - 51,52,72,73,74,75,94,95,96,97,115,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,184,192,203,204,205,206,213,214,215,225,226,227,228,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,273,274,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,477,489 +4319 - 38,39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +4320 - 94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,136,137,138,139,144,145,146,158,159,166,167,168,180,181,188,189,190,191,202,203,204,209,210,211,212,224,225,226,227,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,431,432,433,453,454,455,475,476,477,494 +4321 - 37,38,39,40,58,59,60,61,62,63,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,150,162,163,164,165,166,170,171,172,184,185,186,187,192,193,194,195,205,206,207,208,214,215,216,217,226,227,228,229,237,238,239,248,249,250,259,260,261,269,270,271,280,281,282,283,290,291,292,301,302,303,304,311,312,313,314,322,323,324,325,326,333,334,335,343,344,345,346,347,355,356,357,363,364,365,366,367,368,376,377,378,379,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,485 +4322 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,126,138,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,227,228,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,404,405,406,407,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,487 +4323 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,140,141,142,143,147,148,149,161,162,163,164,168,169,170,171,172,182,183,184,185,189,190,191,192,193,194,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,232,234,235,236,237,246,247,248,254,255,256,257,258,267,268,269,275,276,277,278,279,280,289,290,291,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,342,343,344,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,469,470,471,472,494 +4324 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,126,127,139,140,141,142,143,144,145,148,149,160,161,162,163,164,165,166,167,170,171,181,182,183,184,191,192,193,203,204,205,206,212,213,214,226,227,228,233,234,235,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,365,366,381,382,383,386,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +4325 - 15,16,17,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,125,126,127,141,142,143,144,147,148,149,162,163,164,165,169,170,171,184,185,186,191,192,193,205,206,207,213,214,215,226,227,228,235,236,237,247,248,249,250,256,257,258,259,268,269,270,271,277,278,279,280,290,291,292,298,299,300,301,302,311,312,313,314,319,320,321,322,323,333,334,335,340,341,342,343,344,354,355,356,357,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,485 +4326 - 93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,146,147,148,155,156,157,158,168,169,170,190,191,192,212,213,214,234,235,255,256,257,277,278,279,299,300,301,321,322,343,344,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,476,492 +4327 - 64,65,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,131,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,182,183,184,185,203,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,274,275,276,277,296,297,298,299,319,320,321,335,336,341,342,343,356,357,362,363,364,365,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,490 +4328 - 73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,145,146,147,148,158,167,168,169,170,189,190,191,209,210,211,212,213,230,231,232,233,234,250,251,252,253,254,272,273,274,275,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,341,342,343,344,345,346,365,366,367,368,369,388,389,390,391,409,410,411,412,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +4329 - 58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,140,141,142,143,147,148,149,150,151,161,162,163,164,168,169,170,171,172,173,182,183,184,185,190,191,192,193,194,195,204,205,206,212,213,214,215,226,227,234,235,236,247,248,249,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,401,402,403,404,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,494 +4330 - 112,113,121,122,123,124,125,134,135,136,137,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,212,213,214,215,234,235,236,255,256,257,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,492 +4331 - 106,107,108,119,126,127,128,129,130,140,141,142,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,213,214,215,216,224,225,226,227,234,235,236,237,245,246,247,248,256,257,258,266,267,268,269,277,278,279,280,287,288,289,290,298,299,300,301,309,310,311,319,320,321,322,340,341,342,343,361,362,363,364,381,382,383,384,385,402,403,404,405,424,425,426,427,445,446,447,448,468,469,492 +4332 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,182,183,184,185,188,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,424,425,426,427,446,447,448,449,467,468,469,470,492 +4333 - 38,39,40,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +4334 - 94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,166,167,168,180,181,182,183,188,189,190,191,202,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,255,256,257,269,270,271,277,278,279,291,292,293,299,300,301,314,315,316,322,323,336,337,344,345,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +4335 - 36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,126,127,128,141,142,143,147,148,149,150,169,170,171,190,191,192,193,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,299,300,320,321,322,341,342,343,344,353,354,355,362,363,364,365,374,375,376,384,385,386,387,396,397,398,399,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +4336 - 34,35,56,57,58,78,79,80,100,101,102,114,115,122,123,124,136,137,144,145,146,158,159,167,168,179,180,181,189,190,191,201,202,203,211,212,213,223,224,225,233,234,235,245,246,247,248,255,256,257,268,269,270,271,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,489 +4337 - 13,14,34,35,54,55,56,75,76,77,78,96,97,98,99,117,118,119,120,139,140,141,160,161,162,181,182,183,202,203,204,205,215,216,217,224,225,226,235,236,237,238,239,240,245,246,247,255,256,257,258,259,260,261,262,263,267,268,276,277,278,279,283,284,285,289,290,297,298,299,300,304,305,306,311,312,318,319,320,321,323,324,325,326,327,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,404,405,406,491 +4338 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,170,171,172,173,191,192,193,194,213,214,215,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,424,425,426,427,446,447,448,467,468,469,492 +4339 - 34,35,36,55,56,57,58,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,139,140,141,142,145,146,147,148,161,162,167,168,169,188,189,190,191,207,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,355,356,357,364,365,366,378,379,380,384,385,386,387,400,401,402,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,488 +4340 - 56,57,58,59,77,78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,191,192,193,194,206,207,208,209,213,214,215,216,227,228,229,230,231,235,236,237,238,248,249,250,251,252,257,258,259,260,270,271,272,273,279,280,281,282,292,293,294,295,300,301,302,303,314,315,316,317,322,323,324,335,336,337,338,339,343,344,345,357,358,359,360,364,365,366,367,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,485 +4341 - 12,13,14,15,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,80,81,82,95,96,97,98,102,103,104,117,118,119,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,318,319,320,321,322,323,324,334,335,336,339,340,341,342,344,345,346,347,356,357,360,361,362,363,364,367,368,369,378,379,380,381,382,383,384,385,389,390,391,400,401,402,403,404,405,406,423,424,425,426,487 +4342 - 32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,121,122,123,124,125,126,135,136,137,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,252,254,255,256,257,258,259,260,261,279,280,281,282,283,303,304,305,306,325,326,327,328,333,334,335,336,337,338,346,347,348,349,350,354,355,356,357,358,359,360,367,368,369,370,371,375,376,377,378,379,380,381,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,488 +4343 - 36,37,38,57,58,59,60,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,162,163,164,165,169,170,171,183,184,185,186,191,192,193,194,204,205,206,207,213,214,215,216,225,226,227,228,236,237,238,246,247,248,249,258,259,260,268,269,270,271,279,280,281,282,289,290,291,292,301,302,303,311,312,313,314,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +4344 - 30,31,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,123,124,125,126,127,128,136,137,138,139,148,149,150,151,157,158,159,160,161,171,172,173,174,178,179,180,181,194,195,196,200,201,202,203,216,217,218,222,223,224,238,239,240,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,347,348,349,350,351,355,356,357,358,359,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,485 +4345 - 77,78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,142,145,146,147,160,161,162,163,167,168,169,170,171,182,183,184,188,189,190,191,192,193,204,205,210,211,212,213,214,226,227,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,425,426,427,446,447,448,449,468,469,470,494 +4346 - 54,55,56,76,77,78,97,98,99,100,118,119,120,121,122,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,181,182,183,184,185,187,188,189,190,202,203,204,205,206,209,210,211,216,217,218,224,225,226,227,231,232,233,234,237,238,239,240,245,246,247,248,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,451,452,473,474,489 +4347 - 35,36,37,57,58,59,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,151,152,153,161,162,163,164,165,166,173,174,175,182,183,184,185,186,187,195,196,197,203,204,205,206,207,208,217,218,219,224,225,226,227,228,229,238,239,240,241,247,248,249,250,260,261,262,268,269,270,271,281,282,283,284,289,290,291,292,293,302,303,304,305,311,312,313,314,323,324,325,326,332,333,334,335,336,344,345,346,347,354,355,356,357,358,364,365,366,367,368,376,377,378,379,380,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +4348 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,78,79,80,81,95,96,97,101,102,103,117,118,119,123,124,139,140,141,144,145,146,162,163,164,165,166,167,184,185,186,187,188,207,208,209,210,228,229,230,231,232,249,250,251,252,253,254,271,272,273,275,276,277,292,293,294,298,299,300,314,315,320,321,322,323,335,336,337,343,344,345,357,358,359,366,367,379,380,381,388,389,390,402,403,404,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +4349 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,164,181,182,183,184,185,192,193,194,195,203,204,205,206,212,213,214,215,216,217,218,225,226,227,234,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,268,269,270,276,277,278,279,280,281,282,290,291,292,297,298,299,300,301,302,303,304,312,313,314,319,320,321,322,323,324,333,334,335,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,402,405,406,407,427,428,429,491 +4350 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,137,138,139,140,145,146,147,159,160,161,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,246,247,248,255,256,257,269,270,271,272,273,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,322,323,344,345,366,367,388,389,390,410,411,412,432,433,434,454,455,456,457,477,478,479,494 +4351 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +4352 - 44,45,46,47,48,49,50,51,52,53,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,123,124,125,126,145,146,147,148,167,168,169,188,189,190,208,209,210,211,229,230,231,232,251,252,253,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,323,324,345,346,347,367,368,389,390,403,410,411,412,425,426,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +4353 - 95,96,97,98,99,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,165,166,167,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,211,212,213,224,225,226,227,233,234,235,245,246,247,248,254,255,256,268,269,275,276,277,278,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +4354 - 111,112,113,114,115,132,133,134,135,136,137,138,139,140,141,142,143,144,145,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,211,212,213,214,215,234,235,236,237,256,257,258,259,279,280,281,301,302,303,322,323,324,325,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,430,431,432,433,451,452,453,454,473,474,475,492 +4355 - 13,14,15,16,34,35,36,37,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,166,167,168,169,170,174,189,190,191,192,212,213,214,218,234,235,236,237,239,240,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,487 +4356 - 31,32,33,34,35,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,170,171,180,181,182,183,184,185,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,234,235,236,237,245,246,247,248,249,256,257,258,259,260,267,268,269,270,271,278,279,280,281,282,289,290,291,292,300,301,302,303,304,311,312,313,314,321,322,323,324,325,326,333,334,335,336,342,343,344,345,346,347,356,357,358,359,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +4357 - 58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,128,129,130,141,142,143,150,151,152,162,163,164,171,172,173,184,185,186,192,193,194,195,206,207,208,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,363,364,365,377,378,379,380,385,386,387,399,400,401,406,407,408,421,422,423,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,493 +4358 - 97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,182,183,189,190,191,192,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +4359 - 36,37,38,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,141,142,147,148,149,150,167,168,169,170,171,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,255,256,257,277,278,279,299,300,301,309,310,311,312,313,321,322,323,331,332,333,334,342,343,344,353,354,355,356,363,364,365,366,376,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,488 +4360 - 5,6,7,26,27,28,29,48,49,50,69,70,71,72,91,92,93,113,114,115,125,126,127,128,129,134,135,136,145,146,147,148,149,150,151,152,156,157,158,166,167,168,169,170,171,172,173,174,178,179,180,187,188,189,190,191,192,193,194,195,196,197,200,201,202,209,210,211,212,213,217,218,219,222,223,224,231,232,233,239,240,241,244,245,246,253,254,255,261,262,263,266,267,268,275,276,277,282,283,284,285,288,289,290,297,298,299,300,303,304,305,306,310,311,312,313,314,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +4361 - 63,64,65,84,85,86,95,96,106,107,108,116,117,118,128,129,138,139,140,149,150,151,159,160,161,170,171,172,173,180,181,182,183,192,193,194,202,203,204,205,213,214,215,223,224,225,226,227,228,234,235,236,237,244,245,246,247,248,249,250,251,252,253,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,294,295,296,297,298,299,300,301,310,311,312,313,318,319,320,321,322,323,333,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,470,471,472,489 +4362 - 77,78,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,146,147,148,158,159,160,161,169,170,171,179,180,181,192,193,201,202,203,222,223,224,244,245,261,262,266,267,282,283,284,288,289,290,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,349,350,351,356,357,358,359,360,361,362,363,364,365,366,371,372,373,394,395,416,417,438,439,460,494 +4363 - 105,106,107,108,118,119,120,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,204,205,206,212,213,214,215,225,226,227,233,234,235,236,246,247,248,249,254,255,256,257,267,268,269,270,276,277,278,279,290,291,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +4364 - 10,11,12,13,32,33,34,53,54,55,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,182,183,184,204,205,206,214,215,216,225,226,227,234,235,236,237,238,239,247,248,249,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,312,313,314,319,320,321,322,323,324,334,335,336,341,342,343,344,345,356,357,358,359,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +4365 - 15,16,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,212,213,214,215,226,227,228,233,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,270,271,275,276,277,278,279,280,281,291,292,293,296,297,298,299,300,301,302,303,313,314,315,317,318,319,320,321,322,323,324,335,336,337,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,403,404,405,406,491 +4366 - 70,71,72,73,92,93,94,95,96,115,116,117,118,119,120,139,140,141,142,143,144,145,163,164,165,166,167,168,187,188,189,190,211,212,213,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,492 +4367 - 15,16,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,204,205,206,214,215,216,226,227,228,232,233,234,235,236,237,238,239,240,248,249,250,254,255,256,257,258,259,260,261,262,270,271,275,276,277,278,282,283,291,292,293,296,297,298,303,304,305,313,314,316,317,318,319,323,324,325,326,335,336,338,339,340,343,344,345,346,347,357,358,359,360,361,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,425,426,427,491 +4368 - 75,76,77,78,79,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,143,144,145,146,157,158,159,160,165,166,167,168,179,180,181,187,188,189,190,201,202,203,210,211,212,223,224,225,226,232,233,234,235,246,247,248,249,254,255,256,257,268,269,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,343,344,345,346,366,367,368,369,388,389,390,391,392,411,412,413,414,433,434,435,436,437,456,457,458,459,460,479,480,481,482,494 +4369 - 57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,139,140,141,142,143,147,148,149,162,163,168,169,170,171,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,274,277,278,279,299,300,301,321,322,323,343,344,345,353,354,355,364,365,366,367,375,376,377,378,379,385,386,387,388,397,398,399,400,406,407,408,409,420,421,422,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,488 +4370 - 51,52,53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,115,116,117,122,123,124,137,138,145,146,147,159,160,161,166,167,168,182,183,187,188,189,190,204,205,206,208,209,210,211,227,228,229,230,231,232,249,250,251,252,253,272,273,274,275,276,294,295,296,297,298,299,316,317,319,320,321,322,338,339,340,342,343,344,345,360,361,362,365,366,367,383,384,385,388,389,390,405,406,407,411,412,428,429,430,431,432,433,434,451,452,453,454,455,456,473,474,475,476,477,478,493 +4371 - 13,14,15,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,117,118,119,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,365,366,367,368,369,376,377,378,379,380,381,382,383,384,388,389,390,391,398,399,400,401,402,403,404,405,411,412,420,421,422,423,424,487 +4372 - 93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,209,210,211,212,213,231,232,233,234,235,253,254,255,256,257,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +4373 - 36,37,38,58,59,60,78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,142,143,144,147,148,149,169,170,171,190,191,192,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,278,298,299,300,313,314,315,320,321,322,334,335,336,337,342,343,344,356,357,363,364,365,378,379,380,384,385,386,387,400,401,402,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,488 +4374 - 53,54,55,56,57,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,123,124,125,126,127,128,129,138,139,140,141,149,150,151,160,161,162,163,171,172,173,182,183,184,192,193,194,195,203,204,205,206,214,215,216,224,225,226,227,236,237,238,246,247,248,249,258,259,268,269,270,271,279,280,281,290,291,292,293,300,301,302,312,313,314,315,322,323,324,334,335,336,343,344,345,356,357,358,364,365,366,367,378,379,380,385,386,387,388,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,485 +4375 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,127,128,129,141,142,143,149,150,151,163,164,165,170,171,172,173,185,186,187,191,192,193,194,207,208,209,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,356,357,358,359,362,363,377,378,379,380,383,384,385,399,400,401,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,493 +4376 - 49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,113,114,115,116,136,137,158,159,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,232,233,234,235,236,246,247,248,249,250,257,258,259,268,269,270,271,280,281,291,292,303,304,325,326,327,347,348,349,369,370,371,391,392,393,402,403,404,405,406,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,490 +4377 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,117,118,119,120,121,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,215,222,223,224,225,232,233,234,235,236,244,245,246,253,254,255,256,257,258,266,267,268,269,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,425,426,427,428,429,447,448,449,450,451,469,470,471,494 +4378 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,122,123,124,125,138,139,140,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,494 +4379 - 55,56,57,77,78,79,86,98,99,100,107,108,119,120,121,122,128,129,130,140,141,142,143,150,151,152,161,162,163,164,171,172,173,182,183,184,185,192,193,194,204,205,206,207,213,214,215,216,225,226,227,228,229,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,272,273,274,275,276,277,278,279,289,290,291,295,296,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,489 +4380 - 28,29,30,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,121,122,123,124,125,133,134,145,146,147,148,168,169,170,191,192,193,213,214,215,235,236,237,257,258,259,279,280,281,296,297,298,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,426,427,428,429,487 +4381 - 57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,128,129,142,143,149,150,151,163,164,165,170,171,172,186,187,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,319,320,335,336,337,340,341,342,356,357,358,359,362,363,364,377,378,379,380,384,385,386,399,400,401,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,493 +4382 - 56,57,58,59,60,77,78,79,80,81,97,98,99,100,105,106,107,118,119,120,121,127,128,139,140,141,142,148,149,150,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,224,225,226,227,233,234,235,246,247,248,254,255,256,257,268,269,270,276,277,278,290,291,292,297,298,299,303,304,312,313,314,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,406,407,428,429,450,451,472,473,489 +4383 - 57,58,59,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,128,129,130,140,141,142,149,150,151,152,162,163,164,170,171,172,173,184,185,186,191,192,193,194,206,207,208,211,212,213,214,215,229,230,232,233,234,235,251,252,253,254,255,256,273,274,275,276,294,295,296,297,315,316,317,318,319,335,336,337,338,340,341,356,357,358,359,360,362,363,364,378,379,380,384,385,399,400,401,406,407,421,422,423,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,493 +4384 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,143,144,145,146,147,148,159,160,161,162,166,167,168,169,181,182,183,184,185,188,189,190,191,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,274,275,276,277,278,296,297,298,299,300,301,317,318,319,320,321,322,323,324,339,340,341,344,345,346,361,362,363,366,367,368,369,383,384,385,388,389,390,391,405,406,407,410,411,412,413,426,427,428,429,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +4385 - 105,106,107,108,118,119,120,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,188,192,193,194,195,202,203,204,205,213,214,215,216,223,224,225,226,234,235,236,237,245,246,247,248,255,256,257,258,259,266,267,268,269,277,278,279,280,288,289,290,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +4386 - 72,73,74,75,93,94,95,96,102,103,114,115,116,123,124,125,136,137,144,145,146,158,159,166,167,168,180,181,188,189,190,202,203,204,210,211,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +4387 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,447,486 +4388 - 53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,122,123,124,125,138,139,140,143,144,145,146,147,160,161,162,164,165,166,167,182,183,185,186,187,188,203,204,205,207,208,209,225,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,321,322,323,338,339,344,345,360,361,366,367,368,382,383,388,389,390,404,405,406,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +4389 - 35,36,37,38,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,105,106,107,119,120,121,122,127,128,129,140,141,142,143,149,150,151,161,162,163,164,171,172,173,182,183,184,185,193,194,195,203,204,205,206,215,216,217,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,280,281,282,289,290,291,301,302,303,304,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,363,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +4390 - 56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,360,361,362,382,383,384,404,405,406,426,427,448,449,470,471,486 +4391 - 34,35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,106,107,119,120,121,128,129,141,142,143,150,151,163,164,171,172,173,185,186,192,193,194,207,208,209,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,319,320,335,336,337,338,341,342,343,356,357,358,359,363,364,365,378,379,380,384,385,386,387,399,400,401,403,404,405,406,407,408,421,422,423,424,425,426,427,428,444,445,446,447,448,449,493 +4392 - 14,15,16,35,36,37,38,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,188,206,207,208,209,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,491 +4393 - 97,98,99,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,224,225,226,227,228,234,235,236,246,247,248,249,255,256,257,268,269,270,276,277,278,279,290,291,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,451,468,469,470,471,472,492 +4394 - 69,70,71,72,73,91,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,122,139,140,141,142,143,144,145,163,164,165,166,167,168,169,188,189,190,191,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +4395 - 76,84,85,86,97,98,99,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,192,193,194,203,204,205,206,213,214,215,224,225,226,227,228,234,235,236,237,245,246,247,248,249,255,256,257,258,267,268,269,276,277,278,279,289,290,298,299,300,319,320,321,322,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,467,468,469,470,471,492 +4396 - 116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,177,178,179,189,190,191,211,212,213,233,234,255,256,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,407,408,428,429,430,450,451,452,472,473,474,475,492 +4397 - 109,128,129,130,131,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,206,207,208,209,227,228,229,230,231,232,249,250,251,252,253,254,255,276,277,298,299,319,320,321,333,334,335,336,341,342,343,355,356,362,363,364,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,425,426,427,490 +4398 - 10,11,12,13,14,15,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,58,59,60,61,71,72,73,74,75,81,82,83,103,104,105,125,126,127,147,148,149,168,169,170,171,190,191,192,212,213,214,233,234,235,254,255,256,257,276,277,278,296,297,298,299,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,376,377,378,379,380,381,382,383,391,392,393,394,395,398,399,400,401,402,403,404,416,417,420,421,422,423,424,425,487 +4399 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,139,140,141,142,147,148,149,150,159,160,161,162,163,167,168,169,170,171,172,173,181,182,183,188,189,190,191,192,193,194,202,203,204,209,210,211,212,213,214,215,216,224,225,226,231,232,233,234,235,236,237,246,247,248,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,403,404,405,424,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +4400 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,99,100,101,102,103,122,123,124,125,126,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,336,337,338,339,342,343,344,345,346,357,358,359,360,361,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,488 +4401 - 12,13,14,15,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,80,81,82,95,96,97,98,102,103,104,124,125,126,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,314,315,316,317,318,322,323,324,325,332,333,334,335,336,337,338,339,345,346,347,348,354,355,356,357,358,359,360,368,369,370,375,376,377,378,379,380,390,391,392,393,398,399,400,413,414,415,435,436,437,487 +4402 - 37,38,39,40,58,59,60,61,62,63,79,80,81,82,85,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,211,212,229,230,231,234,235,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,321,322,336,337,338,342,343,344,345,358,359,360,364,365,366,379,380,381,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,491 +4403 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,103,104,105,115,116,117,118,119,125,126,127,147,148,149,168,169,170,171,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,257,268,277,278,279,280,288,289,290,291,292,300,301,302,310,311,312,313,314,315,323,324,332,333,334,335,336,345,346,347,354,355,356,357,367,368,369,377,378,379,380,381,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +4404 - 14,15,16,35,36,37,38,56,57,58,60,77,78,79,98,99,100,101,120,121,122,141,142,143,162,163,164,165,184,185,186,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,292,293,294,302,303,314,315,316,324,325,336,337,345,346,347,358,359,360,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +4405 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,422,423,424,425,426,445,446,447,486 +4406 - 39,40,52,53,60,61,62,73,74,75,76,82,83,95,96,97,104,105,106,116,117,118,125,126,127,137,138,139,140,147,148,149,159,160,161,162,169,170,171,180,181,182,183,191,192,202,203,204,212,213,214,223,224,225,226,234,235,236,245,246,247,256,257,258,259,260,266,267,268,269,275,276,277,278,279,280,281,282,288,289,290,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,342,343,344,355,356,357,358,359,360,364,365,366,386,387,388,407,408,409,429,430,431,432,433,434,452,453,454,455,456,489 +4407 - 36,37,38,58,59,60,80,81,82,101,102,103,123,124,125,145,146,147,166,167,168,169,188,189,190,191,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +4408 - 14,15,35,36,37,55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,163,164,165,185,186,187,207,208,209,228,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,320,321,322,338,339,340,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,491 +4409 - 52,53,63,64,73,74,75,84,85,86,94,95,96,97,106,107,108,115,116,117,118,127,128,129,130,137,138,139,140,149,150,151,152,158,159,160,161,171,172,173,180,181,182,183,192,193,194,195,201,202,203,204,205,213,214,215,216,223,224,225,226,227,228,229,230,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,471,472,473,489 +4410 - 38,39,40,60,61,62,82,83,84,104,105,106,112,113,114,126,127,128,134,135,136,148,149,150,156,157,158,170,171,172,177,178,179,180,191,192,193,194,199,200,201,202,213,214,215,221,222,223,224,225,226,227,228,229,230,231,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,300,301,302,303,304,305,306,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,489 +4411 - 85,86,99,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,204,205,206,207,208,218,227,228,229,230,231,251,252,253,254,274,275,276,297,298,299,319,320,321,332,333,334,340,341,342,343,354,355,356,362,363,364,376,377,378,379,380,383,384,385,386,399,400,401,402,403,404,405,406,407,423,424,425,426,427,428,490 +4412 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,450,469,470,471,472,486 +4413 - 109,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,204,205,206,207,225,226,227,228,229,230,248,249,250,251,252,253,273,274,275,276,296,297,298,312,313,319,320,334,335,340,341,342,356,357,362,363,364,378,379,380,382,383,384,385,400,401,402,403,404,405,406,423,424,425,426,490 +4414 - 6,7,8,9,10,28,29,30,31,32,33,50,51,52,53,54,55,56,75,76,77,78,98,99,100,120,121,122,142,143,144,145,165,166,167,187,188,189,209,210,211,212,231,232,233,234,253,254,255,256,257,258,259,260,261,273,274,275,276,277,278,279,280,281,282,283,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,400,401,402,403,404,405,423,424,425,487 +4415 - 38,39,40,41,58,59,60,61,62,63,64,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,150,162,163,164,165,170,171,172,183,184,185,186,192,193,194,195,204,205,206,207,215,216,217,225,226,227,228,237,238,239,246,247,248,249,259,260,261,267,268,269,270,281,282,283,289,290,291,302,303,304,310,311,312,313,323,324,325,326,332,333,334,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +4416 - 50,51,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,139,140,160,161,162,181,182,183,184,203,204,205,206,225,226,227,247,248,249,250,269,270,271,272,273,274,275,292,293,294,295,296,297,298,316,317,318,319,320,321,322,339,340,341,342,343,344,345,364,365,366,367,368,387,388,389,390,391,410,411,412,413,433,434,435,451,452,453,454,455,456,457,473,474,475,476,477,478,490 +4417 - 41,42,63,64,74,75,84,85,86,96,97,98,106,107,108,117,118,119,120,127,128,129,130,138,139,140,141,148,149,150,151,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,201,202,203,204,205,213,214,215,216,223,224,225,226,227,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,293,294,295,296,297,298,299,300,301,309,310,319,320,321,322,341,342,343,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,489 +4418 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,187,188,205,206,207,208,209,210,229,230,231,232,233,234,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,304,323,324,325,326,327,335,336,337,346,347,348,349,357,358,359,360,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,488 +4419 - 57,58,59,60,61,78,79,80,81,82,83,84,100,101,102,103,104,105,106,107,108,121,122,123,128,129,130,142,143,144,150,151,152,164,165,172,173,174,185,186,187,193,194,195,206,207,208,213,214,215,216,217,228,229,233,234,235,236,237,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,361,362,363,377,378,379,380,383,384,385,399,400,401,406,407,421,422,423,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,493 +4420 - 39,40,59,60,61,62,81,82,83,102,103,104,105,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,294,295,296,315,316,317,318,336,337,338,339,358,359,360,379,380,381,382,401,402,403,422,423,424,425,426,444,445,446,447,448,486 +4421 - 84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,169,170,171,172,181,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,254,255,256,257,267,268,269,270,275,276,277,278,289,290,291,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,448,466,467,468,469,492 +4422 - 89,90,91,92,93,94,111,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,188,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,492 +4423 - 55,63,64,65,76,77,78,85,86,87,97,98,99,106,107,108,118,119,120,121,127,128,129,140,141,142,149,150,151,161,162,163,164,171,172,173,182,183,184,185,192,193,194,203,204,205,206,213,214,215,216,224,225,226,227,234,235,236,237,245,246,247,248,249,256,257,258,266,267,268,269,270,271,272,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,315,316,317,318,319,320,321,322,323,339,340,341,342,343,362,363,364,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,489 +4424 - 40,41,42,43,60,61,62,63,64,65,80,81,82,83,84,85,100,101,102,103,104,105,106,120,121,122,123,124,125,141,142,143,144,145,163,164,165,166,183,184,185,186,187,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,275,276,277,278,298,299,300,312,320,321,322,333,334,341,342,343,344,355,356,363,364,365,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,445,446,447,448,449,490 +4425 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,127,128,129,140,141,142,143,148,149,150,161,162,163,164,167,168,169,170,171,172,182,183,184,185,189,190,191,192,193,204,205,206,212,213,214,215,226,227,233,234,235,236,247,248,249,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,403,404,405,424,425,426,427,445,446,447,448,466,467,468,469,494 +4426 - 9,10,11,12,30,31,32,33,52,53,54,74,75,76,95,96,97,117,118,119,138,139,140,160,161,162,167,182,183,187,188,189,190,191,192,204,205,208,209,210,211,212,213,214,215,225,226,227,230,231,235,236,237,247,248,249,251,252,253,258,259,260,269,270,273,274,280,281,282,291,292,295,296,302,303,304,313,314,315,317,318,324,325,326,335,336,337,339,340,344,345,346,347,358,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +4427 - 17,18,19,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,126,127,128,148,149,150,170,171,172,191,192,193,213,214,215,234,235,236,237,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,318,319,320,321,322,323,332,333,334,335,339,340,341,342,343,344,345,354,355,356,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,388,389,398,399,400,401,402,403,404,421,422,423,424,425,487 +4428 - 10,11,12,13,14,32,33,34,35,36,37,57,58,59,79,80,81,82,102,103,104,124,125,126,147,148,169,170,191,192,193,213,214,235,236,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,319,320,321,322,323,333,334,341,342,343,344,354,355,356,362,363,364,365,377,378,383,384,385,386,399,400,401,403,404,405,406,422,423,424,425,426,427,487 +4429 - 34,35,36,55,56,57,58,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,146,147,148,149,168,169,170,190,191,192,210,211,212,213,214,231,232,233,234,235,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,320,321,322,342,343,344,355,356,364,365,366,376,377,378,379,385,386,387,398,399,400,401,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +4430 - 9,10,11,12,30,31,32,52,53,54,73,74,75,95,96,97,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,212,213,214,215,216,225,226,227,233,234,235,236,237,238,248,249,254,255,256,257,258,259,260,261,270,271,272,275,276,277,278,279,281,282,283,292,293,294,297,298,299,303,304,305,314,315,316,319,320,325,326,327,337,338,339,341,342,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +4431 - 14,15,16,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,122,139,140,141,142,143,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,195,203,204,205,206,211,212,213,216,217,224,225,226,227,232,233,234,238,239,246,247,248,253,254,255,259,260,261,268,269,270,274,275,276,281,282,283,290,291,292,295,296,297,302,303,304,312,313,314,317,318,319,323,324,325,326,334,335,336,338,339,340,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +4432 - 69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,469,470,471,472,492 +4433 - 41,42,63,64,74,75,76,84,85,86,96,97,98,106,107,108,117,118,119,120,127,128,129,130,138,139,140,141,149,150,151,160,161,162,170,171,172,181,182,183,192,193,194,202,203,204,205,213,214,215,216,224,225,226,227,235,236,237,245,246,247,248,249,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,316,317,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,489 +4434 - 50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,101,102,103,104,111,112,113,114,125,126,133,134,135,156,157,158,179,180,181,182,183,202,203,204,205,206,207,208,212,213,227,228,229,230,231,232,233,234,253,254,255,256,257,274,275,276,278,279,280,281,296,297,301,302,303,304,317,318,325,326,327,338,339,340,348,349,350,360,361,362,370,371,372,382,383,392,393,394,404,405,406,414,415,416,426,427,428,429,434,435,436,437,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,493 +4435 - 38,39,60,61,62,81,82,83,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,486 +4436 - 54,55,61,62,75,76,77,82,83,84,96,97,98,104,105,106,118,119,120,126,127,128,140,141,142,148,149,150,161,162,163,169,170,171,183,184,191,192,193,204,205,206,213,214,215,226,227,233,234,235,236,237,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,321,322,323,334,335,336,337,343,344,356,357,364,365,366,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +4437 - 15,16,17,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,82,83,84,96,97,98,99,100,104,105,106,119,120,126,127,128,148,149,150,169,170,171,191,192,193,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,298,299,300,301,311,312,313,314,318,319,320,321,322,323,332,333,334,335,339,340,341,342,343,344,345,353,354,355,356,359,360,361,362,363,364,365,366,367,368,375,376,377,379,380,381,382,383,384,385,388,389,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,487 +4438 - 78,79,80,100,101,102,103,104,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,232,233,234,235,248,249,250,251,252,254,255,256,257,269,270,271,272,273,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +4439 - 63,64,65,85,86,87,96,97,107,108,109,117,118,119,128,129,130,138,139,140,149,150,151,152,159,160,161,162,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,223,224,225,226,227,228,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,270,271,272,273,274,275,276,277,278,279,280,289,294,295,296,297,298,299,300,301,302,320,321,322,323,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,489 +4440 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,323,336,337,338,339,343,344,345,358,359,360,361,365,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,409,410,411,412,425,426,427,428,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,477,493 +4441 - 39,40,60,61,62,81,82,83,84,103,104,105,124,125,126,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,486 +4442 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,121,122,123,124,136,137,138,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,269,270,271,272,273,274,275,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,384,487 +4443 - 38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,182,183,184,185,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,334,335,343,344,345,356,357,358,364,365,366,367,378,379,380,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,490 +4444 - 33,34,35,36,37,54,55,56,57,58,59,60,61,71,72,73,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,103,104,105,106,114,115,116,117,118,119,120,127,128,129,136,137,138,139,140,141,149,150,151,158,159,160,161,162,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,292,293,294,304,305,306,312,313,314,315,316,317,325,326,327,334,335,336,337,338,339,346,347,348,349,357,358,359,360,367,368,369,370,379,380,381,382,383,384,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,485 +4445 - 59,60,61,80,81,82,83,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,468,469,470,486 +4446 - 24,25,26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,120,121,122,123,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,487 +4447 - 79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,142,143,144,147,148,162,163,164,165,166,168,169,170,171,184,185,186,188,189,190,191,192,193,194,205,206,207,209,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,248,249,253,254,255,256,257,258,269,270,271,276,277,278,279,291,292,293,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,359,362,363,364,383,384,385,405,406,407,426,427,428,448,449,469,470,471,494 +4448 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,99,100,101,103,104,105,117,118,119,125,126,139,140,146,147,148,161,162,163,168,169,170,184,185,190,191,206,207,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,298,299,315,316,317,320,321,336,337,338,342,343,357,358,359,363,364,365,379,380,381,385,386,401,402,406,407,408,423,424,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +4449 - 37,38,58,59,60,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,146,147,148,168,169,170,188,189,190,191,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,276,277,278,298,299,300,320,321,322,341,342,343,344,362,363,364,365,377,378,379,380,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,442,443,444,445,446,447,448,488 +4450 - 34,35,36,37,55,56,57,58,59,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,205,206,207,208,209,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,322,323,324,344,345,346,365,366,367,386,387,388,389,404,405,407,408,409,410,426,427,428,429,430,431,449,450,451,452,490 +4451 - 15,16,17,37,38,39,58,59,60,61,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,164,165,169,170,171,190,191,192,193,212,213,214,215,234,235,236,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,365,366,367,368,376,377,378,379,380,381,382,383,388,389,390,397,398,399,400,401,402,403,404,410,411,412,419,420,421,422,423,433,487 +4452 - 97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,168,169,170,171,177,178,179,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +4453 - 35,36,37,38,39,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,106,107,108,118,119,120,121,122,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,223,224,225,226,237,238,239,245,246,247,248,258,259,260,261,266,267,268,269,279,280,281,282,288,289,290,291,300,301,302,303,304,310,311,312,321,322,323,324,325,331,332,333,334,341,342,343,344,345,353,354,355,362,363,364,365,366,375,376,377,378,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,444,445,446,447,485 +4454 - 60,61,62,82,83,84,103,104,105,106,117,118,119,125,126,127,128,137,138,139,140,141,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,247,248,249,255,256,257,258,269,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,450,451,452,453,473,474,475,489 +4455 - 37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,128,129,130,140,141,142,143,144,150,151,152,161,162,163,164,165,173,174,175,182,183,184,185,186,195,196,197,204,205,206,207,217,218,219,225,226,227,228,229,238,239,240,246,247,248,249,250,251,252,260,261,262,267,268,269,270,272,273,274,281,282,283,284,289,290,291,295,296,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,344,345,346,347,348,354,355,356,365,366,367,368,376,377,378,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +4456 - 78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,125,126,127,138,139,140,141,142,147,148,149,159,160,161,162,163,169,170,171,180,181,182,183,192,193,202,203,204,205,206,214,215,224,225,226,227,228,235,236,237,246,247,248,249,250,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,345,346,347,366,367,368,369,388,389,390,409,410,411,412,430,431,432,433,452,453,454,473,474,475,476,494 +4457 - 36,37,38,39,40,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,169,170,171,182,183,184,185,186,191,192,193,204,205,206,212,213,214,215,234,235,236,255,256,257,258,276,277,278,279,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,387,388,389,399,400,401,402,403,404,405,410,411,412,421,422,423,424,425,432,433,443,444,445,487 +4458 - 94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,144,145,146,147,154,155,156,157,158,159,160,167,168,169,190,191,212,213,234,235,256,257,278,279,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,387,388,389,409,410,431,432,453,454,474,475,476,492 +4459 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,118,119,120,121,126,127,128,139,140,141,142,148,149,150,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,195,202,203,204,205,212,213,214,215,216,217,223,224,225,226,234,235,236,237,238,245,246,247,256,257,258,259,266,267,268,269,277,278,279,280,288,289,290,297,298,299,300,301,310,311,312,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,494 +4460 - 75,76,96,97,98,117,118,119,120,139,140,141,145,146,147,148,161,162,163,166,167,168,169,170,171,183,184,185,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,489 +4461 - 36,37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,162,168,169,170,171,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,276,277,278,289,298,299,300,301,310,311,312,313,320,321,322,331,332,333,334,342,343,344,353,354,355,363,364,365,375,376,377,384,385,386,387,398,399,400,401,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,488 +4462 - 49,50,51,52,56,57,58,59,60,61,62,63,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,157,158,159,160,161,179,180,181,182,183,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,270,271,272,273,279,280,281,282,283,284,285,302,303,304,305,306,307,324,325,326,327,328,345,346,347,348,349,350,364,365,366,367,368,369,370,371,376,377,378,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,490 +4463 - 12,13,14,33,34,35,36,53,54,55,56,74,75,76,77,78,95,96,97,98,116,117,118,119,137,138,139,140,159,160,161,172,173,180,181,182,192,193,194,195,196,202,203,204,212,213,214,215,216,217,218,219,223,224,225,233,234,235,236,239,240,241,245,246,253,254,255,256,261,262,267,268,269,274,275,276,277,282,283,284,289,290,295,296,297,298,303,304,305,311,312,313,316,317,318,319,324,325,326,333,334,335,336,337,338,339,340,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,491 +4464 - 51,52,59,60,73,74,80,81,82,94,95,96,102,103,104,116,117,118,124,125,137,138,139,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,225,226,227,232,233,234,235,248,249,250,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,489 +4465 - 76,77,78,79,80,81,94,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,186,187,188,192,193,194,195,196,199,200,201,202,203,204,215,216,217,218,221,222,223,224,225,237,238,239,240,243,244,245,246,247,259,260,261,262,265,266,267,268,269,281,282,283,284,287,288,289,290,291,302,303,304,305,306,309,310,311,312,313,323,324,325,326,327,328,331,332,333,334,335,336,344,345,346,347,348,349,354,355,356,357,358,359,360,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,485 +4466 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,124,125,126,136,137,138,139,147,148,149,158,159,160,169,170,171,179,180,181,190,191,192,193,201,202,203,212,213,214,215,223,224,225,234,235,236,237,245,246,255,256,257,258,259,267,268,269,276,277,278,279,280,289,290,291,292,296,297,298,299,301,302,312,313,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,345,346,347,367,368,369,389,390,391,411,412,413,434,435,456,457,458,478,479,480,494 +4467 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,486 +4468 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,56,57,73,74,75,78,79,94,95,96,97,116,117,118,138,139,140,141,160,161,162,163,170,171,172,183,184,185,186,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,298,299,300,301,314,315,316,321,322,323,324,336,337,338,344,345,346,358,359,360,361,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,493 +4469 - 49,50,51,52,53,54,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,142,143,144,145,165,166,167,168,187,188,189,190,209,210,211,231,232,233,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,380,381,382,487 +4470 - 55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,452,472,473,474,486 +4471 - 69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,134,135,136,137,142,143,144,145,164,165,166,184,185,186,187,188,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,276,277,278,279,280,281,282,301,302,303,304,324,325,326,327,337,338,347,348,349,358,359,360,361,362,363,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,454,455,488 +4472 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,187,188,189,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,478,492 +4473 - 36,37,38,58,59,60,80,81,82,91,102,103,104,112,113,114,124,125,126,134,135,136,146,147,148,156,157,158,168,169,170,178,179,180,190,191,192,200,201,202,212,213,214,222,223,224,234,235,236,237,238,239,244,245,246,247,248,250,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,414,432,433,434,435,436,455,456,457,489 +4474 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,79,80,81,93,94,95,96,101,102,103,115,116,124,125,126,146,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,257,258,278,279,280,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,343,344,345,346,347,355,356,357,358,364,365,366,367,368,369,370,376,377,378,379,380,385,386,387,388,390,391,392,398,399,400,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,487 +4475 - 51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,123,124,125,134,135,136,137,146,147,148,157,158,159,169,179,180,181,182,187,188,201,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,278,279,280,281,290,291,292,301,302,303,324,325,326,346,347,348,358,359,368,369,370,380,381,382,390,391,392,393,402,403,404,405,406,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,490 +4476 - 35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,189,206,207,209,210,211,231,232,233,253,254,255,274,275,276,296,297,298,318,319,320,322,323,324,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,447,448,449,450,487 +4477 - 8,9,10,11,29,30,31,32,50,51,52,53,72,73,74,75,93,94,95,96,97,114,115,116,117,118,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,211,212,213,214,215,216,223,224,225,226,232,233,234,235,236,237,238,239,245,246,247,248,253,254,255,256,257,258,259,260,261,262,267,268,269,270,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,296,297,298,299,300,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +4478 - 112,113,114,115,116,117,118,134,135,136,137,138,139,140,141,142,143,144,145,160,161,162,163,164,165,166,167,168,169,170,188,189,190,191,192,193,213,214,215,236,237,258,259,279,280,281,301,302,322,323,324,344,345,365,366,367,387,388,408,409,410,430,431,432,452,453,473,474,475,492 +4479 - 91,92,93,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,209,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,455,473,474,475,476,477,492 +4480 - 102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,203,204,205,206,225,226,227,228,247,248,249,250,269,270,271,272,292,293,294,295,315,316,317,318,319,338,339,340,341,342,361,362,363,364,383,384,385,386,387,406,407,408,427,428,429,430,445,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +4481 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,121,122,123,124,125,126,135,136,137,138,145,146,147,148,149,157,158,159,167,168,169,170,171,179,180,181,189,190,191,192,193,201,202,203,204,213,214,215,223,224,225,226,227,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,345,346,347,348,358,359,360,368,369,370,380,381,382,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +4482 - 79,80,81,82,83,84,85,94,95,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,148,149,150,151,152,160,161,162,163,164,165,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,299,300,314,315,316,317,318,321,322,323,336,337,338,339,343,344,345,357,358,359,360,365,366,367,379,380,381,382,386,387,388,389,401,402,403,407,408,409,410,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,474,493 +4483 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,144,145,146,147,157,158,159,160,167,168,169,179,180,181,182,189,190,191,192,201,202,203,204,205,211,212,213,214,215,224,225,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,453,454,455,456,457,475,476,477,478,494 +4484 - 34,35,56,57,78,79,100,101,122,123,143,144,145,165,166,167,187,188,189,209,210,231,232,253,254,275,276,296,297,298,318,319,320,340,341,362,363,384,385,406,407,427,428,429,449,450,486 +4485 - 53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,170,171,172,173,174,179,180,181,182,183,194,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,239,240,241,244,245,246,247,260,261,262,263,266,267,268,281,282,283,284,285,288,289,290,302,303,304,305,306,310,311,312,313,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,485 +4486 - 31,32,33,34,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +4487 - 35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,448,449,450,486 +4488 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,215,224,225,226,227,228,229,233,234,235,236,237,246,247,248,249,250,251,256,257,258,259,268,269,270,271,272,273,274,278,279,280,281,290,291,292,293,294,295,296,297,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +4489 - 55,56,57,58,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,145,146,147,148,158,159,160,161,162,167,168,169,170,179,180,181,182,189,190,191,202,203,211,212,213,226,227,228,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,295,296,297,298,299,300,301,302,311,312,313,319,320,321,322,323,324,325,326,327,333,334,335,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,368,369,370,371,372,373,378,379,380,381,382,383,384,385,401,402,403,404,405,406,425,426,487 +4490 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,124,125,146,147,167,168,169,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,277,278,279,300,301,322,323,324,345,346,359,366,367,368,380,381,388,389,390,402,403,404,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +4491 - 50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,121,122,123,124,125,134,135,136,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,279,280,281,282,283,302,303,304,305,325,326,327,346,347,348,349,367,368,369,370,371,379,380,387,388,389,390,391,392,401,402,403,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,488 +4492 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +4493 - 59,60,80,81,82,83,102,103,104,105,114,115,116,124,125,126,136,137,138,145,146,147,157,158,159,160,167,168,169,179,180,181,188,189,190,191,200,201,202,203,210,211,212,213,214,215,216,217,218,219,222,223,224,225,228,229,230,231,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,489 +4494 - 81,82,83,94,95,96,103,104,105,116,117,118,124,125,126,127,137,138,139,140,146,147,148,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,210,211,212,213,214,223,224,225,226,230,231,232,233,234,235,236,244,245,246,247,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,299,300,301,311,312,313,314,315,316,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,476,489 +4495 - 52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,233,234,235,236,237,238,239,245,246,247,248,257,258,259,260,261,267,268,269,281,282,283,284,303,304,305,306,325,326,327,328,331,332,333,334,347,348,349,350,353,354,355,356,357,358,359,360,365,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,490 +4496 - 54,55,56,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,123,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,163,169,170,171,172,181,182,183,184,192,193,194,203,204,205,206,214,215,216,225,226,227,228,237,238,239,246,247,248,249,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,326,327,334,335,336,348,349,357,358,359,369,370,379,380,381,391,392,402,403,404,412,413,425,426,427,433,434,435,447,448,449,450,451,453,454,455,456,471,472,473,474,475,476,477,485 +4497 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,56,72,73,74,75,76,93,94,95,96,97,98,114,115,116,117,118,119,136,137,138,139,140,158,159,160,161,180,181,182,183,202,203,204,205,214,215,216,217,223,224,225,226,233,234,235,236,237,238,239,240,241,245,246,247,248,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,297,298,299,300,301,304,305,306,307,311,312,313,314,315,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +4498 - 56,57,58,78,79,80,93,94,100,101,115,116,117,122,123,137,138,144,145,159,160,166,167,181,182,188,189,203,204,205,210,211,213,214,226,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,298,299,320,321,342,343,364,365,386,387,408,409,410,430,431,432,452,453,454,475,476,489 +4499 - 94,95,96,97,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,187,188,189,190,191,192,193,194,195,199,200,201,202,203,212,213,214,215,221,222,223,224,233,234,235,236,243,244,245,246,255,256,257,258,265,266,267,268,276,277,278,279,280,287,288,289,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,414,428,429,430,431,436,437,449,450,451,452,453,471,472,473,474,492 +4500 - 92,94,95,96,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,189,190,191,192,193,194,195,196,200,201,202,203,214,215,216,217,218,219,222,223,224,239,240,241,244,245,246,247,261,262,263,267,268,269,270,283,284,285,289,290,291,292,305,306,307,311,312,313,314,315,316,325,326,327,328,329,334,335,336,337,338,339,340,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,429,430,431,432,485 +4501 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,124,125,126,127,138,139,140,141,147,148,149,161,162,163,169,170,171,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,361,363,364,365,380,381,382,384,385,386,387,402,403,404,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,493 +4502 - 16,17,18,29,30,37,38,39,40,50,51,52,58,59,60,61,62,71,72,73,78,79,80,81,82,83,84,93,94,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,125,126,127,137,138,139,140,141,142,143,146,147,148,159,160,161,162,163,167,168,169,170,189,190,191,192,211,212,213,232,233,234,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,343,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,418,419,420,421,422,423,424,425,426,427,486 +4503 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,168,169,170,171,181,182,183,184,188,189,192,193,204,205,206,207,208,209,210,211,212,215,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,274,275,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,494 +4504 - 31,32,33,53,54,55,76,77,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,341,342,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +4505 - 57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,148,149,150,151,152,153,158,159,160,161,162,163,164,172,173,174,175,179,180,181,182,183,184,195,196,197,201,202,203,204,205,217,218,219,222,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,359,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,485 +4506 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,181,182,183,185,186,187,188,189,190,204,207,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,257,275,276,277,278,279,280,298,299,300,301,302,303,320,321,322,323,324,325,343,344,345,346,347,359,360,361,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +4507 - 33,34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,425,426,427,428,447,448,449,450,486 +4508 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,249,250,251,254,255,256,257,258,259,278,279,280,281,301,302,303,323,324,325,345,346,347,359,360,366,367,368,369,380,381,382,387,388,389,390,401,402,403,404,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +4509 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,233,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,400,401,487 +4510 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,142,143,144,145,146,147,156,157,158,159,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,344,345,346,347,348,361,367,368,369,370,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +4511 - 28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,254,255,256,257,258,259,260,278,279,280,281,282,301,302,303,304,313,314,324,325,326,327,334,335,336,346,347,348,349,356,357,358,359,368,369,370,371,378,379,380,381,382,383,384,385,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,488 +4512 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,101,102,103,104,105,114,115,125,126,127,136,137,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,295,296,297,298,299,300,301,320,321,322,323,324,334,335,336,344,345,346,347,356,357,367,368,369,378,379,389,390,391,400,401,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +4513 - 60,61,70,71,81,82,83,84,92,93,94,102,103,104,105,106,114,115,116,123,124,125,126,127,135,136,137,138,145,146,147,148,157,158,159,160,166,167,168,169,170,179,180,181,188,189,190,191,201,202,203,210,211,212,213,223,224,225,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +4514 - 8,9,10,11,12,13,30,31,32,33,34,35,36,37,58,59,60,81,82,83,104,105,125,126,127,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,292,293,294,295,314,315,316,336,337,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,434,435,487 +4515 - 63,64,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,180,181,182,183,184,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,273,274,275,276,277,278,297,298,299,300,301,310,311,320,321,322,323,324,332,333,334,335,343,344,345,346,354,355,356,357,358,366,367,368,377,378,379,380,381,382,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,472,473,474,475,490 +4516 - 101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,189,190,191,192,201,202,203,204,205,206,210,211,212,213,223,224,225,226,232,233,234,235,246,253,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +4517 - 10,11,12,31,32,33,34,52,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,120,137,138,139,140,141,159,160,161,162,180,181,182,183,184,202,203,204,205,224,225,226,227,246,247,248,249,252,253,254,255,256,257,258,259,268,269,270,271,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +4518 - 25,26,27,28,29,30,31,32,33,34,35,36,46,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,78,79,80,81,82,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,360,361,362,381,382,383,384,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,487 +4519 - 122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,492 +4520 - 9,10,11,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,117,118,119,120,139,140,141,142,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,210,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,427,428,429,430,491 +4521 - 54,55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,123,124,125,126,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,184,185,186,190,191,192,193,206,207,208,209,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,364,365,366,380,381,382,383,386,387,388,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +4522 - 75,96,97,118,119,126,139,140,141,146,147,148,149,160,161,162,167,168,169,170,182,183,184,188,189,190,191,192,204,205,209,210,211,212,213,214,225,226,227,230,231,232,234,235,236,247,248,251,252,253,256,257,269,270,272,273,274,278,279,291,292,293,294,295,299,300,301,313,314,315,316,321,322,343,344,364,365,366,386,387,408,409,429,430,431,451,452,473,474,489 +4523 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,161,162,163,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,254,255,256,275,276,277,278,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,494 +4524 - 35,36,37,56,57,58,78,79,80,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,486 +4525 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,360,361,362,363,365,366,367,383,384,385,387,388,389,405,406,407,409,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,476,493 +4526 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,165,182,183,184,185,186,189,190,191,192,193,204,205,206,207,211,212,213,214,215,216,217,225,226,227,228,229,231,232,233,234,235,236,237,238,239,247,248,249,250,252,253,254,255,256,257,259,260,261,268,269,270,271,272,274,275,276,277,281,282,283,290,291,292,293,294,295,296,297,298,299,303,304,305,312,313,314,315,316,317,318,319,320,323,324,325,326,327,334,335,336,337,338,339,340,341,343,344,345,346,347,357,358,359,360,361,362,363,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +4527 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,121,122,123,124,125,126,127,128,136,137,138,139,140,145,146,147,148,149,150,158,159,160,161,168,169,170,171,172,173,179,180,181,182,183,192,193,194,195,201,202,203,204,214,215,216,217,223,224,225,226,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,324,325,326,327,328,333,334,335,336,346,347,348,349,355,356,357,358,359,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,485 +4528 - 137,138,139,140,141,142,143,144,145,146,147,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,213,214,215,216,217,218,223,224,225,234,235,236,237,245,246,247,254,255,256,257,258,266,267,268,276,277,278,279,288,289,290,297,298,299,300,310,311,312,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,447,448,449,468,469,470,471,492 +4529 - 32,33,34,35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,117,118,119,120,138,139,140,141,142,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,255,256,257,258,259,260,266,267,268,269,278,279,280,281,282,288,289,290,302,303,304,305,310,325,326,327,332,347,348,349,354,355,356,357,369,370,371,376,377,378,379,380,381,382,383,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,490 +4530 - 72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,145,146,147,157,158,159,160,167,168,169,179,180,181,189,190,191,201,202,203,211,212,213,224,225,232,233,234,235,255,256,257,276,277,278,279,281,282,283,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,473,474,492 +4531 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,184,202,203,204,205,213,224,225,226,227,233,234,235,236,237,246,247,248,253,254,255,256,257,258,259,260,268,269,270,274,275,276,277,278,279,280,281,282,283,290,291,292,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +4532 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,124,125,126,127,135,136,137,138,139,146,147,148,149,150,157,158,159,160,167,168,169,170,171,172,173,178,179,180,181,182,189,190,191,192,193,194,195,200,201,202,203,212,215,216,217,218,222,223,224,225,238,239,240,244,245,246,247,260,261,262,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,333,334,335,336,347,348,349,350,355,356,357,358,368,369,370,371,372,378,379,380,381,389,390,391,392,393,401,402,403,404,405,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,485 +4533 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,142,160,161,162,163,182,183,184,197,203,204,205,206,215,216,218,219,225,226,227,228,234,235,236,237,238,239,240,241,247,248,249,250,254,255,256,257,258,259,260,261,269,270,271,272,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,401,402,403,404,423,424,425,491 +4534 - 53,54,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,185,186,187,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,473,474,475,486 +4535 - 97,98,99,100,101,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,194,195,196,197,201,202,203,204,205,217,218,219,222,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,282,283,284,285,288,289,290,303,304,305,306,307,310,311,312,313,323,324,325,326,327,328,332,333,334,335,336,337,338,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,485 +4536 - 13,14,15,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,206,207,208,227,228,229,230,249,250,251,271,272,273,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,344,345,346,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,491 +4537 - 73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,146,147,148,149,150,151,152,159,160,161,162,167,168,169,170,171,172,173,181,182,183,184,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,403,404,405,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +4538 - 35,36,51,56,57,58,72,73,78,79,80,94,95,100,101,102,116,117,122,123,124,137,138,139,144,145,146,159,160,161,166,167,168,180,181,182,183,188,189,190,194,202,203,204,210,211,212,214,215,216,217,224,225,226,232,233,234,235,236,237,238,246,247,248,254,255,256,257,258,259,268,269,270,276,277,278,279,290,291,292,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,343,344,345,358,359,360,365,366,367,369,387,388,389,390,391,410,411,412,413,433,434,435,455,456,489 +4539 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,126,127,128,129,137,138,139,140,141,142,149,150,151,152,158,159,160,161,162,163,171,172,173,174,179,180,181,182,183,184,193,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,227,237,238,239,244,245,246,247,248,259,260,261,265,266,267,268,269,270,280,281,282,283,287,288,289,290,291,301,302,303,304,305,309,310,311,312,313,322,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +4540 - 71,72,73,93,94,95,96,115,116,117,118,137,138,139,140,145,146,159,160,161,162,166,167,168,169,181,182,183,184,187,188,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,302,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +4541 - 51,52,53,54,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,116,117,120,121,122,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,350,351,356,357,358,359,360,361,362,380,381,382,487 +4542 - 4,5,6,7,8,9,10,26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,93,98,99,100,101,102,103,121,122,123,124,125,144,145,146,147,148,167,168,169,170,171,190,191,192,193,194,213,214,215,216,229,230,231,232,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,321,322,323,324,325,326,327,334,335,336,337,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,487 +4543 - 48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,333,334,346,347,348,355,356,368,369,370,377,378,389,390,391,392,399,400,401,402,403,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +4544 - 53,54,55,74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,121,122,123,124,138,139,140,143,144,145,146,159,160,161,162,165,166,167,168,181,182,183,184,187,188,189,190,203,204,205,206,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,321,322,323,324,343,344,345,346,365,366,367,368,369,387,388,389,390,391,410,411,412,413,414,433,434,435,436,455,456,457,458,478,479,480,494 +4545 - 116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,195,199,200,201,202,213,214,215,216,223,234,235,236,237,238,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +4546 - 11,12,13,14,32,33,34,53,54,55,75,76,96,97,98,117,118,119,139,140,141,160,161,162,182,183,184,204,205,206,226,227,248,249,250,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,323,324,325,326,338,339,340,348,349,360,361,362,363,368,369,370,383,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,491 +4547 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,147,148,149,158,159,160,161,162,170,171,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,226,227,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,494 +4548 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,170,188,189,190,191,210,211,212,213,232,233,234,236,237,238,239,254,255,256,257,258,259,260,275,276,277,278,279,280,281,297,298,299,300,301,302,316,317,318,319,320,321,322,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,381,382,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +4549 - 59,60,61,72,80,81,82,83,93,94,95,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,144,145,146,147,157,158,159,160,166,167,168,179,180,181,188,189,190,201,202,203,210,211,212,223,224,225,231,232,233,239,240,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,340,341,342,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,471,472,473,489 +4550 - 28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,81,82,83,95,96,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,210,211,212,231,232,233,252,253,254,273,274,275,294,295,296,297,315,316,317,318,336,337,338,339,358,359,360,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,443,444,445,446,487 +4551 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,165,166,167,168,169,170,171,180,181,182,183,190,191,192,202,203,204,211,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,492 +4552 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,100,101,102,123,124,145,146,166,167,168,185,186,187,188,189,208,209,210,211,212,232,233,234,235,256,257,258,279,280,302,303,324,325,346,367,368,381,388,389,390,402,403,409,410,411,424,425,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +4553 - 36,37,38,39,58,59,60,61,79,80,81,82,83,100,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,486 +4554 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,486 +4555 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,165,166,167,168,169,170,180,181,182,183,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,474,494 +4556 - 34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,102,103,104,116,117,118,119,122,125,126,137,138,139,140,147,148,149,159,160,161,162,170,171,181,182,183,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,247,248,249,257,258,259,260,269,270,271,279,280,281,282,291,292,301,302,303,313,314,315,322,323,324,325,335,336,337,343,344,345,346,357,358,359,364,365,366,367,368,379,380,381,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +4557 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +4558 - 84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,296,297,298,299,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,424,425,428,429,430,431,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +4559 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +4560 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,205,206,207,208,209,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,276,277,278,279,292,293,294,300,301,302,314,315,316,321,322,323,324,336,337,338,343,344,345,358,359,360,364,365,366,367,380,381,382,386,387,388,402,403,404,405,407,408,409,410,425,426,427,428,429,430,448,449,450,451,491 +4561 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +4562 - 9,10,11,12,13,14,30,31,32,33,34,35,36,51,52,53,54,72,73,74,75,94,95,96,116,117,137,138,139,160,161,182,183,204,205,206,226,227,228,229,249,250,251,272,273,274,275,276,295,296,297,298,299,300,319,320,321,322,323,324,343,344,345,346,347,367,368,369,370,380,381,382,383,384,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,490 +4563 - 33,34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,143,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,185,192,193,194,202,203,204,205,206,214,215,216,223,224,225,226,227,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,347,355,356,357,358,359,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,485 +4564 - 58,59,79,80,81,101,102,103,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,211,212,213,224,225,226,227,228,229,230,234,235,245,246,247,248,249,250,251,256,257,258,267,268,269,270,271,272,277,278,279,280,289,290,291,292,293,294,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,362,363,364,365,366,367,387,388,389,410,411,432,433,454,455,476,477,478,489 +4565 - 31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,146,147,148,149,150,159,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,192,193,194,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,249,250,258,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,337,344,345,346,347,348,356,357,358,359,360,361,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +4566 - 56,57,58,77,78,79,80,81,99,100,101,102,121,122,123,124,144,145,146,165,166,167,187,188,189,209,210,231,232,252,253,254,274,275,295,296,297,317,318,319,339,340,360,361,362,381,382,383,403,404,405,425,426,427,446,447,448,468,469,486 +4567 - 59,60,61,80,81,82,95,96,97,102,103,104,117,118,119,123,124,125,126,138,139,140,141,145,146,147,160,161,162,167,168,169,182,183,184,188,189,190,191,203,204,205,206,210,211,212,213,215,225,226,227,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,316,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +4568 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,158,159,160,161,168,169,170,179,180,181,182,183,189,190,191,192,201,202,203,204,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,494 +4569 - 58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,469,470,486 +4570 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,99,100,101,102,114,115,122,123,124,141,142,143,144,145,146,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,230,231,232,233,234,235,254,255,256,257,258,278,279,280,281,301,302,303,304,324,325,326,334,335,347,348,356,357,358,369,370,378,379,380,381,382,383,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,488 +4571 - 124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,213,214,215,216,217,220,221,222,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +4572 - 13,14,15,16,35,36,37,38,55,56,57,58,59,60,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,183,184,185,186,205,206,207,227,228,229,236,248,249,250,255,256,257,258,259,270,271,272,277,278,279,280,281,282,291,292,293,298,299,300,301,302,303,304,313,314,315,319,320,321,323,324,325,335,336,337,341,342,343,344,345,346,357,358,359,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +4573 - 36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,116,117,118,119,120,138,139,140,141,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,254,255,256,257,258,259,278,279,280,281,282,301,302,303,304,324,325,326,333,334,335,345,346,347,348,355,356,357,358,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +4574 - 55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,124,125,126,127,136,137,138,139,140,145,146,147,148,149,157,158,159,160,168,169,170,171,180,181,191,192,193,202,213,214,215,234,235,236,237,238,248,250,251,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,318,319,320,321,322,323,324,325,331,332,333,340,341,342,343,344,345,346,353,354,355,360,361,362,363,364,365,367,368,369,376,377,378,379,380,381,382,383,384,385,390,391,392,398,399,400,401,402,403,404,405,406,413,414,422,423,424,425,436,437,458,459,460,480,481,482,487 +4575 - 93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,161,163,164,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,492 +4576 - 33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,95,96,97,101,102,103,104,125,126,127,147,148,149,169,170,171,190,191,192,193,194,209,210,211,212,213,214,215,216,217,218,228,229,230,231,232,233,234,235,236,237,238,239,240,241,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,278,279,280,281,284,285,290,291,292,293,299,300,301,302,311,312,313,314,320,321,322,323,324,333,334,335,341,342,343,344,354,355,356,361,362,363,364,365,366,376,377,378,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,487 +4577 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +4578 - 54,55,56,57,75,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,124,125,126,141,142,143,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,339,340,342,343,360,361,362,363,364,365,382,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,493 +4579 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,100,101,102,121,122,123,124,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,255,256,257,258,259,278,279,280,281,301,302,303,304,323,324,325,326,335,345,346,347,348,356,357,358,366,367,368,369,378,379,380,381,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +4580 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,138,139,152,153,160,161,170,171,172,173,174,175,182,183,189,190,191,192,193,194,195,204,205,206,210,211,212,213,214,227,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,295,296,297,298,316,317,318,319,320,338,339,340,341,342,343,359,360,363,364,365,381,382,385,386,387,403,404,407,408,409,425,426,429,430,431,447,448,450,451,452,469,470,471,472,473,474,493 +4581 - 26,27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,97,98,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,322,323,324,325,326,327,335,336,346,347,348,349,356,357,358,369,370,371,378,379,380,381,382,383,384,385,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,488 +4582 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,141,146,147,148,161,162,167,168,169,183,184,185,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,300,301,302,315,316,323,324,336,337,338,345,346,347,358,359,360,367,368,380,381,382,388,389,390,402,403,404,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +4583 - 28,29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,101,102,103,104,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,301,302,303,304,323,324,325,326,345,346,347,348,355,356,366,367,368,369,370,377,378,379,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +4584 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,101,102,121,122,123,124,142,143,144,145,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,235,236,237,258,259,260,281,282,303,304,324,325,326,333,334,335,346,347,355,356,357,367,368,369,377,378,379,380,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +4585 - 36,37,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +4586 - 9,10,11,12,30,31,32,33,34,50,51,52,53,54,55,56,72,73,74,75,76,77,94,95,96,97,115,116,117,118,137,138,139,159,160,161,181,182,202,203,204,224,225,226,233,234,235,247,248,254,255,256,257,258,259,260,269,270,271,275,276,277,278,279,280,281,282,291,292,293,294,297,298,299,300,301,302,303,304,313,314,315,316,317,319,320,321,323,324,325,326,336,337,338,339,340,341,342,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,491 +4587 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,159,160,161,162,163,180,181,182,183,184,192,193,194,202,203,204,205,211,212,213,214,215,216,217,224,225,226,232,233,234,235,236,237,238,239,240,245,246,247,248,253,254,255,256,257,260,261,262,267,268,269,274,275,276,277,282,283,284,289,290,291,296,297,298,304,305,306,311,312,313,314,318,319,320,325,326,327,328,334,335,336,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +4588 - 54,55,56,57,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,169,170,171,182,183,184,185,191,192,193,194,203,204,205,214,215,216,224,225,226,227,236,237,238,239,246,247,248,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,302,303,304,311,312,313,324,325,332,333,334,335,345,346,347,355,356,357,367,368,369,377,378,379,388,389,390,398,399,400,401,402,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,485 +4589 - 75,76,77,78,79,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,145,146,147,148,149,159,160,161,162,166,167,168,169,170,171,180,181,182,183,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,432,449,450,451,452,453,454,470,471,472,473,474,475,494 +4590 - 56,57,58,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,133,134,135,136,137,138,155,156,157,177,178,179,199,200,201,202,203,204,205,206,207,208,221,222,223,224,225,226,227,228,229,230,231,232,233,243,244,245,246,247,251,252,253,254,255,256,257,258,265,266,267,276,277,278,279,280,281,301,302,303,304,305,325,326,327,328,348,349,350,370,371,372,393,394,414,415,416,435,436,437,438,456,457,458,459,473,474,475,476,477,478,479,480,481,490 +4591 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,190,191,192,193,194,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,474,492 +4592 - 115,116,117,125,137,138,139,140,141,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,184,185,186,187,188,189,190,191,192,202,203,204,213,214,224,225,226,235,236,246,247,248,257,258,268,269,270,279,280,290,291,292,300,301,302,312,313,314,322,323,324,334,335,344,345,346,357,366,367,368,388,389,410,411,432,433,454,455,476,477,492 +4593 - 61,62,63,82,83,84,85,94,95,96,104,105,106,116,117,118,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,169,170,171,180,181,182,183,190,191,192,193,202,203,204,211,212,213,214,215,223,224,225,226,233,234,235,236,244,245,246,247,255,256,257,258,266,267,268,269,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +4594 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,144,145,146,160,161,162,166,181,182,183,203,204,205,211,212,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,494 +4595 - 30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,98,99,100,101,102,119,120,121,122,123,139,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,229,230,231,232,233,234,235,236,253,254,255,256,257,258,259,278,279,280,281,282,301,302,303,304,323,324,325,326,344,345,346,347,348,364,365,366,367,368,369,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,488 +4596 - 56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,127,138,139,140,141,158,159,160,161,162,180,181,182,183,202,203,204,224,225,226,246,247,248,249,268,269,270,271,272,292,293,294,295,296,297,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,363,364,365,366,367,368,388,389,390,409,410,411,412,430,431,432,433,451,452,453,454,455,473,474,475,476,490 +4597 - 34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,104,105,106,107,108,116,117,118,119,120,127,128,129,130,131,137,138,139,140,141,150,151,152,153,158,159,160,161,162,172,173,174,175,180,181,182,183,193,194,195,196,201,202,203,204,205,215,216,217,218,223,224,225,226,227,236,237,238,239,240,245,246,247,248,258,259,260,261,262,266,267,268,269,270,279,280,281,282,283,284,288,289,290,291,292,300,301,302,303,304,305,310,311,312,313,314,322,323,324,325,326,333,334,335,336,337,342,343,344,345,346,347,348,355,356,357,358,359,360,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +4598 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,162,163,164,165,167,168,169,184,185,186,189,190,191,206,207,208,211,212,213,228,229,230,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,317,318,319,320,321,338,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,386,387,388,404,405,406,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,476,493 +4599 - 35,36,37,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,126,127,128,139,140,141,148,149,150,169,170,171,172,191,192,193,194,213,214,215,234,235,236,237,249,255,256,257,258,259,269,270,271,272,273,274,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,421,422,423,424,425,487 +4600 - 53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,141,142,149,150,162,163,164,184,185,186,206,207,208,210,211,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,278,279,280,293,294,295,296,300,301,302,303,315,316,317,323,324,325,334,335,337,338,346,347,356,357,358,368,369,378,379,380,381,389,390,391,401,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +4601 - 34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,116,117,118,119,120,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,210,211,212,213,214,215,223,224,225,226,227,234,235,236,237,245,246,247,257,258,259,260,280,281,282,302,303,304,324,325,326,346,347,348,367,368,369,370,376,377,378,379,380,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,490 +4602 - 30,31,32,52,53,54,74,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,252,253,254,255,274,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,486 +4603 - 14,15,16,34,35,36,37,38,39,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,117,118,119,120,121,125,126,127,128,140,141,142,147,148,149,150,169,170,171,190,191,192,193,212,213,214,215,225,226,234,235,236,237,246,247,248,249,250,251,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,316,317,318,319,320,321,322,332,333,334,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,409,410,411,412,413,414,415,416,422,423,424,425,426,433,434,435,436,437,438,487 +4604 - 94,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,145,146,147,156,157,158,167,168,169,188,189,190,210,211,212,231,232,233,234,253,254,255,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +4605 - 7,8,9,10,28,29,30,31,32,50,51,52,53,72,73,74,93,94,95,96,115,116,117,118,136,137,138,139,158,159,160,161,180,181,182,183,189,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,238,239,245,246,247,248,252,253,254,255,256,259,260,261,262,267,268,269,270,274,275,276,277,281,282,283,284,289,290,291,292,296,297,298,302,303,304,305,312,313,314,315,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +4606 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,144,145,146,147,148,149,156,157,158,159,160,168,169,170,171,172,178,179,180,181,191,192,193,194,195,200,201,202,203,214,215,216,217,222,223,224,225,235,236,237,238,239,244,245,246,247,248,256,257,258,259,260,261,267,268,269,270,271,272,273,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,345,346,347,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,478,479,480,494 +4607 - 34,35,36,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,125,126,127,128,129,130,136,137,138,139,140,141,148,149,150,151,152,157,158,159,160,161,171,172,173,174,178,179,180,181,182,183,194,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,314,315,324,325,326,327,328,332,333,334,335,336,337,338,339,340,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,485 +4608 - 12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,126,138,139,140,141,142,145,146,147,148,149,160,161,162,163,167,168,169,170,171,181,182,183,184,191,192,193,194,203,204,205,214,215,216,224,225,226,227,236,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,303,304,305,311,312,313,325,326,327,333,334,335,336,346,347,348,349,356,357,358,359,360,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,485 +4609 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,138,139,140,141,146,147,148,160,161,162,163,168,169,170,182,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,214,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +4610 - 47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,121,122,123,124,125,135,136,144,145,146,147,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,390,391,392,393,394,395,401,402,403,404,405,406,407,408,413,414,415,416,417,423,424,425,426,427,428,445,446,447,448,469,487 +4611 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,169,170,171,172,173,179,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,217,223,224,225,226,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,494 +4612 - 16,17,18,19,36,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,98,99,100,101,102,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,248,249,250,251,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,359,360,361,364,365,366,367,381,382,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,491 +4613 - 17,18,19,39,40,60,61,62,82,83,84,93,94,95,104,105,106,115,116,117,118,126,127,128,136,137,138,139,147,148,149,158,159,160,161,169,170,171,179,180,181,182,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,234,235,236,237,238,244,245,246,247,255,256,257,258,259,260,266,267,268,269,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,364,365,366,367,386,387,388,389,390,391,408,409,410,411,412,413,431,432,433,434,489 +4614 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,161,162,163,164,165,182,183,184,185,204,205,206,226,227,228,248,249,250,271,272,273,294,295,296,297,317,318,319,340,341,342,363,364,365,385,386,387,407,408,409,428,429,430,431,449,450,451,452,453,470,471,472,473,474,490 +4615 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,101,102,103,104,116,117,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,278,279,280,281,282,301,302,303,304,323,324,325,326,331,332,344,345,346,347,348,353,354,355,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,488 +4616 - 71,72,83,92,93,94,104,105,114,115,116,126,127,136,137,138,147,148,149,157,158,159,169,170,171,179,180,181,191,192,193,201,202,203,213,214,215,223,224,225,235,236,237,245,246,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,316,319,320,321,322,323,324,325,345,346,367,368,389,390,411,412,433,434,455,456,477,478,489 +4617 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,139,140,141,142,161,162,163,167,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,257,258,259,260,261,269,270,271,281,282,283,284,303,304,305,306,325,326,327,346,347,348,349,356,367,368,369,370,377,378,379,380,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,490 +4618 - 88,89,110,111,112,113,114,115,116,117,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,385,386,387,388,389,406,407,408,409,410,411,429,430,431,432,452,453,454,475,492 +4619 - 38,39,40,59,60,61,80,81,82,83,96,101,102,103,104,117,118,123,124,125,126,138,139,140,144,145,146,147,159,160,161,166,167,168,180,181,182,183,187,188,189,190,202,203,204,209,210,211,223,224,225,231,232,233,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,322,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,489 +4620 - 13,14,15,16,35,36,37,56,57,58,78,79,99,100,101,121,122,142,143,144,164,165,185,186,187,207,208,228,229,230,250,251,254,255,256,271,272,273,275,276,277,278,293,294,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,491 +4621 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,122,123,124,125,126,127,128,129,136,137,138,139,140,145,146,147,148,151,158,159,160,161,162,167,168,169,170,181,182,183,184,185,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,342,343,344,345,358,359,360,361,364,365,366,367,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +4622 - 12,13,33,34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,205,206,207,208,209,228,229,230,231,232,233,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,312,313,314,315,321,322,323,324,334,335,336,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,490 +4623 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,447,448,449,450,486 +4624 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,104,105,106,117,118,119,120,121,122,123,124,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,164,170,171,172,182,183,184,185,192,193,194,204,205,206,214,215,216,225,226,227,236,237,247,248,249,258,259,269,270,271,279,280,281,291,292,293,301,302,303,313,314,315,322,323,324,335,336,337,344,345,346,357,358,359,365,366,367,380,381,382,386,387,388,389,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,485 +4625 - 39,40,41,42,43,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,140,141,142,143,144,160,161,162,163,164,165,166,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,300,301,302,303,311,312,323,324,325,326,332,333,334,345,346,347,348,354,355,356,357,358,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,490 +4626 - 57,58,59,69,70,71,79,80,81,91,92,101,102,103,113,114,123,124,125,135,136,145,146,147,157,158,159,167,168,169,179,180,181,189,190,191,192,201,202,203,211,212,213,214,223,224,225,233,234,235,236,245,246,247,256,257,258,267,268,269,270,271,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,345,346,347,348,367,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,479,480,489 +4627 - 95,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,168,169,170,180,181,182,183,184,189,190,191,192,202,203,204,205,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,473,474,494 +4628 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,125,126,127,128,145,146,147,148,149,150,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,235,236,255,256,257,258,259,278,279,280,281,301,302,303,322,323,324,325,342,343,344,345,346,364,365,366,367,368,375,376,384,385,386,387,388,389,396,397,398,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,440,441,442,443,444,445,446,447,448,449,450,463,464,465,466,467,468,469,488 +4629 - 12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,179,180,181,182,183,184,191,192,193,194,195,200,201,202,203,204,205,214,215,216,217,222,223,224,225,226,227,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,280,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,485 +4630 - 73,74,75,76,77,94,95,96,97,98,99,100,102,103,116,117,120,121,122,123,124,125,137,138,139,143,144,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,209,210,211,212,213,224,225,230,231,232,233,234,235,246,247,251,252,253,254,256,257,268,269,270,271,272,273,274,275,277,278,279,290,291,292,293,294,295,296,299,300,301,314,315,316,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,494 +4631 - 12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,238,239,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,303,304,305,306,313,314,315,316,317,318,319,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,409,423,424,425,491 +4632 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,104,105,106,117,118,126,127,128,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,206,207,208,209,228,229,250,251,252,273,274,275,296,297,298,319,320,341,342,343,355,356,363,364,365,377,385,386,387,399,407,408,421,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,488 +4633 - 50,51,52,61,62,63,71,72,73,74,83,84,85,93,94,95,96,104,105,106,107,114,115,116,117,126,127,128,136,137,138,147,148,149,150,157,158,159,160,169,170,171,179,180,181,182,191,192,193,201,202,203,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,472,473,474,489 +4634 - 36,37,38,57,58,59,79,80,81,101,102,103,123,124,144,145,146,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,230,231,232,247,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,300,317,318,320,321,322,339,340,343,344,361,362,365,366,382,383,384,387,388,404,405,406,408,409,410,427,428,429,430,431,449,450,451,452,493 +4635 - 10,11,12,13,14,15,31,32,33,34,35,36,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,116,117,118,119,137,138,139,140,141,158,159,160,161,162,180,181,182,183,202,203,204,205,224,225,226,227,232,233,234,235,236,237,238,246,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +4636 - 81,82,83,99,100,103,104,105,106,120,121,122,123,125,126,127,128,141,142,143,144,147,148,149,162,163,164,165,166,168,169,170,171,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,381,382,383,384,402,403,404,405,424,425,426,445,446,447,448,467,468,469,470,489 +4637 - 74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,146,147,148,149,150,158,159,160,161,167,168,169,170,171,172,181,182,183,184,185,189,190,191,192,204,205,206,207,208,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,344,345,361,362,363,364,365,366,367,368,383,384,385,387,388,389,390,405,406,408,409,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,476,493 +4638 - 53,54,55,56,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,122,123,124,125,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,252,253,254,273,274,275,294,295,296,297,316,317,318,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,488 +4639 - 34,35,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +4640 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,139,140,141,160,161,162,163,182,183,184,203,204,205,206,225,226,227,247,248,249,253,254,255,256,257,269,270,271,274,275,276,277,278,279,280,291,292,293,295,296,297,298,299,300,301,302,313,314,315,317,318,319,323,324,325,335,336,337,339,340,345,346,347,357,358,359,367,368,369,380,381,382,389,390,391,402,403,404,405,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,491 +4641 - 61,62,63,81,82,83,84,85,93,94,103,104,105,106,107,114,115,116,117,124,125,126,127,128,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,222,223,224,225,226,232,233,234,235,236,244,245,246,247,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,473,474,489 +4642 - 10,11,12,13,14,31,32,33,34,35,36,53,54,55,74,75,76,83,95,96,97,98,104,105,106,116,117,118,119,127,128,138,139,140,150,151,159,160,161,172,173,174,180,181,182,183,195,196,197,202,203,204,217,218,219,223,224,225,239,240,241,245,246,247,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,326,327,328,332,333,347,348,349,354,355,356,357,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,485 +4643 - 78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +4644 - 32,33,54,55,76,77,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +4645 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,117,118,119,120,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,212,213,214,215,226,227,228,235,236,237,238,258,259,260,280,281,282,302,303,304,324,325,326,330,331,345,346,347,348,352,353,354,355,356,357,358,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,450,451,490 +4646 - 9,10,11,31,32,33,34,53,54,55,56,57,58,77,78,79,80,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,245,246,247,248,249,250,251,267,268,269,270,271,272,273,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,393,410,411,412,413,487 +4647 - 115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,473,492 +4648 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,168,169,170,189,190,191,192,211,212,213,214,233,234,235,255,256,257,276,277,278,279,297,298,299,300,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,381,382,383,384,388,389,390,391,392,393,394,398,399,402,403,404,413,414,415,416,417,420,423,424,436,437,438,439,442,443,487 +4649 - 93,94,95,96,97,113,114,115,116,117,118,119,120,121,135,136,137,138,139,140,141,142,143,144,157,158,159,163,164,165,166,186,187,188,189,209,210,211,230,231,232,251,252,253,254,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,369,370,487 +4650 - 3,4,5,6,7,25,26,27,28,29,30,31,32,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,97,98,99,100,101,102,103,122,123,124,125,145,146,147,148,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,307,315,316,317,318,327,328,329,336,337,338,339,340,347,348,349,350,351,358,359,360,361,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,487 +4651 - 69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,135,140,141,142,143,144,145,146,165,166,167,168,187,188,189,190,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,365,366,367,368,369,370,371,372,373,379,380,381,382,487 +4652 - 50,51,52,53,54,55,72,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,493 +4653 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,169,170,171,172,173,174,175,178,179,180,181,182,193,194,195,196,197,200,201,202,203,204,215,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,292,302,303,304,305,306,307,310,311,312,313,314,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,485 +4654 - 14,15,16,35,36,37,38,56,57,58,59,60,75,76,77,78,79,80,81,97,98,99,100,101,102,103,120,121,123,124,125,145,146,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,274,275,276,277,296,297,298,318,319,320,323,324,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,486 +4655 - 54,55,56,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,166,167,168,169,170,171,172,173,178,179,180,181,182,183,190,191,192,193,194,195,200,201,202,203,204,213,214,215,216,217,221,222,223,224,225,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,269,280,281,282,283,287,288,289,290,291,302,303,304,305,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,337,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,485 +4656 - 9,10,11,12,13,31,32,33,34,35,36,37,54,55,56,57,58,59,80,81,82,83,104,105,106,126,127,128,148,149,150,151,159,160,171,172,173,181,182,194,195,202,203,204,216,217,224,225,226,238,239,245,246,247,259,260,261,267,268,269,281,282,289,290,291,302,303,304,311,312,313,324,325,333,334,335,336,345,346,347,356,357,358,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,485 +4657 - 57,58,63,64,78,79,80,85,86,99,100,101,102,107,108,121,122,123,124,129,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,486 +4658 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,99,100,101,102,115,116,117,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,250,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,321,322,323,343,344,345,346,358,359,360,365,366,367,368,379,380,381,382,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,488 +4659 - 96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,202,203,207,208,209,210,211,212,213,214,215,216,232,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,492 +4660 - 12,13,33,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,186,203,204,205,206,207,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,301,302,303,304,305,312,313,314,315,316,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,491 +4661 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,492 +4662 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,124,125,126,127,146,147,148,149,150,169,170,171,172,191,192,193,194,214,215,216,223,224,225,226,227,228,229,230,231,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,320,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,389,390,391,392,402,403,404,405,406,407,408,412,413,414,425,426,427,434,435,436,456,457,458,487 +4663 - 117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,238,239,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,276,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +4664 - 6,7,8,27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,142,143,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,284,285,289,290,291,292,293,294,295,305,306,307,311,312,313,314,315,316,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,487 +4665 - 33,34,35,36,37,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,116,117,118,119,120,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,258,259,260,269,270,280,281,282,302,303,304,324,325,326,335,336,345,346,347,348,357,358,359,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,490 +4666 - 12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,319,320,321,322,323,324,325,326,337,338,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,430,431,490 +4667 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +4668 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,136,137,138,139,146,147,148,157,158,159,160,168,169,170,179,180,181,190,191,192,201,202,212,213,214,223,224,234,235,236,244,245,246,255,256,257,258,266,267,268,269,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,322,323,324,336,337,338,339,344,345,346,347,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,458,478,479,480,494 +4669 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,147,148,149,150,160,161,162,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,363,364,365,366,379,380,381,382,385,386,387,388,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +4670 - 72,73,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,159,160,161,162,181,182,183,184,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,279,280,281,291,292,293,294,295,301,302,303,304,314,315,316,324,325,326,345,346,347,348,367,368,369,370,388,389,390,391,408,409,410,411,412,413,423,424,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,490 +4671 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,208,209,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,473,494 +4672 - 97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,168,169,170,171,172,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,452,470,471,472,473,474,492 +4673 - 11,12,13,14,15,16,32,33,34,35,36,37,38,53,54,55,56,57,58,59,74,75,76,77,78,79,95,96,97,98,99,100,116,117,118,119,120,121,137,138,139,140,141,142,159,160,161,162,163,181,182,183,184,202,203,204,205,206,224,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,491 +4674 - 50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,122,123,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,257,274,275,276,277,278,279,280,297,298,299,300,301,302,320,321,322,323,324,343,344,345,346,364,365,366,367,368,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,488 +4675 - 54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,126,127,128,129,137,138,139,140,141,147,148,149,150,151,159,160,161,162,168,169,170,171,172,181,182,183,184,189,190,191,192,193,203,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,356,357,358,359,361,362,363,364,365,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,469,470,471,472,473,493 +4676 - 60,61,62,63,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,128,129,145,146,147,148,149,150,151,166,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,381,382,399,400,401,402,403,421,422,423,424,443,444,445,465,466,467,486 +4677 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,122,123,124,125,126,137,138,139,140,141,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,342,343,344,345,346,358,359,360,361,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +4678 - 95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,168,169,170,177,178,179,180,181,182,190,191,192,193,199,200,201,202,212,213,214,215,221,222,223,224,234,235,236,237,238,243,244,245,246,256,257,258,259,260,265,266,267,268,278,279,280,281,288,289,290,299,300,301,302,303,311,312,313,314,315,316,317,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,478,479,480,494 +4679 - 71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,164,165,166,167,187,188,189,190,209,210,211,212,231,232,233,234,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,348,349,350,351,357,358,359,360,361,362,363,380,381,382,383,384,385,403,404,405,406,487 +4680 - 76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,145,146,147,158,159,160,161,162,167,168,169,180,181,182,189,190,191,201,202,203,211,212,213,224,233,234,235,254,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,475,492 +4681 - 24,25,26,27,28,29,30,31,32,33,34,45,46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,96,97,98,99,100,101,102,103,122,123,124,125,126,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,253,254,255,256,257,258,259,260,279,280,281,282,283,302,303,304,305,325,326,327,347,348,349,355,356,357,358,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,488 +4682 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,116,117,123,124,125,126,127,128,137,138,139,140,147,148,149,150,151,159,160,161,171,172,173,174,180,181,182,183,194,195,196,197,201,202,203,204,216,217,218,219,223,224,225,226,239,240,241,244,245,246,247,262,263,266,267,268,283,284,285,288,289,290,303,304,305,306,307,310,311,323,324,325,326,327,328,332,333,334,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,485 +4683 - 8,9,10,11,30,31,32,33,50,51,52,53,54,55,72,73,74,75,76,93,94,95,96,97,114,115,116,117,118,136,137,138,139,157,158,159,160,161,179,180,181,182,193,194,195,196,201,202,203,204,212,213,214,215,216,217,218,219,223,224,225,226,233,234,235,236,237,238,239,240,241,245,246,247,248,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,275,276,277,278,279,280,282,283,284,285,289,290,291,292,293,296,297,298,299,300,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,491 +4684 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,102,103,104,105,115,116,117,124,125,126,127,136,137,138,139,145,146,147,148,158,159,160,166,167,168,169,170,180,181,182,183,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,297,298,299,300,301,302,303,304,313,314,315,323,324,325,326,327,334,335,336,337,346,347,348,349,356,357,358,359,368,369,370,371,379,380,381,382,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,493 +4685 - 58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,468,469,470,471,486 +4686 - 29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,99,100,101,102,113,114,115,116,117,122,123,124,125,135,136,137,138,139,145,146,147,148,149,157,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,194,202,203,204,213,214,215,216,224,225,226,235,236,237,238,239,246,247,248,258,259,260,261,268,269,270,281,282,283,284,289,290,291,292,303,304,305,306,312,313,314,325,326,327,328,334,335,336,347,348,349,350,356,357,358,359,367,368,369,370,371,378,379,380,381,382,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,485 +4687 - 116,117,118,119,120,121,138,139,140,141,142,143,144,145,160,161,163,164,165,166,167,168,188,189,190,210,211,212,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,323,324,325,326,327,328,329,333,334,335,336,337,346,347,348,349,350,351,356,357,371,372,373,487 +4688 - 26,27,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,77,78,79,80,90,91,92,100,101,102,103,112,113,114,123,124,125,126,134,135,146,147,148,156,157,169,170,171,178,179,192,193,194,200,201,214,215,216,217,222,223,237,238,239,244,245,246,260,261,262,266,267,268,282,283,284,285,289,290,305,306,307,311,312,313,328,329,333,334,335,350,351,356,357,371,372,373,378,379,380,391,392,393,394,401,402,403,404,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,485 +4689 - 94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,255,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +4690 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,138,139,140,141,142,144,145,146,160,161,162,163,164,167,168,184,185,189,190,191,206,207,211,212,213,228,229,230,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +4691 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,151,160,161,162,163,170,171,172,173,182,183,184,185,186,190,191,192,193,194,195,204,205,206,207,208,209,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,367,380,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +4692 - 52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,276,277,278,279,280,281,282,291,292,293,294,295,299,300,301,302,303,304,313,314,315,316,317,323,324,325,326,327,336,337,338,339,340,341,345,346,347,348,349,358,359,360,361,362,363,364,365,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,437,452,453,454,455,456,457,458,459,477,478,493 +4693 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,167,168,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,195,196,201,202,203,204,205,211,212,213,214,215,216,217,223,224,225,226,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +4694 - 52,53,54,70,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,156,157,158,159,160,161,162,163,164,165,166,167,168,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,254,255,256,257,258,259,260,261,269,270,271,272,273,279,280,281,282,283,292,293,302,303,304,305,317,318,319,320,324,325,326,327,339,340,341,342,343,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,488 +4695 - 108,109,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,292,296,297,298,299,312,313,314,319,320,321,334,335,336,341,342,343,356,357,358,359,360,362,363,364,365,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,427,428,490 +4696 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,186,187,208,209,210,230,231,232,252,253,254,274,275,276,297,298,319,320,321,341,342,343,363,364,365,385,386,387,408,409,430,431,432,452,453,454,474,475,476,486 +4697 - 9,10,11,12,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,99,100,101,102,103,104,123,124,125,126,146,147,148,168,169,170,171,190,191,192,193,211,212,213,214,228,229,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,369,370,371,372,373,377,378,379,380,381,382,383,384,394,399,400,401,402,403,404,405,422,423,424,487 +4698 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,124,125,126,127,128,136,137,138,139,140,145,146,147,148,149,150,151,158,159,160,161,162,166,167,168,169,170,171,172,173,180,181,182,183,184,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,319,320,321,322,323,324,325,336,337,338,339,343,344,345,346,347,348,358,359,360,361,366,367,368,369,370,380,381,382,383,384,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,493 +4699 - 9,10,11,12,30,31,32,33,52,53,54,55,73,74,75,76,94,95,96,97,98,115,116,117,118,119,137,138,139,140,159,160,161,162,180,181,182,183,203,204,205,224,225,226,227,236,237,238,239,240,246,247,248,249,255,256,257,258,259,260,261,262,263,268,269,270,271,277,278,279,280,281,282,283,284,285,290,291,292,293,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +4700 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,144,145,146,160,161,162,163,165,166,167,182,183,184,185,187,188,189,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,250,251,252,253,254,255,256,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,316,317,318,319,321,322,323,324,325,338,339,340,341,344,345,346,347,359,360,361,362,365,366,367,368,380,381,382,383,385,386,387,388,389,402,403,404,405,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,468,469,493 +4701 - 50,51,52,53,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,207,208,209,210,228,229,230,231,249,250,251,252,253,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,343,344,345,346,347,348,349,350,351,355,356,357,358,373,377,378,379,487 +4702 - 14,15,16,35,36,37,38,56,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,206,207,208,228,229,230,249,250,251,254,255,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,322,323,324,337,338,339,343,344,345,359,360,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,426,427,428,429,491 +4703 - 62,63,74,75,76,77,83,84,85,86,95,96,97,98,99,104,105,106,107,117,118,119,120,121,126,127,128,129,138,139,140,141,142,147,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,184,190,191,192,193,201,202,203,204,211,212,213,214,223,224,225,226,233,234,235,236,238,239,244,245,246,247,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,357,362,363,364,365,366,384,385,386,405,406,407,408,427,428,429,430,431,449,450,451,452,453,472,473,474,475,489 +4704 - 59,60,61,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,141,142,162,163,164,183,184,185,186,187,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,254,255,256,277,278,279,299,300,301,321,322,323,343,344,345,360,365,366,367,381,382,386,387,388,403,404,408,409,410,425,426,429,430,431,447,448,449,450,451,452,470,471,472,473,490 +4705 - 52,53,54,55,56,57,58,59,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,126,127,128,129,130,139,140,141,142,147,148,149,150,151,160,161,162,163,164,169,170,171,172,183,184,185,186,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,356,357,358,359,362,363,364,365,366,377,378,379,380,381,384,385,386,387,388,399,400,401,402,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,493 +4706 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,101,102,103,115,116,117,118,123,124,125,137,138,139,140,145,146,147,148,160,161,162,167,168,169,188,189,190,191,210,211,212,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,358,359,360,361,362,380,381,382,383,384,385,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,453,454,455,456,487 +4707 - 61,62,82,83,84,94,95,104,105,106,115,116,117,126,127,128,137,138,139,148,149,150,158,159,160,161,169,170,171,172,179,180,181,182,191,192,193,201,202,203,212,213,214,215,222,223,224,225,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,451,452,453,454,473,474,475,489 +4708 - 55,56,57,58,77,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,470,471,472,486 +4709 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,73,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,203,204,205,206,207,211,212,213,214,215,216,225,226,227,228,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,302,303,304,305,306,313,314,315,316,317,318,319,320,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +4710 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,139,140,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,345,346,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,432,433,434,435,486 +4711 - 84,85,86,87,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,182,183,184,185,186,187,204,205,206,226,227,228,248,249,250,251,252,271,272,273,274,275,290,294,295,296,297,298,311,312,313,317,318,319,320,321,333,334,335,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,490 +4712 - 11,12,13,32,33,34,35,54,55,56,76,77,98,99,119,120,121,141,142,143,163,164,185,186,206,207,208,228,229,230,250,251,252,272,273,274,294,295,296,299,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,407,408,409,410,411,491 +4713 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,188,189,192,193,194,195,196,200,201,202,203,204,215,216,217,218,222,223,224,225,237,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,369,370,371,372,376,377,378,379,380,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,485 +4714 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,116,117,118,119,120,123,124,125,138,139,140,141,142,143,145,146,147,160,161,162,163,164,165,167,168,169,184,185,186,189,190,191,210,211,212,213,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,318,319,320,321,322,323,335,336,337,340,341,342,343,344,345,357,358,359,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,388,389,390,401,402,403,404,405,406,407,411,412,423,424,425,426,427,428,446,447,448,449,487 +4715 - 29,30,31,32,33,51,52,53,54,55,73,74,75,76,77,95,96,97,98,99,100,118,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,433,449,450,451,452,453,454,455,486 +4716 - 7,8,9,10,29,30,31,32,33,50,51,52,53,54,55,71,72,73,76,77,78,99,100,101,122,123,124,144,145,146,166,167,168,189,190,211,212,233,234,255,256,277,278,298,299,300,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,359,360,361,363,364,365,366,367,368,380,381,382,384,385,386,388,389,402,403,404,405,406,407,410,411,424,425,426,427,428,432,433,487 +4717 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,122,123,124,125,126,134,135,136,137,138,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,271,272,273,274,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,487 +4718 - 32,33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,161,162,163,164,169,170,171,182,183,184,185,186,192,193,204,205,206,207,213,214,215,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,278,279,280,281,292,293,294,300,301,302,303,314,315,316,322,323,324,336,337,338,343,344,345,346,358,359,360,364,365,366,367,368,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +4719 - 27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,56,57,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,120,121,122,123,124,125,126,127,132,145,146,147,148,149,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,323,324,325,326,327,345,346,347,348,349,368,369,370,371,374,375,376,390,391,392,393,396,397,398,399,400,401,402,403,404,405,406,410,411,412,413,414,415,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,488 +4720 - 75,76,77,96,97,98,99,100,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,494 +4721 - 56,57,58,67,68,77,78,79,80,89,90,91,99,100,101,102,103,111,112,113,114,121,122,123,124,125,133,134,135,136,144,145,146,147,155,156,157,158,159,166,167,168,169,170,177,178,179,180,181,189,190,191,192,199,200,201,202,203,211,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,342,343,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,436,454,455,456,457,458,477,478,479,480,489 +4722 - 7,8,9,10,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,100,101,102,103,116,117,118,119,120,123,124,125,126,142,146,147,148,149,169,170,171,191,192,193,213,214,215,216,234,235,236,237,238,256,257,258,259,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,425,426,427,428,429,430,487 +4723 - 36,37,38,39,49,50,51,52,53,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,137,138,139,140,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,234,235,236,237,238,248,249,250,258,259,260,261,281,282,283,284,303,304,305,306,309,310,311,312,326,327,328,331,332,333,334,335,336,337,338,347,348,349,353,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,490 +4724 - 9,10,11,12,30,31,32,33,51,52,53,54,73,74,75,76,95,96,97,116,117,118,119,138,139,140,160,161,162,181,182,183,184,190,191,192,203,204,205,206,209,210,211,212,213,214,215,216,217,225,226,227,228,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,259,260,261,262,269,270,271,272,273,274,275,281,282,283,284,291,292,293,294,295,296,302,303,304,305,313,314,315,316,323,324,325,326,335,336,337,338,339,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +4725 - 90,91,92,93,94,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,183,184,185,186,187,188,189,190,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,234,235,236,237,244,245,246,247,256,257,258,259,266,267,268,269,278,279,280,281,288,289,290,291,300,301,302,303,311,312,313,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,492 +4726 - 90,91,92,111,112,113,114,126,127,128,133,134,135,136,146,147,148,149,150,155,156,157,158,159,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,214,215,216,224,225,226,227,228,229,230,231,235,236,237,257,258,259,278,279,280,281,300,301,302,321,322,323,324,343,344,345,365,366,386,387,388,408,409,410,430,431,452,453,473,474,475,492 +4727 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,146,147,148,149,150,151,156,157,158,159,170,171,172,173,178,179,180,181,193,194,195,200,201,202,203,204,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,249,250,251,252,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,343,344,345,346,347,356,357,358,359,360,366,367,368,369,370,378,379,380,381,389,390,391,392,400,401,402,403,412,413,414,423,424,425,426,427,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,458,469,470,471,472,473,474,475,476,477,478,479,493 +4728 - 95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,181,182,183,203,204,205,225,226,247,248,249,250,251,269,270,271,272,273,274,291,292,294,295,296,297,317,318,319,320,340,341,342,363,364,385,386,407,408,428,429,430,450,451,452,467,468,469,470,471,472,473,490 +4729 - 54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,170,171,172,173,181,182,183,184,185,186,187,188,189,192,193,194,195,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,238,239,240,245,246,247,260,261,262,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,371,372,373,376,377,378,379,393,394,395,398,399,400,401,414,415,416,417,421,422,423,424,435,436,437,438,443,444,445,446,447,455,456,457,458,459,460,466,467,468,469,470,476,477,478,479,480,485 +4730 - 26,27,28,29,48,49,50,51,70,71,72,73,92,93,94,95,114,115,116,117,136,137,138,139,146,147,157,158,159,160,161,167,168,169,170,179,180,181,182,183,189,190,191,192,193,201,202,203,204,205,210,211,212,213,214,215,224,225,226,227,232,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,300,301,302,303,304,314,315,316,317,318,323,324,325,326,345,346,347,348,367,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,489 +4731 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,486 +4732 - 13,14,15,16,34,35,36,55,56,57,58,77,78,79,98,99,100,120,121,141,142,143,163,164,184,185,186,206,207,208,228,229,233,234,235,236,250,251,254,255,256,257,258,259,272,273,274,275,276,277,278,280,281,282,294,295,296,297,298,303,304,316,317,318,319,324,325,338,339,340,341,342,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,386,387,388,403,404,405,406,407,408,426,427,428,429,430,491 +4733 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,79,80,81,82,93,94,95,96,97,101,102,103,104,114,115,116,117,124,125,126,136,137,138,146,147,148,159,160,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,280,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,362,363,364,365,366,378,379,380,383,384,385,386,387,388,389,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,487 +4734 - 77,78,79,80,81,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,145,146,147,157,158,159,167,168,188,189,190,210,211,212,232,233,234,253,254,255,259,260,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,338,339,341,342,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,474,475,492 +4735 - 28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,101,102,103,104,105,112,113,114,115,125,126,127,128,134,135,147,148,149,150,168,169,170,171,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,326,345,346,347,348,367,368,369,370,388,389,390,391,392,398,399,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +4736 - 54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,105,106,115,127,128,147,148,149,150,168,169,170,171,188,189,190,191,192,209,210,211,212,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,278,279,280,301,302,303,324,325,346,347,367,368,369,388,389,390,391,409,410,411,412,421,422,423,424,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +4737 - 48,49,57,58,69,70,71,72,78,79,80,81,91,92,93,94,101,102,103,114,115,116,123,124,125,135,136,137,138,145,146,147,157,158,159,160,167,168,169,170,179,180,181,182,183,189,190,191,192,201,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,343,344,345,346,347,365,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +4738 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,230,231,237,238,239,240,243,244,245,246,252,253,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,313,314,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,485 +4739 - 36,37,38,39,40,48,49,50,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,137,138,139,140,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,233,234,235,236,237,247,248,249,250,256,257,258,259,260,270,271,280,281,282,302,303,304,305,325,326,327,347,348,349,350,369,370,371,372,377,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,490 +4740 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,103,104,105,119,125,126,127,146,147,148,149,166,167,168,169,170,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,277,278,279,291,299,300,301,311,312,313,321,322,323,333,334,343,344,345,354,355,356,364,365,366,367,376,377,378,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +4741 - 2,3,4,24,25,26,27,28,46,47,48,49,50,51,69,70,71,72,73,74,93,94,95,96,116,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,190,191,192,204,205,206,207,209,210,211,212,213,214,215,216,217,225,226,227,228,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,260,261,262,263,268,269,270,271,273,274,275,276,282,283,284,285,290,291,292,295,296,297,305,306,307,312,313,314,316,317,318,319,326,327,328,329,334,335,336,337,339,340,341,342,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,491 +4742 - 30,31,32,33,34,35,51,52,53,54,55,56,57,73,74,75,77,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,253,254,255,275,276,277,298,299,300,320,321,322,323,337,338,342,343,344,345,358,359,360,364,365,366,367,380,381,382,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +4743 - 91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,167,168,169,170,171,172,177,178,179,180,181,182,191,192,193,202,203,204,213,214,215,224,225,226,235,236,237,246,247,248,256,257,258,259,268,269,270,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,475,476,477,478,479,492 +4744 - 29,30,31,51,52,53,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,123,124,125,126,137,138,139,147,148,149,159,160,170,171,172,173,180,181,182,193,194,195,202,203,204,216,217,218,224,225,226,238,239,240,246,247,260,261,262,268,269,282,283,284,290,291,303,304,305,311,312,313,325,326,327,333,334,335,346,347,348,356,357,367,368,369,378,379,380,387,388,389,390,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +4745 - 52,53,54,55,56,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,122,123,124,125,126,127,135,136,137,138,146,147,148,149,156,157,158,159,169,170,171,179,180,181,191,192,193,201,202,203,204,205,212,213,214,223,224,225,226,227,228,229,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,324,325,336,337,338,339,345,346,347,348,357,358,359,368,369,370,379,380,381,390,391,392,393,401,402,403,412,413,414,415,423,424,425,426,427,428,429,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,458,469,470,471,472,473,474,475,476,477,478,479,493 +4746 - 36,37,52,53,57,58,59,73,74,75,79,80,95,96,101,102,116,117,122,123,124,138,139,144,145,146,160,161,166,167,182,188,189,203,204,211,212,225,226,233,234,237,238,247,248,255,256,258,259,260,269,270,271,277,278,279,280,281,292,293,299,300,301,302,314,315,316,317,320,321,322,323,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,387,388,389,410,411,431,432,433,453,454,455,489 +4747 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,144,145,146,147,158,159,160,167,168,169,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,224,225,226,233,234,235,236,246,247,248,249,255,256,257,258,269,270,271,272,273,274,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +4748 - 32,33,34,53,54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,167,168,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,195,196,203,204,205,206,214,215,216,217,218,224,225,226,227,237,238,239,240,245,246,247,248,249,258,259,260,261,262,266,267,268,269,270,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,333,334,335,336,342,343,344,345,346,347,348,355,356,357,358,359,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +4749 - 97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,192,193,194,195,196,200,201,202,203,204,205,206,215,216,217,222,223,224,226,227,237,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,325,326,327,328,331,332,333,346,347,348,349,353,354,355,356,368,369,370,371,375,376,377,378,389,390,391,392,398,399,400,401,408,409,410,411,412,413,421,422,423,424,429,430,431,432,433,434,435,485 +4750 - 33,34,55,56,77,78,79,99,100,101,121,122,143,144,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,429,430,431,451,452,453,486 +4751 - 30,31,32,33,52,53,54,55,74,75,76,77,78,88,89,97,98,99,100,110,111,119,120,121,122,141,142,143,144,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,455,486 +4752 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,83,97,98,118,119,120,140,141,162,184,206,228,229,250,251,252,273,274,296,297,298,319,320,321,322,343,344,345,366,367,387,388,389,400,401,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +4753 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,122,123,124,125,136,137,138,139,144,145,146,147,166,167,168,169,188,189,190,191,211,212,213,233,234,235,249,250,251,252,253,255,256,257,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,306,307,311,312,313,314,318,319,320,321,322,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,487 +4754 - 55,56,57,58,76,77,78,79,80,96,97,98,99,101,102,118,119,120,123,124,125,139,140,141,145,146,147,148,160,161,162,167,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,225,226,227,233,234,235,247,248,253,254,255,256,269,270,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,364,365,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,494 +4755 - 73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,145,146,147,148,149,157,168,169,170,171,190,191,192,193,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,280,281,282,283,303,304,305,306,326,327,328,331,332,333,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,488 +4756 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,78,79,80,81,95,96,97,98,100,101,102,103,104,117,118,119,124,125,126,138,139,140,146,147,148,149,160,161,162,169,170,171,182,183,184,191,192,193,194,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,256,257,258,259,260,269,270,271,278,279,280,281,291,292,293,300,301,302,303,313,314,315,321,322,323,324,335,336,337,342,343,344,345,346,357,358,359,360,363,364,365,366,367,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,447,448,449,450,451,485 +4757 - 47,57,58,59,69,70,71,78,79,80,81,82,90,91,92,93,100,101,102,103,104,112,113,114,115,122,123,124,125,126,134,135,136,137,144,145,146,147,148,157,158,159,160,167,168,169,170,171,179,180,181,182,189,190,191,192,193,200,201,202,203,204,211,212,213,214,215,222,223,224,225,226,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,299,300,301,302,303,304,305,311,312,313,314,315,316,322,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,366,367,368,369,388,389,390,391,392,411,412,413,414,415,433,434,435,436,455,456,457,458,477,478,479,480,481,489 +4758 - 61,62,83,84,85,95,96,97,98,99,104,105,106,116,117,118,119,120,121,126,127,128,136,137,138,139,140,141,142,148,149,150,158,159,160,161,162,170,171,172,179,180,181,182,191,192,193,194,200,201,202,203,213,214,215,216,221,222,223,224,225,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,299,300,301,302,309,310,311,312,313,314,315,316,322,323,324,343,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,434,453,454,455,456,457,476,477,478,489 +4759 - 91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,166,167,168,169,170,171,178,179,180,181,190,191,192,193,200,201,202,203,204,212,213,214,215,222,223,224,225,226,234,235,236,237,245,246,247,256,257,258,259,268,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,492 +4760 - 39,40,41,42,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,117,118,119,120,138,139,140,159,160,161,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,232,233,234,235,236,237,245,246,257,258,259,260,281,282,290,303,304,305,312,313,325,326,327,334,335,346,347,348,356,357,367,368,369,370,378,379,380,388,389,390,391,401,402,403,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +4761 - 52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,124,125,126,127,128,129,135,136,137,138,147,148,149,150,151,152,157,158,159,169,170,172,173,174,179,180,181,193,194,195,196,201,202,203,204,214,215,216,217,223,224,225,226,227,228,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,344,345,346,347,356,357,358,359,360,361,367,368,369,370,377,378,379,380,381,389,390,391,392,393,399,400,401,402,412,413,414,415,421,422,423,435,436,437,443,444,445,457,458,459,465,466,467,468,479,480,481,493 +4762 - 91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,211,212,213,214,215,216,231,232,233,234,235,236,237,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,313,314,315,316,317,318,335,336,337,338,339,340,341,358,359,360,361,362,363,364,382,383,384,385,386,387,406,407,408,409,410,429,430,431,432,450,451,452,453,454,471,472,473,474,475,488 +4763 - 30,31,32,52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +4764 - 32,33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +4765 - 7,8,9,10,29,30,31,32,33,51,52,53,54,55,73,74,75,76,77,94,95,96,97,98,116,117,118,119,120,138,139,140,141,159,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,194,195,202,203,204,205,206,211,212,213,214,215,216,217,223,224,225,226,227,228,232,233,234,235,236,237,238,239,240,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,275,276,277,278,279,281,282,283,284,289,290,291,292,293,297,298,299,300,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,491 +4766 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +4767 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,119,120,121,122,123,124,125,126,127,128,135,136,137,138,141,142,143,144,145,146,147,148,149,150,151,157,158,159,163,164,171,172,173,179,180,181,186,193,194,195,201,202,215,216,217,223,224,225,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,322,325,326,327,328,334,335,336,348,349,350,356,357,370,371,372,377,378,379,392,393,394,400,401,402,413,414,415,416,422,423,424,425,426,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,458,468,469,470,471,472,473,474,475,476,477,478,493 +4768 - 72,73,79,80,81,94,95,101,102,103,116,117,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,205,206,207,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,275,276,277,298,299,320,321,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,489 +4769 - 92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,189,190,191,192,200,201,202,212,213,214,222,223,224,234,235,236,244,245,246,247,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,457,476,477,478,479,494 +4770 - 11,12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,164,182,183,184,185,192,193,203,204,205,206,207,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,301,302,303,304,305,306,312,313,314,315,316,317,318,319,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +4771 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,144,145,146,147,158,159,160,166,167,168,169,170,180,181,182,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,233,234,235,236,246,247,248,249,250,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,432,433,434,454,455,456,457,476,477,478,479,494 +4772 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +4773 - 52,53,54,55,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,172,179,180,181,182,191,192,193,194,195,201,202,203,204,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,260,261,262,263,266,267,268,282,283,284,285,288,289,290,304,305,306,307,310,311,312,326,327,328,329,332,333,334,348,349,350,351,354,355,356,369,370,371,372,373,376,377,378,391,392,393,394,398,399,400,401,412,413,414,415,420,421,422,423,433,434,435,436,437,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,466,467,468,469,470,471,472,473,474,475,476,477,478,485 +4774 - 102,103,104,122,123,124,125,126,141,142,143,144,145,146,147,148,161,162,163,164,165,166,168,169,170,180,181,182,183,184,185,186,190,191,192,201,202,203,204,205,206,212,213,233,234,235,255,256,257,276,277,278,298,299,320,321,341,342,343,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,492 +4775 - 31,32,33,34,53,54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,486 +4776 - 35,36,37,38,56,57,58,59,76,77,78,79,80,81,98,99,100,101,103,104,105,119,120,121,122,123,125,126,127,128,140,141,142,143,144,147,148,149,150,162,163,164,165,170,171,172,183,184,185,186,187,192,193,194,205,206,207,208,215,216,226,227,228,229,230,237,238,248,249,250,251,258,259,260,270,271,272,273,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,338,345,346,347,357,358,359,360,366,367,368,369,379,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +4777 - 9,10,11,12,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,101,102,103,114,115,123,124,125,136,137,145,146,147,148,167,168,169,170,189,190,191,211,212,213,232,233,234,235,250,251,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,417,487 +4778 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,163,182,183,184,204,205,206,210,211,212,213,226,227,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,281,282,283,291,292,293,294,295,304,305,314,315,316,317,326,327,336,337,338,339,348,349,358,359,360,361,362,363,369,370,371,381,382,383,384,385,390,391,392,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,491 +4779 - 36,37,57,58,59,60,71,79,80,81,82,92,93,94,95,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,272,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,364,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,489 +4780 - 57,58,59,78,79,80,81,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,184,185,186,188,189,190,205,206,207,208,210,211,212,227,228,229,232,233,234,248,249,250,254,255,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,335,336,342,343,364,365,385,386,387,407,408,409,429,430,431,432,451,452,453,454,474,475,489 +4781 - 48,49,50,57,58,59,70,71,72,79,80,81,91,92,93,94,95,101,102,103,104,112,113,114,115,116,117,123,124,125,126,134,135,136,137,138,139,145,146,147,148,157,158,159,160,161,167,168,169,170,179,180,181,182,183,189,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,366,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,459,478,479,480,481,489 +4782 - 83,84,96,97,105,106,116,117,118,119,126,127,128,138,139,140,147,148,149,150,159,160,161,168,169,170,171,181,182,183,190,191,192,193,202,203,204,210,211,212,213,214,224,225,226,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +4783 - 48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,119,120,121,122,123,124,125,126,134,135,136,145,146,147,148,149,168,169,170,171,189,190,191,192,193,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,278,279,280,281,301,302,303,304,308,309,310,324,325,326,330,331,332,333,334,335,346,347,348,349,352,353,354,355,356,357,358,359,360,361,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,488 +4784 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,145,146,147,148,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +4785 - 89,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,186,188,191,192,193,198,199,200,201,213,214,215,220,221,222,223,235,236,237,243,244,245,246,257,258,259,260,265,266,267,268,279,280,281,282,288,289,301,302,303,323,324,325,345,346,347,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,437,456,457,458,459,478,479,480,481,492 +4786 - 30,31,32,33,34,39,51,52,53,54,55,56,57,58,59,60,61,74,78,79,80,81,82,97,98,119,120,140,141,142,162,163,183,184,185,205,206,207,227,228,229,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,298,299,300,301,315,316,322,323,324,336,337,345,346,358,359,367,368,380,381,389,390,402,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +4787 - 46,47,57,58,59,60,68,69,70,80,81,82,89,90,91,92,101,102,103,104,112,113,114,115,124,125,126,133,134,135,136,145,146,147,148,156,157,158,159,168,169,170,171,177,178,179,180,189,190,191,192,200,201,202,203,212,213,214,215,222,223,224,225,226,227,228,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,415,433,434,435,436,437,456,457,458,459,478,479,480,481,489 +4788 - 97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,168,169,170,171,179,180,181,182,183,184,190,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,233,234,235,236,237,244,245,246,247,248,249,250,251,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,409,410,411,412,431,432,433,434,452,453,454,455,456,474,475,476,477,494 +4789 - 58,59,79,80,81,91,92,93,101,102,103,113,114,115,123,124,125,126,135,136,137,145,146,147,148,157,158,159,167,168,169,170,179,180,181,189,190,191,192,201,202,203,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,249,250,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,340,341,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,412,430,431,432,433,434,453,454,455,456,475,476,477,478,489 +4790 - 53,54,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,144,163,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,486 +4791 - 48,49,58,59,60,69,70,71,72,80,81,82,91,92,93,94,99,100,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,227,228,229,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,436,455,456,457,458,477,478,479,489 +4792 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,100,101,102,103,104,105,123,124,125,126,127,128,146,147,148,149,150,169,170,171,172,173,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,316,317,318,319,320,321,340,341,342,343,344,363,364,365,366,367,374,375,376,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +4793 - 53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,185,186,187,188,192,193,194,200,201,202,203,214,215,216,217,222,223,224,225,237,238,239,240,244,245,246,260,261,262,266,267,268,282,283,284,285,288,289,290,305,306,307,310,311,312,313,327,328,329,333,334,335,349,350,351,355,356,357,358,371,372,373,377,378,379,380,381,392,393,394,395,400,401,402,403,404,413,414,415,416,423,424,425,426,427,428,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,459,469,470,471,472,473,474,475,476,477,478,479,485 +4794 - 99,100,101,102,103,120,121,122,123,124,125,126,140,141,142,143,144,145,147,148,149,161,162,163,164,169,170,171,181,182,183,184,185,191,192,193,200,201,202,203,204,205,213,214,220,221,222,223,224,225,226,235,236,242,243,244,245,246,256,257,258,278,279,280,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,453,454,475,476,492 +4795 - 69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,146,147,148,149,150,156,169,170,171,172,192,193,194,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,322,323,324,325,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,488 +4796 - 36,37,58,59,70,71,80,81,92,93,101,102,103,114,115,116,123,124,125,136,137,138,145,146,147,157,158,159,167,168,169,179,180,181,189,190,191,202,203,211,212,213,224,225,233,234,235,245,246,247,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,321,322,323,324,335,336,344,345,346,367,368,389,390,391,411,412,413,433,434,435,436,456,457,489 +4797 - 51,52,53,54,56,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,146,147,148,149,155,156,157,158,169,170,171,172,177,178,179,192,193,194,195,199,200,201,202,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,299,300,301,302,303,304,305,314,315,316,317,324,325,326,327,335,336,337,347,348,349,350,356,357,358,359,370,371,372,377,378,379,380,392,393,394,399,400,401,413,414,415,416,421,422,423,434,435,436,437,438,443,444,445,446,447,448,449,450,454,455,456,457,458,459,466,467,468,469,470,471,472,474,475,476,477,478,479,493 +4798 - 58,59,60,80,81,82,95,96,102,103,104,117,118,119,124,125,126,139,140,141,146,147,148,161,162,163,167,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,214,225,226,227,228,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4799 - 89,90,91,92,93,94,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,186,192,193,194,195,200,201,202,203,204,205,213,214,215,216,217,223,224,225,226,227,235,236,237,238,245,246,247,248,249,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,301,302,303,304,313,314,315,323,324,325,326,345,346,347,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,492 +4800 - 11,12,13,32,33,34,35,54,55,56,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,282,291,292,293,294,295,302,303,304,313,314,315,325,326,335,336,337,346,347,348,357,358,367,368,369,370,379,380,381,388,389,390,391,401,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,491 +4801 - 48,49,50,51,60,61,62,63,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,159,160,161,181,182,183,184,203,204,205,206,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,301,302,303,304,305,313,314,315,316,317,324,325,326,327,335,336,337,338,347,348,349,350,358,359,360,370,371,372,392,393,394,414,415,416,417,436,437,438,439,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,490 +4802 - 31,32,33,53,54,55,74,75,76,77,95,96,97,98,99,117,118,119,138,139,140,146,147,160,161,167,168,169,181,182,183,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,245,246,247,248,249,250,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,342,343,364,365,386,387,392,393,408,409,412,413,414,415,430,431,432,433,434,435,452,453,454,455,456,489 +4803 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,143,144,145,146,147,148,149,159,160,161,165,166,167,168,169,170,171,180,181,182,183,188,189,190,191,192,193,202,203,204,205,206,212,213,214,215,225,226,227,228,229,235,236,237,247,248,249,250,251,252,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,380,381,382,383,384,387,388,389,402,403,404,405,409,410,411,424,425,426,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +4804 - 33,34,35,36,53,54,55,56,57,58,59,75,76,77,79,80,81,96,97,98,102,103,104,118,119,124,125,126,140,141,146,147,148,162,163,168,169,170,183,184,185,190,191,192,205,206,212,213,214,227,228,234,235,249,250,256,257,271,272,278,279,280,293,294,295,299,300,301,315,316,317,321,322,323,337,338,339,342,343,344,345,359,360,361,364,365,366,367,381,382,383,386,387,388,404,405,407,408,409,410,426,427,428,429,430,431,449,450,451,452,485 +4805 - 10,11,12,13,31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,78,79,80,81,94,95,96,97,100,101,102,103,116,117,118,119,123,124,125,138,139,140,141,144,145,146,147,159,160,161,162,163,166,167,168,169,182,183,184,188,189,190,191,204,205,210,211,212,232,233,234,253,254,255,256,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,409,410,411,412,413,424,425,426,427,428,487 +4806 - 72,73,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,139,142,143,144,145,146,160,161,167,168,169,182,183,190,191,212,213,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,492 +4807 - 54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +4808 - 31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,96,100,101,102,103,123,124,125,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,300,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,368,378,379,380,381,382,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +4809 - 71,72,73,93,94,95,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,210,211,212,213,214,224,225,226,227,232,233,234,235,247,248,249,254,255,256,257,270,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +4810 - 12,13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,409,426,427,428,429,430,486 +4811 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,122,123,124,125,137,138,139,140,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,214,225,226,227,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +4812 - 57,58,59,75,79,80,81,97,98,101,102,103,118,119,120,123,124,125,140,141,142,145,146,147,162,163,164,167,168,169,184,185,186,189,190,191,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,294,295,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,452,472,473,489 +4813 - 52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,486 +4814 - 51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,98,99,100,104,105,106,114,115,116,121,122,127,128,129,136,137,138,149,150,151,158,159,171,172,180,181,192,193,194,201,202,203,211,212,213,214,215,224,225,226,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,302,303,304,305,312,313,314,315,325,326,327,334,335,336,348,349,356,357,370,371,378,379,391,392,393,400,401,413,414,415,422,423,424,425,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,493 +4815 - 32,33,34,54,55,56,75,76,77,97,98,99,119,120,121,142,143,144,163,164,165,166,185,186,187,188,208,209,210,216,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +4816 - 78,79,80,81,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,185,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,494 +4817 - 6,7,8,28,29,30,31,50,51,52,53,72,73,74,75,94,95,96,97,116,117,118,119,137,138,139,140,141,159,160,161,162,168,169,170,171,172,173,181,182,183,184,189,190,191,192,193,194,195,196,203,204,205,206,210,211,212,213,214,215,216,217,218,225,226,227,231,232,233,234,235,237,238,239,240,241,246,247,248,249,253,254,255,256,260,261,262,263,268,269,270,271,275,276,277,282,283,284,285,290,291,292,293,296,297,298,299,303,304,305,306,313,314,315,318,319,320,321,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,491 +4818 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,125,142,143,144,163,164,165,166,185,186,187,207,208,209,210,211,212,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,300,301,316,317,318,321,322,323,338,339,340,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,427,428,429,430,431,450,451,452,453,491 +4819 - 9,10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,78,79,80,94,95,96,97,101,102,103,116,117,118,119,123,124,125,138,139,140,141,145,146,147,160,161,162,163,167,168,169,183,184,185,189,190,191,205,206,211,212,213,232,233,234,254,255,256,275,276,277,278,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,350,355,356,357,361,362,363,364,365,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,430,431,432,433,434,435,487 +4820 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,124,125,126,127,128,129,135,136,137,138,157,158,159,179,180,181,186,187,188,189,190,191,192,193,201,202,203,207,208,209,210,211,212,213,214,215,216,217,223,224,225,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,260,261,262,263,267,268,269,270,271,272,283,284,285,289,290,291,292,293,306,307,311,312,313,314,328,329,349,350,351,370,371,372,373,378,379,390,391,392,393,394,395,400,401,402,403,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,490 +4821 - 54,55,75,76,77,78,96,97,98,99,100,117,118,119,120,121,122,140,141,142,143,144,163,164,165,166,184,185,186,187,188,206,207,208,209,210,229,230,231,232,251,252,253,254,255,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,486 +4822 - 50,51,52,71,72,73,74,93,94,95,115,116,117,118,137,138,139,140,160,161,162,163,182,183,184,185,186,187,188,192,193,205,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,253,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +4823 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,97,98,99,100,101,102,112,113,114,115,123,124,125,134,135,145,146,147,168,169,170,190,191,192,212,213,214,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,367,368,369,389,390,391,411,412,413,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,456,465,466,467,468,469,470,471,472,473,474,475,488 +4824 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,167,168,169,170,171,179,180,181,182,183,189,190,191,192,193,201,202,203,204,205,210,211,212,214,215,216,224,225,226,231,232,233,234,236,237,238,246,247,251,252,253,254,255,258,259,260,267,268,269,272,273,274,275,276,279,280,281,289,290,291,292,293,294,295,296,301,302,303,311,312,313,314,315,316,317,323,324,325,334,335,336,344,345,346,365,366,367,368,387,388,389,408,409,410,429,430,431,450,451,452,453,472,473,474,494 +4825 - 55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,143,144,145,146,158,159,160,161,165,166,167,168,169,170,180,181,182,183,184,188,189,190,191,192,203,204,205,206,211,212,213,226,227,228,229,230,233,234,235,249,250,251,252,253,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,344,345,360,361,362,363,365,366,367,381,382,383,384,387,388,389,390,403,404,405,410,411,412,425,426,427,432,433,434,447,448,449,450,454,455,456,470,471,472,473,474,475,476,477,478,493 +4826 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,123,124,125,138,139,140,145,146,147,160,161,167,168,169,181,182,183,188,189,190,191,203,204,205,209,210,211,212,213,225,226,227,232,233,234,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,318,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +4827 - 6,7,8,28,29,30,31,51,52,53,72,73,74,75,94,95,96,97,116,117,118,119,138,139,140,141,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,171,174,181,182,183,184,185,186,187,188,189,190,191,192,193,194,196,203,204,205,206,207,208,209,213,214,215,216,218,225,226,227,228,229,230,236,237,238,239,240,246,247,248,249,250,251,252,259,260,261,268,269,270,271,272,273,281,282,283,290,291,292,293,294,295,296,297,303,304,305,312,313,314,315,316,317,318,319,324,325,326,328,335,336,337,338,339,340,341,345,346,347,348,350,357,358,359,360,361,362,365,366,367,368,369,372,380,381,382,383,384,385,386,387,388,389,390,394,403,404,405,406,407,408,409,410,411,491 +4828 - 12,13,14,34,35,36,56,57,77,78,79,98,99,100,120,121,122,142,143,144,163,164,165,184,185,186,187,206,207,208,228,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,300,301,302,315,316,317,323,324,337,338,339,344,345,346,359,360,361,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,428,429,430,431,491 +4829 - 25,26,35,36,37,38,46,47,48,49,57,58,59,60,68,69,70,71,79,80,81,82,90,91,92,93,101,102,103,104,112,113,114,115,123,124,125,126,134,135,136,137,145,146,147,148,156,157,158,159,167,168,169,170,171,178,179,180,181,190,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,233,234,235,236,237,244,245,246,247,256,257,258,259,266,267,268,269,270,271,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,489 +4830 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,187,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +4831 - 53,54,55,56,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,143,144,145,146,147,148,149,156,157,158,159,160,161,167,168,169,170,171,177,178,179,180,181,188,189,190,191,192,193,194,199,200,201,202,203,210,211,212,213,214,215,216,221,222,223,224,234,235,236,237,238,243,244,245,246,256,257,258,259,265,266,267,268,269,277,278,279,280,281,288,289,290,291,292,293,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +4832 - 78,79,80,81,82,92,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,361,363,364,365,366,367,368,384,385,386,387,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,492 +4833 - 36,37,38,39,48,49,58,59,60,61,69,70,71,72,80,81,82,83,91,92,93,94,102,103,104,105,113,114,115,116,117,124,125,126,127,135,136,137,138,139,146,147,148,149,157,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,205,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,248,249,255,256,257,258,259,267,268,269,270,271,272,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,385,386,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,489 +4834 - 59,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,127,128,138,139,140,141,142,149,150,159,160,161,162,163,170,171,172,180,181,182,191,192,193,194,201,202,203,212,213,214,215,216,217,218,223,224,225,232,233,234,235,236,238,239,240,244,245,246,250,251,252,253,254,255,256,262,263,266,267,271,272,273,274,275,276,277,284,285,288,289,290,291,292,293,294,295,296,297,298,306,307,310,311,312,313,314,315,316,319,327,328,329,336,337,338,348,349,350,358,359,360,369,370,371,380,381,382,389,390,391,392,402,403,404,410,411,412,413,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +4835 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,101,102,103,104,114,115,116,117,118,123,124,125,126,136,137,138,145,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,250,251,252,256,257,258,259,270,271,272,273,274,275,276,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,341,342,343,344,345,354,355,356,357,358,363,364,365,366,367,368,372,376,377,378,386,387,388,389,390,391,392,393,394,395,398,399,400,401,407,408,409,410,411,412,413,414,415,416,417,487 +4836 - 6,7,8,9,10,26,27,28,29,30,31,32,48,49,50,51,54,55,70,71,76,77,97,98,99,119,120,121,140,141,142,162,163,164,165,183,184,185,186,187,188,189,209,210,211,212,233,234,235,256,257,258,279,280,302,324,325,346,347,357,358,368,369,379,380,381,382,383,384,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,488 +4837 - 57,58,59,79,80,81,89,101,102,103,104,110,111,112,123,124,125,126,132,133,134,135,145,146,147,148,154,155,156,157,167,168,169,170,171,176,177,178,179,180,189,190,191,192,199,200,201,202,211,212,213,214,215,221,222,223,224,234,235,236,237,238,239,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,322,323,324,325,344,345,346,347,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,433,434,435,436,437,489 +4838 - 72,73,74,94,95,96,105,106,107,116,117,118,127,128,129,138,139,140,149,150,151,159,160,161,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,224,225,226,235,236,237,238,245,246,247,248,254,255,256,257,258,259,267,268,269,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,322,323,324,344,345,346,366,367,387,388,389,409,410,411,431,432,433,453,454,475,476,489 +4839 - 35,36,48,49,57,58,59,69,70,71,79,80,81,91,92,93,94,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,343,344,345,346,347,348,349,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,489 +4840 - 88,89,90,91,92,93,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,125,126,127,128,132,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,211,212,213,232,233,234,254,255,256,276,277,278,298,299,300,301,302,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,381,382,383,386,387,403,404,408,409,425,426,430,431,432,452,453,454,474,475,476,492 +4841 - 5,6,7,8,27,28,29,30,49,50,51,52,71,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,171,172,181,182,183,184,190,191,192,193,194,195,196,202,203,204,205,210,211,212,213,214,215,216,217,218,219,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,253,254,255,256,257,261,262,263,267,268,269,270,275,276,277,278,284,285,289,290,291,292,296,297,298,299,306,307,311,312,313,314,318,319,320,321,327,328,329,333,334,335,336,341,342,343,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,491 +4842 - 69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,141,143,144,145,157,158,159,165,166,167,179,180,181,187,188,189,190,201,202,209,210,211,212,228,229,231,232,233,249,250,251,252,253,254,255,256,257,258,259,260,261,262,272,273,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,300,301,302,303,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,454,473,474,475,492 +4843 - 7,8,9,10,11,12,13,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,79,80,81,92,93,94,101,102,103,104,114,115,116,117,124,125,126,136,137,138,139,146,147,148,158,159,160,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,277,278,279,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,384,385,386,387,395,400,401,402,405,406,407,408,409,410,411,412,413,416,417,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,487 +4844 - 60,61,62,63,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,138,139,140,141,142,161,162,163,183,184,185,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,255,256,271,277,278,279,300,301,322,323,344,345,366,367,388,389,409,410,411,425,426,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,490 +4845 - 27,28,29,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,115,116,117,118,137,138,139,140,160,161,162,166,167,168,182,183,184,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,258,259,260,261,271,272,273,274,281,282,283,284,293,294,295,303,304,305,306,316,326,327,328,348,349,350,369,370,371,372,378,379,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,490 +4846 - 74,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,133,134,135,136,137,138,139,140,141,142,143,144,155,156,157,158,159,160,161,162,163,164,165,166,167,177,178,179,180,181,186,187,188,189,190,199,200,201,209,210,211,212,213,232,233,234,235,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,391,392,393,394,414,415,416,437,438,459,460,487 +4847 - 48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,159,160,161,181,182,183,203,204,205,208,209,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,276,277,278,279,280,292,293,294,295,300,301,302,303,314,315,316,323,324,325,326,345,346,347,348,368,369,370,390,391,392,399,400,401,402,412,413,414,421,422,423,424,425,426,432,433,434,435,436,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,477,478,490 +4848 - 32,33,34,35,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,144,145,146,161,162,163,166,167,168,183,184,185,186,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,342,343,344,359,360,361,365,366,367,381,382,383,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,493 +4849 - 31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,120,121,122,123,124,125,126,136,137,138,145,146,147,148,149,157,158,159,160,169,170,171,172,178,179,180,181,191,192,193,194,200,201,202,203,214,215,216,217,222,223,224,237,238,239,240,244,245,246,259,260,261,262,266,267,268,282,283,284,285,288,289,290,304,305,306,307,310,311,312,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,358,369,370,371,372,377,378,379,380,381,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,485 +4850 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,78,79,80,91,92,93,100,101,102,113,114,123,124,135,136,145,146,156,157,158,167,168,178,179,180,187,188,189,190,191,192,193,200,201,202,208,209,210,211,212,213,214,215,216,222,223,230,231,232,233,234,237,238,251,252,253,254,255,259,260,261,273,274,275,276,281,282,283,296,297,303,304,305,325,326,327,333,334,347,348,355,356,357,369,370,378,379,380,381,390,391,392,401,402,403,404,405,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,488 +4851 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,100,101,102,116,117,118,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,183,184,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,291,294,295,298,299,300,311,312,313,314,315,316,317,318,319,320,321,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,388,389,390,391,487 +4852 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,124,125,126,127,128,136,137,138,139,147,148,149,150,151,158,159,160,161,170,171,172,173,180,181,182,193,194,195,196,201,202,203,204,215,216,217,218,223,224,225,238,239,240,244,245,246,247,260,261,262,266,267,268,269,282,283,284,288,289,290,291,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,336,347,348,349,350,354,355,356,357,358,367,368,369,370,371,378,379,380,381,382,383,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,485 +4853 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,122,123,124,125,126,127,136,137,138,146,147,148,149,157,158,159,160,169,170,171,179,180,181,182,191,192,193,201,202,203,212,213,214,215,223,224,225,226,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,324,336,337,338,339,344,345,346,347,357,358,359,360,367,368,369,379,380,381,389,390,391,401,402,403,404,411,412,413,424,425,426,427,428,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,493 +4854 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,191,192,193,194,195,196,202,203,204,205,206,207,214,215,216,217,218,223,224,225,226,227,228,237,238,239,240,245,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,301,302,303,304,305,306,310,311,312,313,314,315,322,323,324,325,326,327,328,332,333,334,335,336,337,343,344,345,346,347,348,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,472,473,474,485 +4855 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,103,104,105,116,117,118,119,126,127,128,137,138,139,148,149,150,158,159,160,161,171,172,173,180,181,182,193,194,195,202,203,216,217,218,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,283,284,289,290,291,305,306,311,312,313,326,327,328,333,334,335,336,348,349,350,356,357,358,369,370,371,379,380,381,390,391,392,393,401,402,403,404,405,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +4856 - 32,33,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,122,123,124,144,145,146,147,166,167,168,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,291,292,293,294,295,296,297,298,299,300,301,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,363,364,365,366,367,368,369,370,371,375,376,377,378,379,487 +4857 - 5,6,7,27,28,29,30,49,50,51,52,72,73,74,94,95,96,116,117,118,137,138,139,140,146,147,148,159,160,161,162,166,167,168,169,170,171,172,173,180,181,182,183,187,188,189,190,191,192,193,194,195,196,197,202,203,204,205,208,209,210,211,212,216,217,218,219,223,224,225,226,230,231,232,233,239,240,241,245,246,247,252,253,254,262,263,267,268,269,274,275,276,284,285,289,290,291,296,297,298,305,306,307,311,312,313,314,318,319,320,321,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,491 +4858 - 72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,422,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +4859 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,124,125,126,135,136,137,146,147,148,157,158,159,168,169,170,179,180,181,182,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,229,230,231,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,324,325,336,337,338,339,344,345,346,347,357,358,359,360,367,368,369,370,379,380,381,390,391,392,401,402,403,412,413,414,423,424,425,426,427,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,478,493 +4860 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,140,141,142,143,144,145,163,164,165,166,185,186,187,188,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,254,255,256,257,272,273,274,277,278,279,294,295,296,300,301,316,317,318,322,323,324,338,339,340,344,345,346,360,361,362,366,367,368,382,383,384,388,389,390,404,405,406,407,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,455,473,474,475,476,493 +4861 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +4862 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,126,127,128,129,130,131,135,136,137,138,139,140,148,149,150,151,152,156,157,158,159,160,169,170,171,172,173,174,178,179,180,181,191,192,193,194,195,200,201,202,212,213,214,215,216,222,223,224,225,226,233,234,235,236,245,246,247,248,249,250,251,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,317,318,319,320,321,322,338,339,340,341,342,343,344,345,360,361,362,365,366,367,381,382,383,387,388,389,403,404,405,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +4863 - 91,92,93,94,95,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,208,209,210,213,214,215,216,217,222,223,224,225,236,237,238,239,243,244,245,246,247,257,258,259,260,261,265,266,267,268,269,279,280,281,282,287,288,289,290,291,301,302,303,304,310,311,312,313,323,324,325,326,333,334,335,345,346,347,348,349,367,368,369,370,371,389,390,391,392,393,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,492 +4864 - 67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,315,319,320,321,322,323,324,325,343,344,345,346,347,366,367,368,369,370,388,389,390,391,392,405,406,410,411,412,413,414,427,428,431,432,433,434,435,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,488 +4865 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,454,486 +4866 - 90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,167,168,169,170,180,181,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,253,254,255,256,275,276,277,278,279,298,299,300,301,302,303,322,323,324,325,345,346,347,367,368,369,388,389,390,391,410,411,412,413,431,432,433,434,452,453,454,455,456,471,472,473,474,475,476,477,488 +4867 - 5,6,7,8,27,28,29,30,49,50,51,52,71,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,158,159,160,161,170,180,181,182,183,189,190,191,192,193,194,201,202,203,204,210,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,259,260,261,262,263,267,268,269,273,274,275,276,277,283,284,285,289,290,291,295,296,297,298,305,306,307,311,312,313,314,318,319,320,321,326,327,328,329,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,491 +4868 - 48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,122,123,124,125,126,143,144,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,206,207,208,209,227,228,229,230,231,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,322,323,324,325,326,346,347,348,368,369,370,379,380,381,382,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +4869 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,166,167,168,169,180,181,182,183,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,232,233,234,235,247,248,249,254,255,256,257,269,270,271,276,277,278,279,292,293,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,492 +4870 - 32,33,34,35,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,125,126,127,136,137,138,139,147,148,149,157,158,159,170,171,172,178,179,180,181,192,193,194,200,202,203,204,215,216,223,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,366,367,368,369,370,371,378,379,380,381,382,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +4871 - 8,9,10,30,31,32,52,53,54,74,75,76,77,96,97,98,99,118,119,120,140,141,142,161,162,163,164,182,183,184,185,186,190,191,204,205,206,207,210,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,275,276,277,280,281,282,291,292,293,297,298,299,302,303,304,313,314,315,319,320,321,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,491 +4872 - 54,55,56,76,77,78,79,98,99,100,101,119,120,121,122,123,141,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,486 +4873 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,140,141,142,143,144,145,146,147,148,149,156,157,158,162,163,164,165,166,169,170,171,172,178,179,180,184,185,186,192,193,194,195,200,201,202,215,216,217,222,223,224,237,238,239,244,245,246,247,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,326,327,328,329,334,335,336,337,338,339,349,350,351,356,357,358,371,372,373,378,379,380,392,393,394,395,400,401,402,412,413,414,415,416,422,423,424,425,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,493 +4874 - 72,73,80,81,93,94,95,96,102,103,115,116,117,124,125,136,137,138,146,147,158,159,160,168,169,180,181,189,190,191,202,203,204,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4875 - 112,113,114,115,116,117,118,119,120,121,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,214,215,216,217,221,222,223,224,236,237,238,239,243,244,245,246,258,259,260,261,265,266,267,268,279,280,281,282,283,288,289,290,301,302,303,304,310,311,312,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,454,455,456,457,458,476,477,478,479,480,481,492 +4876 - 74,75,76,77,78,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,188,189,190,191,202,203,204,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +4877 - 27,36,37,38,48,49,50,58,59,60,70,71,72,80,81,82,92,93,94,102,103,104,114,115,116,124,125,126,136,137,138,146,147,148,157,158,159,160,168,169,170,179,180,181,182,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,234,235,236,237,245,246,247,248,249,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,339,340,341,342,343,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,458,489 +4878 - 29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,247,248,249,250,251,252,268,269,270,271,272,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,344,345,346,347,367,368,369,388,389,390,391,401,402,403,404,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +4879 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,143,144,145,146,147,148,158,159,160,161,168,169,170,179,180,181,182,190,191,192,193,201,202,203,212,213,214,215,222,223,224,225,234,235,236,237,244,245,246,247,256,257,258,259,266,267,268,269,278,279,280,281,288,289,290,291,299,300,301,302,303,311,312,313,314,315,316,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +4880 - 12,13,14,15,35,36,37,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,344,345,346,347,356,357,358,359,360,361,362,367,368,369,370,379,380,381,382,390,391,392,487 +4881 - 49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,123,124,125,126,127,134,135,136,146,147,148,149,158,169,170,171,172,191,192,193,194,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,296,301,302,303,304,324,325,326,346,347,348,367,368,369,370,374,375,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,488 +4882 - 11,12,13,33,34,35,36,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,282,291,292,293,296,297,298,299,300,301,302,303,304,313,314,315,318,319,320,321,322,323,324,325,326,336,337,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,425,426,427,428,429,491 +4883 - 48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,122,123,124,125,145,146,147,148,168,169,170,190,191,192,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,300,301,302,303,304,323,324,325,326,346,347,348,349,369,370,371,391,392,393,412,413,414,415,419,420,421,433,434,435,436,437,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,488 +4884 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,163,164,165,166,167,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +4885 - 48,49,58,59,60,61,62,70,71,72,73,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,158,159,160,161,180,181,182,183,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,257,258,259,260,269,270,271,272,273,280,281,282,291,292,293,294,302,303,304,305,314,315,325,326,327,347,348,349,369,370,371,372,391,392,393,394,413,414,415,416,421,422,423,424,435,436,437,438,443,444,445,446,447,448,449,456,457,458,459,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,490 +4886 - 13,14,15,16,17,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,235,236,247,248,249,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,426,427,428,429,430,491 +4887 - 34,35,36,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,122,123,124,125,136,137,138,145,146,147,148,158,159,160,167,168,169,170,171,180,181,182,189,190,191,192,193,202,203,204,213,214,215,224,225,226,227,234,235,236,237,247,248,249,250,256,257,258,270,271,272,273,274,276,277,278,279,280,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,366,367,381,382,383,384,387,388,389,390,403,404,405,410,411,412,425,426,427,432,433,434,435,447,448,449,450,453,454,455,456,457,493 +4888 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,212,213,214,215,216,220,221,222,223,224,225,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +4889 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,146,147,148,149,157,158,159,160,169,170,171,172,179,180,181,182,192,193,194,195,200,201,202,203,215,216,217,222,223,224,225,237,238,239,240,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,348,349,350,351,355,356,357,358,370,371,372,377,378,379,380,390,391,392,393,400,401,402,403,404,411,412,413,414,423,424,425,426,427,428,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,485 +4890 - 39,40,60,61,62,82,83,84,104,105,106,117,118,125,126,127,128,137,138,139,147,148,149,159,160,161,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,234,235,236,245,246,247,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,489 +4891 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,99,100,101,102,103,110,111,112,113,123,124,125,126,146,147,148,149,168,169,170,171,190,191,192,193,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,278,279,280,281,282,301,302,303,304,324,325,326,327,346,347,348,349,368,369,370,371,375,376,377,390,391,392,393,396,397,398,399,400,401,402,403,411,412,413,414,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +4892 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,147,148,149,150,157,158,159,160,161,169,170,171,172,173,179,180,181,182,192,193,194,195,201,202,203,204,214,215,216,217,218,223,224,225,226,236,237,238,239,240,245,246,247,248,258,259,260,261,262,267,268,269,270,280,281,282,283,284,289,290,291,292,302,303,304,305,306,311,312,313,314,315,324,325,326,327,328,334,335,336,337,346,347,348,349,350,356,357,358,359,360,367,368,369,370,371,379,380,381,382,383,388,389,390,391,392,393,402,403,404,405,406,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,485 +4893 - 90,91,92,93,94,112,113,114,115,116,117,118,119,120,121,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,186,187,188,189,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,234,235,236,237,245,246,247,248,256,257,258,259,267,268,269,270,278,279,280,281,290,291,292,300,301,302,303,322,323,324,325,344,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,492 +4894 - 76,77,78,79,80,81,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,145,146,147,148,160,161,162,166,167,168,169,170,181,182,183,184,187,188,189,190,191,192,202,203,204,205,206,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,276,277,278,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +4895 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,143,144,145,146,147,148,149,156,157,158,159,166,167,168,169,170,171,178,179,180,181,189,190,191,192,193,200,201,202,203,211,212,213,214,215,222,223,224,225,234,235,236,237,244,245,246,247,248,249,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,323,324,325,345,346,347,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,481,494 +4896 - 58,59,79,80,81,82,101,102,103,104,114,115,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,297,298,299,300,301,302,311,312,313,314,321,322,323,324,333,334,335,336,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,489 +4897 - 91,92,93,94,95,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,224,225,226,233,234,235,236,246,247,248,255,256,257,258,277,278,279,299,300,301,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,492 +4898 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,69,70,76,77,78,91,99,100,101,122,123,144,145,146,166,167,168,187,188,189,190,208,209,210,211,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,298,299,300,301,321,322,323,324,325,344,345,346,347,356,357,368,369,370,378,379,390,391,392,400,401,402,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,488 +4899 - 91,92,93,94,95,113,114,115,116,117,118,119,120,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,185,186,187,188,189,190,191,192,201,202,203,204,210,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,255,256,257,258,267,268,269,270,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +4900 - 32,54,55,76,77,98,99,120,121,142,143,165,166,187,188,209,210,231,232,253,254,275,276,297,298,319,320,341,342,363,364,385,386,407,408,409,430,431,452,453,486 +4901 - 74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,145,146,147,148,149,156,157,158,159,160,168,169,170,171,178,179,180,181,190,191,192,193,200,201,202,212,213,214,215,222,223,224,234,235,236,237,244,245,246,247,256,257,258,259,266,267,268,269,270,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,366,367,368,369,388,389,390,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +4902 - 75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,144,145,160,161,162,167,168,182,183,189,190,204,205,211,212,226,227,232,233,234,248,249,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,321,322,343,344,365,366,387,388,409,410,431,432,453,454,455,476,477,494 +4903 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +4904 - 83,84,85,104,105,106,107,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,190,191,192,193,201,202,211,212,213,214,233,234,235,249,251,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,318,319,320,321,322,323,324,325,326,340,341,342,361,362,363,383,384,385,405,406,407,427,428,449,450,451,452,453,471,472,473,474,475,492 +4905 - 6,7,8,9,29,30,31,51,52,53,73,74,75,76,95,96,97,98,117,118,119,139,140,141,160,161,162,163,169,170,171,182,183,184,185,188,189,190,191,192,193,194,195,203,204,205,206,209,210,211,212,213,214,215,216,217,218,219,225,226,227,228,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,251,252,253,254,261,262,263,268,269,270,271,273,274,275,283,284,285,290,291,292,295,296,297,298,305,306,307,312,313,314,317,318,319,320,321,325,326,327,328,329,334,335,336,337,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,491 +4906 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,102,103,104,105,106,117,118,119,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,152,158,159,160,161,162,163,164,165,171,172,173,174,179,180,181,182,183,193,194,195,196,197,201,202,203,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,260,261,262,263,266,267,268,281,282,283,284,285,288,289,290,303,304,305,306,310,311,312,324,325,326,327,332,333,334,345,346,347,348,354,355,356,357,366,367,368,369,370,376,377,378,379,387,388,389,390,399,400,401,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +4907 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,166,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,205,211,212,213,214,223,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,277,278,279,280,291,292,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,456,476,477,478,492 +4908 - 54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,334,335,336,340,341,342,355,356,357,358,359,361,362,363,364,377,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,447,448,449,450,451,470,471,472,473,490 +4909 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,100,101,102,103,104,113,114,115,116,122,123,124,125,126,127,128,135,136,137,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,163,164,165,166,167,168,169,170,171,172,173,174,175,178,179,180,186,187,195,196,197,200,201,202,216,217,218,219,222,223,224,225,237,238,239,240,245,246,247,248,250,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,329,334,335,336,337,351,356,357,358,373,378,379,380,394,395,400,401,402,415,416,417,423,424,425,436,437,438,439,445,446,447,448,456,457,458,459,460,468,469,470,471,472,473,474,475,476,477,478,479,480,481,493 +4910 - 12,13,14,15,33,34,35,37,54,55,56,76,77,78,98,99,118,119,120,121,140,141,142,161,162,163,183,184,185,205,206,207,227,228,229,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,300,301,302,314,315,316,317,322,323,324,336,337,338,339,344,345,346,347,358,359,360,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +4911 - 54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,143,144,145,146,147,148,149,159,160,161,162,165,166,167,168,169,170,171,172,180,181,182,183,188,189,191,192,193,194,202,203,204,210,211,214,215,216,223,224,225,226,236,237,238,245,246,247,258,259,260,267,268,269,280,281,282,289,290,291,301,302,303,304,311,312,313,323,324,325,333,334,335,344,345,346,347,355,356,357,365,366,367,368,377,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +4912 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,201,202,203,204,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,255,256,269,270,271,272,273,277,278,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,474,475,494 +4913 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,125,143,144,145,146,147,148,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,407,426,427,428,429,448,449,450,486 +4914 - 26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,97,98,99,100,120,121,122,142,143,144,164,165,166,185,186,187,207,208,209,228,229,230,231,250,251,252,272,273,274,293,294,295,296,315,316,317,318,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,487 +4915 - 33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,184,185,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,434,452,453,454,455,487 +4916 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,124,125,138,139,140,141,146,147,160,161,162,166,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,225,226,227,232,233,234,248,249,254,255,256,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,340,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,455,474,475,476,477,494 +4917 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,103,104,105,126,127,147,148,149,169,170,171,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,299,300,301,302,323,324,325,345,346,347,354,355,356,366,367,368,369,376,377,378,379,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +4918 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,120,121,125,126,142,143,147,148,149,163,164,165,169,170,171,184,185,186,187,191,192,193,206,207,213,214,215,227,228,229,235,236,237,249,250,251,257,258,270,271,272,278,279,280,292,293,294,300,301,302,314,315,321,322,323,324,336,337,343,344,345,358,359,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,485 +4919 - 50,51,52,62,63,72,73,74,84,85,86,93,94,95,96,106,107,108,115,116,117,118,127,128,129,130,137,138,139,140,149,150,151,159,160,161,170,171,172,173,180,181,182,183,192,193,194,195,201,202,203,204,205,214,215,216,223,224,225,226,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,320,321,322,323,324,332,333,334,335,336,342,343,344,345,354,355,364,365,366,367,376,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,489 +4920 - 33,34,55,56,77,78,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,274,275,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,427,428,429,449,450,451,486 +4921 - 99,100,107,108,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,184,185,186,187,205,206,207,208,209,210,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,276,277,278,292,298,299,300,310,311,320,321,322,332,333,342,343,344,354,355,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,490 +4922 - 6,7,8,27,28,29,30,49,50,51,70,71,72,73,92,93,94,114,115,116,135,136,137,138,157,158,159,160,179,180,181,182,191,192,193,201,202,203,204,212,213,214,215,216,223,224,225,226,233,234,235,236,237,238,239,245,246,247,248,255,256,257,258,259,260,261,268,269,270,277,278,279,281,282,283,290,291,292,293,299,300,301,302,303,304,305,312,313,314,315,316,321,322,323,324,325,326,327,335,336,337,338,339,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +4923 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,81,98,99,100,101,102,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,204,205,206,207,214,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,302,303,304,305,312,313,314,317,318,319,320,323,324,325,326,327,334,335,336,337,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +4924 - 10,32,33,34,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,427,428,429,430,486 +4925 - 94,95,96,97,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,190,191,192,193,204,205,206,212,213,214,215,226,227,228,233,234,235,236,249,250,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,445,446,447,448,467,468,469,492 +4926 - 52,53,54,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,121,122,123,124,125,126,127,128,129,135,136,137,138,139,148,149,150,151,157,158,159,160,161,171,172,173,174,178,179,180,181,182,193,194,195,196,200,201,202,203,204,216,217,218,219,222,223,224,225,238,239,240,244,245,246,260,261,262,266,267,268,281,282,283,284,288,289,290,303,304,305,306,310,311,312,324,325,326,327,328,332,333,334,345,346,347,348,349,350,354,355,356,357,365,366,367,368,369,370,371,376,377,378,379,380,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,453,454,468,469,470,471,472,485 +4927 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,148,149,150,151,152,158,159,160,172,173,174,175,180,181,182,195,196,197,202,203,204,205,213,214,215,216,217,218,219,225,226,227,233,234,235,236,237,238,239,240,241,247,248,249,250,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,333,334,335,336,337,338,339,340,341,355,356,357,358,359,361,362,363,364,377,378,379,384,385,386,399,400,406,407,408,421,422,423,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +4928 - 133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,212,213,234,235,256,257,278,279,300,301,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +4929 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,147,148,149,150,151,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,195,202,203,204,213,214,215,216,217,223,224,225,226,234,235,236,237,238,245,246,247,255,256,257,258,259,267,268,269,275,276,277,278,279,280,281,289,290,291,292,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,358,359,360,361,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +4930 - 10,11,12,31,32,33,34,52,53,54,55,56,74,75,76,77,95,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,185,204,205,206,207,210,211,212,213,225,226,227,228,231,232,233,234,235,236,247,248,249,250,253,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,296,297,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,341,342,343,344,345,346,347,359,360,361,362,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +4931 - 31,32,33,34,35,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,122,123,124,126,127,128,129,139,140,141,145,148,149,150,151,160,161,162,163,171,172,173,181,182,183,184,193,194,195,203,204,205,206,215,216,217,224,225,226,227,236,237,238,239,246,247,248,258,259,260,261,268,269,270,280,281,282,283,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,378,379,380,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +4932 - 98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,147,148,161,162,163,169,170,171,182,183,184,191,192,204,205,206,213,214,226,227,228,235,236,249,250,251,252,253,254,255,271,272,273,274,275,276,277,296,297,298,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,448,449,450,470,471,472,494 +4933 - 36,37,38,58,59,60,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +4934 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,94,95,96,97,116,117,118,138,139,140,160,161,162,182,183,184,203,204,205,208,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,279,280,281,291,292,293,294,295,301,302,303,314,315,316,317,323,324,325,336,337,338,345,346,347,358,359,360,361,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,428,429,430,431,432,491 +4935 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,103,104,105,106,119,120,121,124,125,126,127,128,141,142,143,145,146,147,148,149,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,208,209,210,213,214,234,235,236,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,387,398,399,400,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,430,431,432,433,434,443,444,445,446,447,448,487 +4936 - 97,98,99,100,101,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,187,188,189,190,191,202,203,204,205,209,210,211,212,213,224,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +4937 - 31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,105,106,107,116,126,127,128,129,148,149,150,169,170,171,172,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,294,295,299,300,301,321,322,323,324,344,345,346,347,354,355,356,366,367,368,369,376,377,378,388,389,390,391,398,399,400,401,402,403,404,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +4938 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,104,105,106,107,115,116,117,118,119,125,126,127,128,129,137,138,139,140,147,148,149,150,151,159,160,168,169,170,171,172,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,290,291,292,293,294,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,359,360,361,362,363,364,365,375,376,380,381,382,383,384,385,386,387,388,389,390,397,398,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,429,430,431,432,433,434,435,441,442,443,444,445,446,447,454,487 +4939 - 53,54,55,74,75,76,77,83,84,96,97,98,99,105,106,107,118,119,120,121,126,127,128,129,140,141,142,148,149,150,161,162,163,164,169,170,171,172,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,225,226,227,228,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,489 +4940 - 118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,188,189,190,191,194,195,204,205,206,207,227,228,229,230,231,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,311,312,319,320,321,333,334,340,341,342,343,355,356,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,490 +4941 - 123,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,186,187,188,189,190,191,192,207,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,276,277,278,290,293,294,298,299,300,311,312,320,321,322,333,334,335,341,342,343,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,490 +4942 - 31,32,33,53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,319,320,321,341,342,343,344,364,365,366,386,387,388,408,409,410,411,431,432,433,454,455,486 +4943 - 37,38,39,40,58,59,60,61,62,63,79,80,81,82,83,84,85,99,100,101,102,103,104,105,121,122,123,124,125,126,141,142,143,144,145,146,147,163,164,165,166,184,185,186,187,188,205,206,207,208,226,227,228,229,230,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,428,444,445,446,447,491 +4944 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +4945 - 75,76,77,78,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,148,149,150,162,163,164,166,167,168,169,170,171,172,173,184,185,186,190,191,192,193,194,206,207,208,212,213,214,215,216,228,229,230,234,235,236,250,251,252,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,380,381,382,383,384,401,402,403,404,422,423,424,425,443,444,445,446,464,465,466,467,468,492 +4946 - 101,102,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,177,187,188,189,190,209,210,211,231,232,233,253,254,255,275,276,277,278,279,280,281,282,283,284,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,359,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,492 +4947 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,126,127,128,129,130,131,139,140,141,148,149,150,151,152,153,161,162,163,168,169,170,171,172,173,174,184,185,186,187,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,301,314,315,316,317,321,322,323,335,336,337,338,342,343,344,345,356,357,358,359,364,365,366,377,378,379,380,384,385,386,387,388,399,400,401,402,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,493 +4948 - 34,35,36,37,38,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,136,137,138,139,157,158,159,160,178,179,180,181,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,259,260,261,267,268,281,282,283,303,304,305,325,326,327,347,348,349,357,358,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,490 +4949 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,149,150,151,152,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,224,225,226,232,233,234,235,236,246,247,248,252,253,254,255,256,257,268,269,270,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,446,447,448,468,469,470,494 +4950 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,428,429,430,431,451,452,453,486 +4951 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,144,148,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,193,194,195,202,203,204,205,206,215,216,217,224,225,226,227,236,237,238,245,246,247,248,258,259,260,266,267,268,269,279,280,281,282,288,289,290,291,301,302,303,309,310,311,312,322,323,324,325,331,332,333,334,343,344,345,346,353,354,355,364,365,366,367,368,375,376,377,378,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +4952 - 24,25,46,47,68,69,81,90,91,103,104,112,113,125,126,134,135,147,148,156,157,169,170,178,179,191,192,193,200,201,213,214,215,222,223,236,237,241,244,245,257,258,259,260,261,262,263,266,267,268,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,303,304,311,312,313,314,315,316,317,318,325,326,347,348,349,370,371,392,393,414,415,416,437,438,460,489 +4953 - 34,35,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +4954 - 49,56,57,58,70,71,72,78,79,80,92,93,94,100,101,102,103,115,116,122,123,124,125,137,138,144,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,250,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,364,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,457,476,477,478,479,489 +4955 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,105,116,117,118,119,123,124,125,126,127,137,138,139,140,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,192,193,194,203,204,205,206,207,208,209,214,215,216,225,226,227,228,235,236,237,257,258,259,278,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,356,357,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,487 +4956 - 52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,123,124,125,126,134,135,136,146,147,148,156,157,167,168,169,170,178,179,188,189,190,191,192,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,277,278,279,280,281,282,301,302,303,304,324,325,326,327,346,347,348,349,357,358,359,367,368,369,370,371,379,380,381,388,389,390,391,392,401,402,403,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +4957 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,103,104,105,115,116,117,118,126,127,137,138,139,146,147,148,149,167,168,169,170,171,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,298,299,300,301,321,322,323,334,344,345,346,355,356,357,366,367,368,369,377,378,379,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,488 +4958 - 12,13,33,34,35,54,55,56,57,76,77,78,97,98,99,118,119,120,121,138,139,140,141,142,143,159,160,161,162,164,165,180,181,182,183,185,186,187,207,208,209,230,231,252,253,274,275,296,297,298,318,319,320,341,342,347,348,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,486 +4959 - 76,77,84,97,98,99,105,106,118,119,120,121,127,128,129,140,141,142,148,149,150,151,161,162,163,164,169,170,171,172,182,183,184,185,186,191,192,193,194,204,205,206,207,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,489 +4960 - 54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +4961 - 125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,207,208,209,227,228,229,230,231,232,248,249,250,251,252,253,254,255,271,272,273,276,277,298,299,300,311,312,320,321,322,333,334,335,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,401,402,403,404,405,490 +4962 - 31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,144,145,146,147,148,161,162,163,167,168,169,170,183,184,185,190,191,192,193,204,205,206,213,214,215,216,226,227,228,236,237,238,248,249,250,258,259,260,270,271,272,280,281,282,291,292,293,294,301,302,303,313,314,315,316,323,324,325,335,336,337,344,345,346,347,357,358,359,365,366,367,368,379,380,381,387,388,389,401,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +4963 - 13,14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,204,205,206,209,210,211,212,213,214,226,227,228,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,300,301,302,303,304,313,314,315,316,317,318,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +4964 - 70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,113,114,115,117,118,120,121,122,123,135,136,137,143,144,145,157,158,159,165,166,167,168,180,187,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,477,492 +4965 - 72,73,74,75,76,77,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,166,167,168,169,170,171,172,173,182,183,184,191,192,193,194,195,204,205,206,207,213,214,215,216,227,228,229,234,235,236,237,250,251,256,257,258,259,277,278,279,280,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +4966 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,122,123,124,125,126,138,145,146,147,148,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,277,278,279,299,300,301,302,321,322,323,324,336,343,344,345,357,358,365,366,367,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +4967 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,80,81,82,83,84,96,97,98,104,105,106,118,119,120,127,128,141,142,149,150,151,152,163,164,171,172,173,174,184,185,186,191,192,193,194,195,206,207,208,212,213,214,215,216,228,229,230,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,312,313,314,315,316,317,318,319,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,363,364,376,377,378,385,386,387,398,399,400,401,402,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,493 +4968 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,103,117,118,121,122,123,124,125,138,139,140,143,144,145,146,147,160,161,162,165,166,167,168,169,182,183,184,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,377,378,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,494 +4969 - 53,54,55,56,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,140,141,142,162,163,183,184,185,205,206,207,209,210,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,315,321,322,323,343,344,345,356,357,365,366,367,378,379,386,387,388,389,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,469,470,471,472,473,490 +4970 - 51,52,53,54,73,74,75,76,95,96,97,98,99,117,118,119,120,121,140,141,142,143,144,162,163,164,165,166,185,186,187,188,189,207,208,209,210,211,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,486 +4971 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,407,408,426,427,428,429,430,449,450,451,486 +4972 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,448,449,450,486 +4973 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,341,342,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +4974 - 54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,137,138,158,159,160,180,181,182,183,203,204,205,206,225,226,227,228,229,230,231,232,249,250,251,252,253,254,255,273,274,275,276,277,278,279,298,299,300,301,321,322,323,324,344,345,346,366,367,368,381,389,390,403,404,410,411,412,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +4975 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,147,148,149,159,160,161,162,167,168,169,170,171,181,182,183,189,190,191,192,202,203,204,210,211,212,213,224,225,226,231,232,233,234,235,246,247,253,254,255,256,268,269,270,271,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,494 +4976 - 10,11,12,32,33,34,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,406,407,408,409,410,411,412,429,430,431,432,433,434,486 +4977 - 73,74,75,95,96,97,98,99,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,164,165,166,167,168,169,170,182,183,184,190,191,192,204,205,206,212,213,214,226,227,228,234,235,236,249,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +4978 - 77,78,79,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +4979 - 58,59,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,165,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,486 +4980 - 13,14,15,16,34,35,36,37,38,56,57,58,60,77,78,79,98,99,100,101,120,121,122,142,143,144,163,164,165,166,185,186,187,206,207,208,228,229,230,233,234,235,236,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,301,302,314,315,316,317,318,319,321,322,323,336,337,338,339,340,343,344,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,425,426,427,428,491 +4981 - 35,36,37,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,169,170,171,182,183,184,185,191,192,193,194,203,204,205,206,214,215,216,225,226,227,236,237,238,246,247,248,249,257,258,259,268,269,270,279,280,281,290,291,292,300,301,302,303,311,312,313,321,322,323,324,325,333,334,335,342,343,344,345,346,355,356,357,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +4982 - 34,35,36,55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,102,103,104,120,121,122,124,125,126,141,142,143,145,146,147,148,163,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,277,293,294,295,296,298,299,300,301,314,315,316,317,321,322,323,336,337,338,343,344,345,357,358,359,364,365,366,367,379,380,381,385,386,387,388,401,402,403,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,493 +4983 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,172,173,181,182,183,184,190,191,192,193,194,195,203,204,205,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,290,291,292,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,452,470,471,472,473,474,494 +4984 - 111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,191,192,193,194,195,196,215,216,217,218,237,238,239,240,258,259,260,261,279,280,281,282,283,300,301,302,303,304,321,322,323,324,325,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,492 +4985 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,146,147,148,149,150,151,152,158,159,160,161,162,168,169,170,171,172,173,174,180,181,182,183,190,191,194,195,196,201,202,203,204,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,259,260,261,262,266,267,268,281,282,283,284,287,288,289,290,302,303,304,305,309,310,311,323,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,365,366,367,368,369,375,376,377,378,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,485 +4986 - 26,27,28,29,47,48,49,50,51,52,69,70,71,72,73,74,75,91,92,94,95,96,97,117,118,119,120,140,141,142,143,162,163,164,165,185,186,187,188,207,208,209,210,229,230,231,232,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,298,316,317,318,319,320,321,339,340,341,342,343,344,363,364,365,366,367,368,387,388,389,390,391,393,410,411,412,413,414,415,416,434,435,436,437,438,457,458,459,460,487 +4987 - 58,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,164,165,166,167,185,186,187,188,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,276,277,278,279,280,291,292,293,300,301,302,313,314,322,323,324,325,343,344,345,346,355,356,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,490 +4988 - 29,30,31,32,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,121,122,123,124,125,126,145,146,147,148,149,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,270,271,272,273,274,275,276,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,341,342,343,344,345,365,366,367,377,378,379,380,381,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +4989 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,167,168,169,170,171,172,173,181,182,183,184,190,191,192,193,194,202,203,204,205,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,268,269,270,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,494 +4990 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,105,106,117,118,119,120,139,140,141,160,161,162,182,183,184,189,190,191,192,203,204,205,206,210,211,212,213,214,215,225,226,227,231,232,233,234,235,236,237,247,248,249,253,254,255,258,259,260,269,270,271,274,275,276,280,281,282,291,292,293,296,297,298,302,303,304,313,314,315,318,319,320,324,325,326,335,336,337,338,340,341,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,431,452,453,491 +4991 - 74,75,76,77,96,97,98,99,100,101,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,167,168,169,170,171,183,184,185,191,192,193,204,205,206,212,213,214,227,228,234,235,236,255,256,257,258,276,277,278,279,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +4992 - 55,56,57,76,77,78,79,80,97,98,99,101,102,105,106,118,119,120,121,126,127,128,139,140,141,147,148,149,160,161,162,168,169,170,182,183,189,190,191,192,203,204,205,210,211,212,213,225,226,227,228,231,232,233,234,248,249,250,251,253,254,255,271,272,273,274,275,276,295,296,297,298,316,317,318,319,320,321,322,337,338,339,342,343,344,359,360,361,365,366,381,382,387,388,403,404,408,409,410,425,426,429,430,431,447,448,449,450,451,452,453,470,471,472,473,493 +4993 - 35,36,57,58,59,79,80,81,101,102,103,122,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,486 +4994 - 55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,103,104,105,106,113,114,115,116,117,118,119,120,121,127,128,135,136,137,149,150,151,156,157,158,171,172,173,178,179,180,193,194,195,200,201,202,216,217,222,223,224,238,239,244,245,246,260,261,266,267,268,282,283,288,289,290,304,305,310,311,312,326,327,332,333,334,347,348,349,355,356,357,369,370,371,377,378,379,390,391,392,400,401,402,403,410,411,412,413,423,424,425,426,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +4995 - 95,96,97,98,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,189,190,191,192,193,204,205,206,212,213,214,215,226,227,228,233,234,235,236,248,249,250,254,255,256,257,258,270,271,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +4996 - 27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,101,102,103,104,105,106,107,125,126,127,128,129,149,150,151,152,168,169,170,171,172,173,174,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,300,319,320,321,322,332,333,343,344,345,354,355,356,357,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +4997 - 11,12,13,14,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,80,81,82,95,96,97,98,103,104,116,117,118,119,120,125,126,127,138,139,140,147,148,149,160,161,162,169,170,171,182,183,191,192,193,212,213,214,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,332,333,334,335,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,487 +4998 - 34,35,36,56,57,58,78,79,99,100,101,121,122,123,143,144,165,166,186,187,188,208,209,210,230,231,232,252,253,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +4999 - 30,31,32,33,34,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,100,101,102,103,104,117,118,124,125,139,140,146,147,148,161,162,163,168,169,170,183,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,290,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,379,380,381,382,385,386,387,388,389,408,409,410,411,412,413,431,432,433,434,435,436,455,456,457,458,487 +5000 - 96,97,98,99,100,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,260,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,345,346,347,348,355,356,357,358,366,367,368,369,378,388,389,390,391,410,411,412,413,431,432,433,434,453,454,455,456,474,475,476,477,492 +5001 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,142,143,144,148,149,150,161,165,166,167,169,170,171,187,188,190,191,192,193,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,297,298,299,300,321,322,323,332,333,334,343,344,345,354,355,365,366,367,375,376,377,385,386,387,388,389,397,398,399,400,401,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +5002 - 74,75,76,77,95,96,97,98,99,116,117,118,119,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,190,191,192,193,203,204,205,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,476,489 +5003 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,183,184,185,204,205,206,226,227,228,248,249,250,256,257,258,270,271,272,277,278,279,280,281,292,293,294,297,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,425,426,491 +5004 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,486 +5005 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,127,128,129,140,141,142,143,144,149,150,151,162,163,164,170,171,172,184,185,186,190,191,192,193,194,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,321,322,323,333,334,335,336,337,338,344,345,346,355,356,357,366,367,368,377,378,379,387,388,389,390,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,493 +5006 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,486 +5007 - 33,34,35,53,54,55,56,57,60,74,75,76,77,78,79,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,107,117,118,119,120,121,122,125,126,127,128,129,130,138,139,140,141,142,147,148,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,218,223,224,225,226,227,236,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,279,280,281,282,283,288,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +5008 - 75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,122,123,124,125,138,139,140,141,146,147,159,160,161,162,167,168,169,180,181,182,183,189,190,191,202,203,204,210,211,212,213,223,224,225,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,300,301,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +5009 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,63,74,75,76,77,78,79,80,81,82,83,85,95,96,97,98,99,102,103,104,105,107,117,118,119,125,126,127,129,139,140,141,148,149,151,161,162,163,168,169,170,171,173,184,185,186,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,217,227,228,229,230,231,232,233,234,239,248,249,250,251,252,253,254,255,261,270,271,272,273,274,275,276,277,283,291,292,293,294,297,298,299,305,312,313,314,315,320,321,322,334,335,336,342,343,344,356,357,365,366,378,379,380,387,388,389,393,400,401,402,403,404,405,406,407,408,409,410,415,423,424,425,426,427,428,429,430,431,432,437,446,447,448,449,450,451,452,453,493 +5010 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,101,102,103,104,105,116,117,118,119,124,125,126,127,138,139,140,147,148,149,159,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,217,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,346,347,348,356,357,358,359,367,368,369,370,379,380,381,388,389,390,391,401,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,471,472,473,474,485 +5011 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,95,96,102,103,104,117,118,124,125,126,146,147,148,167,168,169,170,188,189,190,191,192,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,299,300,301,322,323,324,344,345,346,355,356,365,366,367,368,376,377,378,379,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,452,488 +5012 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,450,451,452,486 +5013 - 51,52,53,54,55,56,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,192,193,194,204,205,206,207,208,209,214,215,216,236,237,238,257,258,259,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,476,487 +5014 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,334,335,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +5015 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,127,128,129,130,138,139,140,141,142,149,150,151,152,159,160,161,162,163,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,218,224,225,226,227,236,237,238,239,245,246,247,248,257,258,259,260,261,267,268,269,270,279,280,281,282,289,290,291,300,301,302,303,304,311,312,313,321,322,323,324,325,333,334,335,341,342,343,344,345,346,355,356,357,358,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +5016 - 10,11,12,13,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,72,73,74,75,80,81,82,94,95,102,103,104,116,117,125,126,138,139,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,254,255,256,257,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,304,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,339,340,341,342,347,348,349,350,351,355,356,357,358,359,360,361,362,363,371,372,377,378,379,380,381,382,383,399,400,401,402,403,422,487 +5017 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,151,158,159,160,161,162,169,170,171,172,173,180,181,182,183,190,191,192,193,194,195,201,202,203,204,212,213,214,215,216,222,223,224,225,232,233,234,235,236,237,244,245,246,253,254,255,256,257,258,266,267,268,274,275,276,277,278,279,280,288,289,290,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,364,365,366,385,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,494 +5018 - 14,15,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,123,124,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,202,203,204,205,206,207,214,215,224,225,226,227,228,231,232,233,234,235,236,237,238,239,245,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,491 +5019 - 33,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,124,125,126,127,128,136,137,138,139,140,141,146,147,148,149,150,151,157,158,159,160,161,162,168,169,170,171,172,173,174,179,180,181,182,191,192,193,194,195,196,201,202,203,204,213,215,216,217,218,222,223,224,225,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,302,303,304,305,309,310,311,323,324,325,326,327,331,332,333,343,344,345,346,347,348,349,353,354,355,356,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,448,449,485 +5020 - 32,33,53,54,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,406,407,408,429,430,431,432,451,452,453,486 +5021 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,256,257,258,270,271,272,273,277,278,279,280,292,293,294,295,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,406,407,408,409,491 +5022 - 71,72,73,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,160,161,162,165,166,167,168,183,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,492 +5023 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +5024 - 73,74,75,76,94,95,96,97,98,99,100,116,117,118,120,121,122,137,138,139,142,143,144,159,160,165,166,181,182,187,188,203,204,209,210,224,225,226,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,293,294,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,456,476,477,478,494 +5025 - 73,74,75,76,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,161,162,163,165,166,167,168,169,170,183,184,185,190,191,192,205,206,207,211,212,213,227,228,229,233,234,235,250,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,323,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +5026 - 11,12,13,14,15,16,32,33,34,35,36,37,38,39,54,55,56,57,59,60,61,62,75,76,77,78,83,84,97,98,99,106,118,119,120,121,140,141,142,161,162,163,164,183,184,185,186,205,206,207,226,227,228,229,248,249,250,251,254,255,256,257,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,344,345,346,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +5027 - 86,87,99,100,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,205,206,207,208,226,227,228,229,230,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,290,291,292,293,295,296,297,298,318,319,320,321,340,341,342,343,355,363,364,377,378,384,385,386,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,490 +5028 - 73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,138,139,140,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,256,257,258,270,278,279,280,300,301,302,322,323,324,343,344,345,346,365,366,367,386,387,388,389,403,404,407,408,409,410,411,424,425,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +5029 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,148,149,150,151,152,160,161,162,167,168,169,170,171,172,173,174,175,182,183,184,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,237,238,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,290,291,292,293,297,298,299,300,311,312,313,314,315,316,320,321,322,333,334,335,342,343,344,355,356,357,364,365,366,377,378,379,385,386,387,388,399,400,401,407,408,409,421,422,423,424,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +5030 - 54,55,56,57,76,77,78,79,80,81,98,99,100,101,102,103,104,120,121,122,124,125,126,127,128,142,143,144,148,149,150,164,165,166,186,187,188,194,208,209,210,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,297,298,299,314,315,316,319,320,321,336,337,338,341,342,343,358,359,360,363,364,365,380,381,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,469,470,471,493 +5031 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,97,98,104,105,106,126,127,128,146,147,148,149,150,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,270,271,272,276,277,278,299,300,301,309,321,322,323,330,331,343,344,345,352,353,354,365,366,367,374,375,376,377,378,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +5032 - 25,26,27,28,47,48,49,50,69,70,71,72,80,92,93,94,95,101,102,103,104,114,115,116,117,122,123,124,125,126,136,137,138,139,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,183,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,298,299,300,320,321,322,342,343,344,364,365,366,367,386,387,388,389,390,392,393,394,395,408,409,410,411,412,413,414,415,416,417,430,431,432,433,434,435,436,437,454,455,456,457,489 +5033 - 75,76,83,96,97,98,104,105,106,117,118,119,120,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,297,298,299,319,320,321,340,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,489 +5034 - 55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,147,148,149,150,151,152,161,162,163,168,169,170,171,172,173,174,183,184,185,190,191,192,193,194,195,205,206,207,208,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,467,493 +5035 - 49,50,71,72,73,93,94,95,115,116,117,118,137,138,139,140,141,148,149,150,159,160,161,162,163,164,168,169,170,171,172,181,182,184,185,186,187,188,189,190,191,192,193,194,203,204,207,208,209,210,211,212,213,214,215,216,231,232,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,469,470,492 +5036 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,117,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,230,231,232,233,234,254,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,345,363,364,365,366,367,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,466,467,468,469,488 +5037 - 16,17,18,19,37,38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,228,229,230,249,250,251,252,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,343,344,345,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,491 +5038 - 74,75,95,96,97,103,104,117,118,124,125,126,127,138,139,140,145,146,147,148,160,161,162,167,168,169,170,182,183,184,188,189,190,191,204,205,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,276,277,278,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +5039 - 15,16,17,18,19,35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,64,77,78,79,80,81,85,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,204,205,206,226,227,228,248,249,255,256,257,269,270,271,276,277,278,279,280,291,292,293,297,298,299,300,301,302,313,314,315,318,319,320,321,322,323,324,335,336,337,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +5040 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,301,302,303,304,305,313,314,315,323,324,325,326,327,335,336,337,338,339,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +5041 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,125,126,127,138,139,140,141,142,147,148,149,169,170,171,191,192,193,212,213,214,215,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,322,323,324,333,334,344,345,346,354,355,356,366,367,368,376,377,378,386,387,388,389,390,398,399,400,401,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +5042 - 31,32,33,34,52,53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,120,121,122,139,141,142,143,144,161,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,232,250,251,252,253,254,255,272,273,274,276,277,278,294,295,299,300,301,316,317,322,323,338,339,344,345,346,360,361,366,367,368,382,383,384,387,388,389,390,405,406,407,408,409,410,411,412,428,429,430,431,432,433,451,452,453,454,455,493 +5043 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,126,127,128,138,139,140,141,149,150,151,159,160,161,162,171,172,173,182,183,184,191,192,193,194,195,204,205,206,207,208,209,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,299,300,301,314,315,316,317,321,322,323,335,336,337,338,343,344,345,356,357,358,359,365,366,367,378,379,380,381,386,387,388,389,400,401,402,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +5044 - 99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,170,171,172,173,179,180,181,182,183,184,185,192,193,194,195,201,202,203,204,205,206,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,494 +5045 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,149,150,151,152,157,158,159,172,173,174,179,180,181,193,194,195,196,201,202,203,214,215,216,217,218,223,224,225,236,237,238,239,245,246,247,257,258,259,260,267,268,269,277,278,279,280,281,282,289,290,291,292,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,471,472,473,474,475,494 +5046 - 74,75,82,95,96,97,103,104,105,117,118,119,125,126,127,138,139,140,147,148,149,160,161,162,169,170,171,181,182,183,191,192,203,204,205,213,214,224,225,226,234,235,236,246,247,248,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,322,323,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,489 +5047 - 76,77,84,97,98,99,105,106,119,120,121,126,127,128,140,141,142,143,148,149,150,162,163,164,169,170,171,183,184,185,186,190,191,192,193,205,206,207,212,213,214,226,227,228,229,234,235,236,247,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,319,320,321,322,335,336,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,489 +5048 - 55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,280,281,282,290,291,292,302,303,313,314,323,324,325,334,335,336,344,345,346,347,356,357,358,366,367,368,378,379,380,381,387,388,389,400,401,402,403,408,409,410,411,422,423,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +5049 - 93,94,95,114,115,116,117,118,119,120,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,186,187,188,189,190,191,192,193,194,195,196,202,203,204,205,210,215,216,217,218,225,226,227,236,237,238,239,247,248,249,257,258,259,260,269,270,271,278,279,280,281,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +5050 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,138,139,140,141,145,146,147,161,162,163,164,166,167,168,169,184,185,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,298,299,300,315,316,317,318,320,321,322,337,338,339,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +5051 - 36,37,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +5052 - 75,76,95,96,97,98,99,116,117,118,119,120,121,137,138,139,140,142,143,144,145,158,159,160,161,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,227,228,229,232,237,238,239,240,244,245,246,247,249,250,260,261,262,266,267,268,283,284,288,289,290,305,306,309,310,311,326,327,328,331,332,333,347,348,349,350,353,354,355,368,369,370,371,375,376,388,389,390,391,392,397,398,408,409,410,411,412,413,419,420,421,427,428,429,430,431,432,433,442,449,450,451,452,453,485 +5053 - 36,37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,149,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,202,203,204,205,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,266,267,268,269,280,281,282,283,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,331,332,333,334,344,345,346,347,353,354,355,356,364,365,366,367,368,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +5054 - 52,53,54,74,75,76,96,97,98,99,118,119,120,121,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,473,474,475,486 +5055 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,103,104,105,106,107,108,116,117,118,119,120,128,129,130,131,138,139,140,141,150,151,152,153,160,161,162,170,171,172,174,182,183,184,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,271,272,273,274,275,277,278,279,280,292,293,294,295,301,302,313,314,315,316,323,324,325,335,336,337,345,346,347,357,358,366,367,368,378,379,380,387,388,389,390,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +5056 - 59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,181,182,183,184,202,203,204,205,224,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,322,323,324,325,344,345,346,347,365,366,367,368,384,385,386,387,388,389,400,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +5057 - 98,99,100,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,189,190,191,192,193,206,207,208,209,212,213,214,215,228,229,230,231,234,235,236,255,256,257,258,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +5058 - 54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,473,474,486 +5059 - 75,76,77,78,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,168,169,170,171,172,183,184,191,192,193,205,206,212,213,214,215,227,228,233,234,235,236,249,250,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,335,340,341,342,343,361,362,363,364,381,382,383,384,385,402,403,404,405,406,422,423,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +5060 - 52,53,54,55,56,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,204,205,206,207,208,209,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,344,345,346,366,367,368,387,388,389,390,403,404,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,490 +5061 - 107,108,109,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,185,186,187,188,189,207,208,209,228,229,230,231,248,249,250,251,252,253,269,270,271,272,273,274,275,290,291,292,293,296,297,298,312,313,314,317,318,319,333,334,338,339,340,341,355,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,422,423,490 +5062 - 71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,166,167,168,169,170,177,178,179,180,181,190,191,199,200,201,202,203,222,223,224,225,226,235,236,237,244,245,246,247,248,249,256,257,258,259,260,268,269,270,271,272,273,278,279,280,281,282,291,292,293,294,295,296,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,361,362,363,364,365,366,367,368,369,386,387,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,478,479,480,481,494 +5063 - 74,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,127,128,129,130,140,141,142,143,144,149,150,151,152,161,162,163,164,171,172,173,181,182,183,184,192,193,194,195,203,204,205,214,215,216,224,225,226,235,236,237,238,246,247,256,257,258,259,267,268,269,276,277,278,279,280,289,290,291,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,494 +5064 - 48,49,62,63,64,69,70,71,72,83,84,85,86,90,91,92,93,94,95,105,106,107,108,112,113,114,115,116,126,127,128,129,134,135,136,137,148,149,150,151,155,156,157,158,170,171,172,173,177,178,179,180,191,192,193,194,195,199,200,201,202,213,214,215,216,221,222,223,224,234,235,236,237,238,243,244,245,246,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,322,323,324,335,336,337,338,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,489 +5065 - 60,79,80,81,82,83,85,100,101,102,103,104,105,106,107,108,122,123,124,126,127,128,129,130,143,144,145,147,148,149,150,151,164,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,230,231,232,233,235,236,237,256,257,258,259,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,420,421,422,487 +5066 - 35,36,37,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,116,117,118,138,139,140,160,161,162,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,279,280,281,301,302,303,323,324,325,344,345,346,347,365,366,367,368,379,380,381,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,490 +5067 - 59,60,61,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,149,150,151,170,171,172,173,191,192,193,194,195,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,296,297,298,299,300,301,320,321,322,323,331,332,342,343,344,345,352,353,354,364,365,366,374,375,376,377,378,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,467,468,469,470,488 +5068 - 160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,204,205,217,218,219,222,223,224,225,240,241,244,245,246,247,248,262,263,266,267,268,269,270,283,284,289,290,291,292,304,305,306,312,313,324,325,326,327,345,346,347,348,366,367,368,369,388,389,409,410,492 +5069 - 76,77,78,97,98,99,100,106,107,119,120,121,122,127,128,129,140,141,142,143,149,150,151,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,203,204,205,206,207,209,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,297,298,299,300,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,467,468,469,470,489 +5070 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,255,256,257,258,259,260,270,271,272,273,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +5071 - 2,13,14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,302,303,304,305,310,311,312,313,314,315,316,317,318,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +5072 - 58,59,60,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,146,147,148,149,150,151,152,160,161,162,163,164,165,169,170,171,172,173,174,180,181,182,183,184,185,192,193,194,195,196,201,202,203,204,205,206,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,258,259,260,261,262,265,266,267,268,269,279,280,281,282,283,284,287,288,289,290,300,301,302,303,304,305,309,310,311,312,313,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,400,401,402,403,404,485 +5073 - 58,59,79,80,81,82,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,468,469,470,486 +5074 - 53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,127,128,129,130,137,138,139,140,141,149,150,151,152,158,159,160,161,162,163,172,173,179,180,181,182,183,194,195,200,201,202,203,204,216,217,218,222,223,224,225,226,238,239,240,244,245,246,247,248,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,357,358,365,366,367,368,369,370,377,378,379,380,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,473,485 +5075 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +5076 - 26,27,28,29,30,31,32,33,34,35,36,37,47,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,325,326,327,335,336,337,338,339,344,345,346,347,348,349,350,357,358,359,360,361,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,487 +5077 - 54,55,75,76,77,85,97,98,99,106,107,108,119,120,121,128,129,130,140,141,142,143,149,150,151,152,161,162,163,164,170,171,172,173,183,184,185,186,191,192,193,194,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,489 +5078 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,78,79,80,92,93,101,102,114,115,124,136,137,138,159,160,181,182,183,184,204,205,206,207,209,210,211,228,229,230,231,232,251,252,253,254,272,273,274,275,276,277,294,295,298,299,300,301,316,317,321,322,323,324,338,339,345,346,347,360,361,362,368,369,370,382,383,384,391,392,405,406,407,408,413,414,415,428,429,430,431,432,433,434,435,436,452,453,454,455,456,457,458,493 +5079 - 58,59,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,162,163,164,165,166,183,184,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,232,233,234,248,249,250,254,255,256,276,277,278,298,299,300,310,311,319,320,321,332,333,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,490 +5080 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,116,121,122,123,124,125,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,248,249,254,255,256,257,276,277,278,279,280,299,300,301,302,322,323,324,333,334,344,345,346,355,356,357,358,366,367,368,378,379,380,381,382,383,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,471,472,473,474,488 +5081 - 129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,232,248,249,252,253,254,275,276,277,297,298,299,312,313,319,320,334,335,336,341,342,343,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,403,404,405,406,490 +5082 - 34,35,55,56,57,58,77,78,79,80,98,99,100,120,121,122,123,124,141,142,143,144,145,146,147,163,164,165,167,168,169,185,186,187,190,191,192,206,207,208,212,213,228,229,230,234,235,236,249,250,251,252,256,257,258,271,272,273,274,278,279,280,293,294,295,300,301,302,315,316,317,321,322,323,337,338,339,343,344,345,359,360,361,364,365,366,367,381,382,383,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,485 +5083 - 38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,126,128,129,130,138,139,140,141,142,143,150,151,152,159,160,161,162,163,164,172,173,174,180,181,182,183,184,185,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,237,238,239,244,245,246,247,258,259,260,261,265,266,267,268,279,280,281,282,283,287,288,289,300,301,302,303,304,309,310,311,321,322,323,324,325,331,332,333,341,342,343,344,345,346,353,354,355,361,362,363,364,365,366,367,375,376,377,378,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,485 +5084 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,231,232,233,234,235,236,237,238,246,247,248,249,250,251,255,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,282,290,291,292,293,294,295,300,301,302,303,304,305,312,313,314,315,316,317,318,323,324,325,326,327,335,336,337,338,339,340,341,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +5085 - 54,55,75,76,77,86,87,96,97,98,99,107,108,109,119,120,121,129,130,131,140,141,142,143,150,151,152,153,161,162,163,164,171,172,173,174,182,183,184,185,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,231,232,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,257,258,259,260,268,269,270,271,272,273,274,275,276,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,321,322,323,324,332,333,334,335,336,337,338,342,343,344,345,354,355,356,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,489 +5086 - 30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,103,104,105,125,126,127,146,147,148,149,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,246,247,248,249,250,268,269,270,271,272,273,274,275,292,293,294,295,296,297,298,299,316,317,318,319,320,321,322,341,342,343,344,345,364,365,366,367,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,488 +5087 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,149,150,151,160,161,162,163,164,170,171,172,173,184,185,186,187,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,320,321,322,334,335,336,337,342,343,344,356,357,358,363,364,365,366,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +5088 - 69,70,71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,138,139,141,142,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,271,272,273,274,275,276,277,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,342,343,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,452,453,454,455,456,473,474,475,476,477,478,488 +5089 - 94,95,96,97,98,99,116,117,118,119,120,121,122,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,187,188,189,190,191,192,193,194,204,205,206,213,214,215,226,227,228,235,236,237,248,249,250,256,257,258,270,271,272,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +5090 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,430,450,451,452,472,473,486 +5091 - 53,54,55,74,75,76,77,96,97,98,99,109,117,118,119,120,121,130,131,138,139,140,141,142,151,152,153,160,161,162,163,172,173,174,175,181,182,183,184,194,195,196,197,203,204,205,206,215,216,217,218,224,225,226,227,230,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,321,322,323,324,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,489 +5092 - 28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,77,78,79,80,92,93,94,100,101,102,103,123,124,125,145,146,166,167,168,186,187,188,189,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,255,256,257,258,279,280,281,302,303,304,324,325,326,346,347,348,368,369,370,389,390,391,392,401,402,403,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,488 +5093 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,147,148,149,150,159,160,161,162,170,171,172,180,181,182,183,192,193,194,201,202,203,204,213,214,215,216,223,224,225,234,235,236,237,238,245,246,247,254,255,256,257,258,259,266,267,268,275,276,277,278,279,280,281,289,290,291,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,343,344,345,356,357,358,359,360,361,364,365,366,367,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +5094 - 10,11,12,13,14,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,79,80,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,315,316,317,318,336,337,338,339,346,347,348,358,359,360,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,487 +5095 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,76,77,80,81,82,83,98,99,101,102,103,104,105,120,121,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,171,186,187,188,191,192,193,213,214,215,235,236,237,256,257,258,267,268,269,278,279,280,288,289,290,291,292,293,294,299,300,301,302,310,311,312,313,314,315,316,317,318,320,321,322,323,332,333,335,336,337,338,339,340,341,342,343,344,345,346,354,355,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,487 +5096 - 36,37,38,39,40,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,150,159,160,161,162,163,168,169,170,171,172,180,181,182,183,184,192,193,194,195,201,202,203,204,205,214,215,216,217,222,223,224,225,226,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,280,281,282,288,289,290,301,302,303,304,310,311,312,322,323,324,325,331,332,333,334,343,344,345,346,347,353,354,355,356,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +5097 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,139,140,147,148,149,169,170,171,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,300,301,302,322,323,324,344,345,346,354,355,365,366,367,376,377,386,387,388,389,398,399,400,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,488 +5098 - 13,14,15,16,34,35,36,37,38,56,57,58,77,78,79,99,100,101,120,121,122,142,143,144,163,164,165,185,186,206,207,208,228,229,230,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,298,299,300,315,316,317,321,322,336,337,338,339,342,343,344,358,359,360,364,365,366,381,382,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,491 +5099 - 12,13,14,15,16,33,34,35,36,37,38,55,56,57,58,59,77,78,79,80,81,98,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,187,190,191,192,193,204,205,206,207,208,210,211,212,213,214,215,216,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,280,281,282,283,291,292,293,294,295,296,297,298,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,425,426,427,428,491 +5100 - 93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,147,148,149,156,157,158,159,169,170,171,190,191,192,193,212,213,214,233,234,235,255,256,257,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,492 +5101 - 53,54,74,75,76,77,85,86,96,97,98,99,106,107,108,117,118,119,120,127,128,129,130,139,140,141,149,150,151,152,160,161,162,163,170,171,172,173,182,183,184,191,192,193,194,203,204,205,206,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,452,471,472,473,489 +5102 - 52,53,54,55,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,122,123,124,125,126,146,147,148,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,325,345,346,347,367,368,369,378,388,389,390,391,399,400,401,408,409,410,411,412,421,422,423,424,425,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,488 +5103 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,105,116,117,118,123,124,125,126,127,138,139,140,144,145,146,147,148,149,150,160,161,162,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,192,193,194,205,206,207,208,209,210,214,215,216,227,228,229,230,231,235,236,237,238,257,258,259,279,280,281,300,301,302,303,311,312,313,314,321,322,323,324,333,334,335,336,337,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,487 +5104 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,102,103,104,118,119,120,121,124,125,126,139,140,141,142,143,146,147,148,162,163,164,168,169,170,190,191,192,212,213,214,233,234,235,236,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,319,320,321,322,323,333,334,335,336,341,342,343,344,345,355,356,357,362,363,364,365,366,367,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,487 +5105 - 74,75,76,84,85,86,87,96,97,98,105,106,107,108,109,117,118,119,120,126,127,128,129,130,131,138,139,140,141,142,147,148,149,150,151,160,161,162,163,168,169,170,171,172,181,182,183,184,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,470,489 +5106 - 77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,148,149,150,151,157,158,159,160,172,173,174,178,179,180,181,195,196,200,201,202,217,221,222,223,237,238,239,240,243,244,245,257,258,259,260,261,262,265,266,267,268,269,270,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,344,345,346,347,365,366,367,368,387,388,389,390,408,409,410,411,430,431,432,452,453,454,474,475,476,494 +5107 - 36,37,38,58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +5108 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,144,145,146,148,149,150,151,159,160,161,162,171,172,173,181,182,183,184,193,194,195,202,203,204,205,206,216,217,224,225,226,227,238,239,245,246,247,248,249,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,310,311,312,313,314,324,325,326,327,332,333,334,335,346,347,348,349,354,355,356,357,367,368,369,370,371,376,377,378,379,380,388,389,390,391,392,398,399,400,401,402,403,404,409,410,411,412,413,422,423,424,425,426,427,428,432,433,434,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,475,485 +5109 - 80,87,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,153,165,166,167,168,169,170,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,269,270,271,272,273,276,277,278,289,291,292,293,294,298,299,300,311,313,314,320,321,322,333,334,341,342,343,355,356,357,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,428,447,448,490 +5110 - 8,9,10,30,31,32,33,53,54,55,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,165,166,167,187,188,189,209,210,211,212,231,232,233,234,253,254,255,256,257,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,342,343,344,356,357,358,359,364,365,366,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,487 +5111 - 50,51,61,62,72,73,82,83,84,93,94,95,96,104,105,106,115,116,117,126,127,128,137,138,139,147,148,149,150,159,160,161,169,170,171,181,182,189,190,191,192,193,202,203,204,208,209,210,211,212,213,214,215,224,225,226,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,299,300,301,311,312,313,314,315,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +5112 - 50,51,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,117,118,119,122,123,124,139,140,141,144,145,146,162,163,164,166,167,185,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,255,273,274,275,276,277,278,294,295,296,299,300,315,316,317,321,322,323,337,338,344,345,358,359,360,366,367,380,381,388,389,402,403,410,411,424,425,431,432,433,447,448,452,453,454,469,470,471,472,473,474,475,493 +5113 - 31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,100,101,102,103,104,117,118,119,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,169,170,171,183,184,185,186,187,188,191,192,193,205,206,207,208,209,213,214,215,227,228,229,235,236,237,256,257,258,277,278,279,280,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,409,410,411,412,413,414,415,416,423,424,425,426,427,428,432,433,434,435,436,446,447,448,449,487 +5114 - 56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,486 +5115 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,147,148,149,150,151,152,159,160,161,162,163,170,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,301,302,303,304,305,310,311,312,322,323,324,325,326,332,333,334,342,343,344,345,346,347,354,355,356,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +5116 - 57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,152,153,161,162,163,164,165,172,173,174,175,183,184,185,186,187,191,192,193,194,195,196,197,206,207,208,209,211,212,213,214,215,216,217,218,228,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,443,444,445,446,447,448,449,465,466,467,493 +5117 - 53,54,55,74,75,76,77,86,96,97,98,99,108,109,118,119,120,121,129,130,131,139,140,141,142,150,151,152,153,161,162,163,164,172,173,174,175,183,184,185,193,194,195,196,204,205,206,207,215,216,217,226,227,228,229,236,237,238,239,247,248,249,250,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,358,359,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,472,473,489 +5118 - 29,36,37,38,50,51,52,57,58,59,60,71,72,73,74,79,80,81,82,93,94,95,101,102,103,104,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,167,168,169,170,179,180,181,182,188,189,190,191,201,202,203,204,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,368,384,385,386,387,388,389,390,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,489 +5119 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,127,128,129,130,139,140,141,151,152,153,161,162,171,172,173,174,175,183,184,191,192,193,194,195,196,197,205,206,210,211,212,213,214,215,216,217,218,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,340,341,342,356,357,358,363,364,377,378,379,385,386,399,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,468,469,470,471,472,493 +5120 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,148,149,150,151,157,158,159,160,161,162,163,164,171,172,173,179,180,181,182,183,184,193,194,195,196,202,203,204,205,206,215,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,268,269,270,271,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,358,365,366,367,368,369,377,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +5121 - 16,17,36,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,82,99,100,101,102,103,120,121,122,123,141,142,143,144,162,163,164,165,166,183,184,185,186,205,206,207,212,213,214,226,227,228,229,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,322,323,324,325,335,336,337,338,339,340,341,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +5122 - 95,96,97,98,104,105,106,117,118,119,120,126,127,128,138,139,140,148,149,160,161,169,170,171,181,182,183,190,191,192,204,205,212,213,214,226,227,233,234,235,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,319,320,321,341,342,343,363,364,384,385,386,406,407,427,428,429,449,450,471,472,489 +5123 - 35,36,56,57,58,78,79,80,100,101,102,122,123,144,145,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,446,447,448,486 +5124 - 11,12,32,33,34,55,56,77,78,99,100,121,122,123,143,144,145,162,163,165,166,167,184,185,187,188,189,205,206,207,209,210,211,227,228,229,231,232,249,250,251,253,254,255,272,273,275,276,277,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,363,364,365,385,386,387,407,408,409,429,430,431,489 +5125 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,170,171,172,181,182,183,192,193,194,203,204,205,213,214,215,225,226,235,236,237,247,248,256,257,258,259,269,270,271,276,277,278,279,280,291,292,293,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,359,360,361,362,364,365,366,385,386,387,388,407,408,409,429,430,450,451,452,472,473,474,494 +5126 - 12,13,14,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,235,236,237,238,239,246,247,248,249,259,260,261,262,269,270,271,282,283,284,291,292,293,304,305,306,313,314,315,326,327,328,335,336,337,338,347,348,349,350,358,359,360,361,362,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,491 +5127 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,103,104,105,106,107,117,118,119,120,126,127,128,129,139,140,141,149,150,151,171,172,173,192,193,194,195,214,215,216,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,288,295,296,297,298,299,300,301,308,309,310,319,320,321,322,323,330,331,342,343,344,345,352,353,361,362,363,364,365,366,367,374,375,376,377,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,488 +5128 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +5129 - 31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,104,105,106,107,114,115,116,117,118,120,121,122,123,124,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,214,215,216,217,237,238,239,258,259,260,280,281,282,283,301,302,303,304,323,324,325,343,344,345,346,347,353,354,355,356,357,358,359,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,441,442,443,444,445,446,447,448,449,450,451,452,453,454,487 +5130 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,147,158,159,160,161,167,168,169,180,181,182,189,190,191,202,203,210,211,212,213,214,223,224,225,232,233,234,235,236,245,246,247,254,255,256,257,258,268,269,270,271,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,323,324,337,338,339,340,345,346,367,368,369,389,390,391,411,412,413,434,435,456,457,478,479,480,494 +5131 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,147,148,149,150,151,152,153,159,160,161,162,168,169,171,172,173,174,175,180,181,182,183,194,195,196,197,201,202,203,204,216,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,267,268,269,282,283,284,285,288,289,290,302,303,304,305,306,310,311,312,324,325,326,327,332,333,334,344,345,346,347,348,354,355,356,364,365,366,367,368,369,377,378,379,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,485 +5132 - 39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,250,251,252,253,272,273,274,293,294,295,296,315,316,317,336,337,338,357,358,359,360,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +5133 - 81,82,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,192,193,194,195,196,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,270,280,281,282,283,288,289,290,291,301,302,303,304,310,311,312,321,322,323,324,325,326,332,333,334,335,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,485 +5134 - 52,53,54,73,74,75,76,80,81,94,95,96,97,98,101,102,103,104,115,116,117,118,119,123,124,125,126,127,136,137,138,139,140,144,145,146,147,148,149,158,159,160,161,165,166,167,168,179,180,181,182,187,188,189,190,201,202,203,209,210,211,212,222,223,224,225,231,232,233,234,244,245,246,247,248,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,363,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,434,454,455,456,457,477,478,479,489 +5135 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,168,169,170,171,191,192,193,212,213,214,215,234,235,236,237,256,257,258,271,272,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,409,410,411,412,413,414,421,422,423,424,425,426,427,428,432,433,434,435,436,487 +5136 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,100,101,102,103,116,117,118,123,124,125,137,138,139,144,145,146,147,159,160,161,167,168,169,181,182,188,189,190,191,203,204,205,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,256,257,278,279,280,300,301,302,322,323,324,344,345,346,366,367,387,388,389,403,409,410,411,424,425,426,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,494 +5137 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,171,172,173,180,181,182,183,193,194,195,196,202,203,204,214,215,216,217,223,224,225,235,236,237,238,239,245,246,247,255,256,257,258,259,260,267,268,269,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,342,343,344,357,358,363,364,365,366,384,385,386,387,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,494 +5138 - 11,32,33,53,54,55,75,76,77,96,97,98,117,118,119,120,139,140,141,160,161,162,163,170,182,183,184,192,193,203,204,205,213,214,215,225,226,227,235,236,237,247,248,249,255,256,257,258,259,268,269,270,274,275,276,277,278,279,280,281,290,291,292,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,322,323,324,325,334,335,336,337,338,339,340,345,346,347,356,357,358,359,367,368,369,389,390,391,392,412,413,414,415,434,435,436,437,489 +5139 - 52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,125,126,127,128,135,136,137,138,139,140,148,149,150,170,171,172,191,192,193,194,211,212,213,214,215,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,295,296,297,301,302,303,324,325,326,334,345,346,347,355,356,357,367,368,369,377,378,379,380,388,389,390,391,399,400,401,402,403,404,405,406,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +5140 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,103,104,105,118,119,120,124,125,126,140,141,142,145,146,147,148,161,162,163,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,277,278,279,292,293,294,295,299,300,301,314,315,316,321,322,323,335,336,337,338,344,345,346,357,358,359,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,493 +5141 - 14,15,35,36,37,56,57,58,59,77,78,79,80,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,140,141,142,143,145,162,163,164,183,184,185,186,204,205,206,207,212,213,214,226,227,228,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,302,303,304,313,314,317,318,319,323,324,325,326,335,336,337,338,339,340,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,491 +5142 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,190,191,192,204,205,206,211,212,213,214,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,494 +5143 - 33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,104,105,117,118,125,126,127,147,148,149,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,276,277,278,299,300,321,322,323,343,344,354,355,356,364,365,366,376,377,378,379,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +5144 - 34,35,36,37,54,55,56,57,58,59,60,74,75,76,81,82,95,96,97,98,103,104,105,116,117,118,119,120,125,126,127,137,138,139,148,149,159,160,170,171,180,181,182,192,193,202,203,214,215,224,225,236,237,246,247,258,259,268,280,281,290,302,303,312,323,324,325,334,345,346,356,366,367,368,378,379,387,388,389,400,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +5145 - 12,13,14,15,32,33,34,35,36,54,55,56,74,75,76,77,96,97,98,107,108,117,118,119,129,130,138,139,140,141,151,152,160,161,162,173,174,182,183,184,195,196,203,204,205,211,212,217,218,225,226,227,232,233,234,235,236,239,240,247,248,249,252,253,254,255,256,257,258,261,262,269,270,271,273,274,275,276,277,278,279,280,281,283,284,291,292,293,294,295,296,297,301,302,303,305,306,313,314,315,316,317,318,323,324,325,327,335,336,337,338,339,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,415,416,491 +5146 - 70,71,72,92,93,94,95,114,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,190,191,192,203,204,205,206,213,214,215,225,226,227,234,235,236,237,247,248,249,256,257,258,278,279,280,299,300,301,316,317,318,319,320,321,322,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,384,385,386,387,406,407,408,427,428,429,449,450,451,470,471,472,492 +5147 - 55,56,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,206,207,208,209,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,280,281,282,283,288,289,290,291,292,301,302,303,304,305,306,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,342,343,344,345,346,347,348,353,354,355,356,362,363,364,365,366,367,368,369,375,376,377,378,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,485 +5148 - 95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,163,165,166,167,168,186,187,188,189,190,207,208,209,210,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,470,471,472,488 +5149 - 36,37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +5150 - 57,58,79,80,81,93,94,100,101,102,103,115,116,117,122,123,124,125,137,138,139,140,144,145,146,147,159,160,161,162,166,167,168,169,181,182,183,184,188,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,473,474,489 +5151 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,103,104,105,106,114,115,116,117,118,119,120,121,126,127,128,129,136,137,138,139,140,141,142,148,149,150,151,159,160,161,170,171,172,173,191,192,193,194,206,207,208,209,210,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,276,277,278,279,280,281,289,290,291,292,297,298,299,300,301,302,303,309,310,311,312,313,318,319,320,321,322,323,324,325,326,331,332,333,334,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,389,390,391,392,393,397,398,399,400,401,402,403,404,405,412,413,414,415,416,420,421,422,423,424,435,436,437,438,458,459,460,487 +5152 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,100,101,102,118,122,123,124,143,144,145,146,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,233,234,235,236,237,257,258,259,260,280,281,282,283,303,304,305,325,326,327,330,331,332,333,334,335,336,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,404,405,406,407,408,409,488 +5153 - 48,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,146,147,148,149,150,151,161,163,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,254,255,256,257,258,259,260,261,280,281,282,283,286,287,288,302,303,304,305,308,309,310,311,324,325,326,327,330,331,332,333,334,345,346,347,348,349,353,354,355,356,357,365,366,367,368,369,370,371,375,376,377,378,379,380,381,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,470,471,472,473,488 +5154 - 61,63,64,81,82,83,84,85,86,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,171,172,173,174,182,183,184,185,186,187,188,189,193,194,195,196,202,203,204,205,206,207,208,209,215,216,217,218,223,224,225,226,227,228,229,237,238,239,240,244,245,246,247,248,249,250,258,259,260,261,262,265,266,267,268,269,270,271,279,280,281,282,283,287,288,289,290,291,292,300,301,302,303,304,309,310,311,312,313,314,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,424,425,426,485 +5155 - 79,80,99,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,285,289,290,291,292,295,296,297,317,318,319,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,447,489 +5156 - 24,25,26,27,28,29,45,46,47,48,49,50,51,52,53,54,55,56,57,67,68,69,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,122,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,214,231,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,487 +5157 - 127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,165,166,167,168,169,170,171,172,173,183,184,185,188,189,205,206,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,277,278,279,280,288,289,290,298,299,300,301,310,311,312,313,314,315,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,490 +5158 - 87,105,106,107,108,109,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,164,165,166,167,168,169,181,182,183,184,185,186,187,188,203,204,205,206,207,208,225,226,227,228,247,248,249,269,270,271,292,293,314,315,316,337,338,339,360,361,362,382,383,384,404,405,425,426,427,446,447,448,449,467,468,469,470,490 +5159 - 13,14,15,16,33,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,191,192,193,203,204,205,206,207,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,281,282,283,284,285,289,290,291,292,294,295,296,297,302,303,304,305,306,310,311,312,313,314,315,316,317,318,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,491 +5160 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,116,117,123,124,125,145,146,147,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,234,255,256,257,277,278,279,300,301,302,322,323,324,343,344,345,359,365,366,367,381,382,386,387,388,389,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,488 +5161 - 76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,148,149,150,156,157,158,159,160,161,169,170,171,172,178,179,180,181,191,192,193,194,201,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,428,444,445,446,447,448,449,450,466,467,468,469,470,492 +5162 - 24,25,26,27,28,29,30,31,32,33,45,46,47,48,49,50,51,52,53,54,55,56,57,66,67,68,69,70,75,76,77,78,79,80,89,99,100,101,102,103,124,125,126,147,148,149,169,170,171,192,193,194,214,215,216,236,237,238,250,251,252,253,258,259,260,271,272,273,274,275,276,280,281,282,292,293,294,295,296,297,298,299,301,302,303,313,314,315,319,320,321,322,323,324,325,335,336,337,342,343,344,345,346,347,357,358,365,366,367,368,379,380,381,386,387,388,389,390,401,402,403,404,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,447,448,449,450,451,452,487 +5163 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,103,104,105,106,107,108,118,119,120,121,124,125,126,127,128,129,130,140,141,142,143,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,297,298,299,300,301,310,311,312,313,314,315,320,321,322,323,324,332,333,334,335,343,344,345,346,353,354,355,356,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,493 +5164 - 72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,143,144,145,146,147,149,159,160,161,162,180,181,182,183,203,204,205,206,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,343,344,345,346,347,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,450,451,452,453,454,468,469,470,471,472,473,474,490 +5165 - 98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,169,170,171,172,173,174,182,183,184,185,190,191,192,193,194,195,203,204,205,206,211,212,213,214,215,216,225,226,227,228,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,494 +5166 - 10,11,12,13,14,15,32,33,34,35,36,37,38,58,59,60,80,81,82,83,103,104,105,125,126,127,147,148,149,169,170,171,182,183,184,185,191,192,193,202,203,204,205,206,207,208,209,213,214,215,223,224,225,226,227,228,229,230,231,232,234,235,236,237,245,246,247,251,252,253,254,255,256,257,258,266,267,268,269,274,275,276,277,278,279,288,289,290,291,297,298,299,300,301,310,311,312,313,319,320,321,322,323,333,334,335,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,366,367,368,369,370,378,379,380,381,382,383,384,385,389,390,391,402,403,404,405,406,487 +5167 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,149,150,151,152,159,160,161,162,163,164,165,166,167,168,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,193,194,195,196,201,202,203,204,205,209,210,211,212,213,215,216,217,218,222,223,224,225,226,232,233,234,235,237,238,239,240,244,245,246,247,258,259,260,261,262,265,266,267,268,269,272,280,281,282,283,287,288,289,290,293,301,302,303,304,305,309,310,311,322,323,324,325,326,331,332,333,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,377,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,485 +5168 - 60,61,62,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,445,446,447,448,467,468,469,470,486 +5169 - 38,39,40,41,60,61,62,63,81,82,83,84,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,400,401,402,403,422,423,424,425,444,445,446,447,486 +5170 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,97,98,99,105,106,107,117,118,119,120,121,128,129,130,139,140,141,142,150,151,152,161,162,163,164,171,172,173,174,182,183,184,185,186,187,188,189,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,251,252,253,254,255,256,257,258,268,269,270,275,276,277,278,279,289,290,291,292,299,300,301,302,311,312,313,322,323,324,333,334,335,344,345,346,355,356,357,366,367,368,377,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,493 +5171 - 60,61,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,145,149,150,151,165,170,171,172,173,191,192,193,194,213,214,215,216,225,226,227,228,229,230,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,287,288,289,290,293,294,295,296,297,298,299,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,330,331,332,333,334,335,336,337,338,339,341,342,343,344,352,353,354,355,356,357,358,359,364,365,366,367,374,375,376,377,378,386,387,388,389,408,409,410,411,412,413,431,432,433,434,487 +5172 - 97,98,99,100,101,105,117,118,119,120,121,122,123,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,166,167,168,169,170,171,180,181,182,183,188,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,255,256,257,268,269,270,271,272,273,274,277,278,279,291,292,293,294,295,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +5173 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,144,146,147,148,149,150,162,163,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,279,280,281,282,300,301,302,303,304,321,322,323,324,325,330,331,341,342,343,344,345,346,352,353,354,355,356,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,488 +5174 - 77,78,79,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,166,167,168,183,184,185,186,188,189,190,204,205,206,207,210,211,212,226,227,228,232,233,234,247,248,249,254,255,256,269,270,271,276,277,278,291,292,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,486 +5175 - 101,102,103,104,122,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,294,295,296,297,303,304,305,306,307,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,423,424,425,489 +5176 - 33,34,35,55,56,57,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +5177 - 102,103,104,105,106,107,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,300,301,302,310,311,312,313,314,315,316,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,384,385,490 +5178 - 95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,167,168,169,177,178,179,180,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,492 +5179 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,233,234,235,236,237,238,245,246,247,248,249,252,253,254,255,256,257,258,259,260,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,294,295,296,297,298,299,300,302,303,304,305,311,312,313,314,315,316,317,318,319,320,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +5180 - 33,34,54,55,56,76,77,78,97,98,99,118,119,120,121,139,140,141,142,160,161,162,163,171,182,183,184,192,193,194,203,204,205,206,214,215,216,225,226,227,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,320,321,322,323,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,489 +5181 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,169,170,171,172,177,178,179,180,181,191,192,193,194,199,200,201,213,214,215,220,221,222,233,234,235,236,237,243,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +5182 - 115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,211,212,213,214,215,220,221,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,456,474,475,476,477,478,492 +5183 - 60,61,62,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,128,129,130,131,139,140,141,142,143,149,150,151,152,153,161,162,163,164,170,171,172,173,174,183,184,185,191,192,193,194,205,206,207,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,334,335,336,340,341,342,355,356,357,362,363,364,377,378,379,384,385,386,399,400,401,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,467,468,493 +5184 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,78,79,80,81,82,102,103,104,124,125,126,145,146,147,148,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,231,232,233,234,254,255,256,276,277,278,298,299,300,321,322,343,344,365,366,376,377,378,379,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +5185 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,147,148,149,159,160,161,162,168,169,170,171,178,181,182,183,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,297,298,299,300,318,319,320,321,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,494 +5186 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,121,122,123,124,135,136,137,143,144,145,164,165,166,167,186,187,188,207,208,209,210,228,229,230,231,232,250,251,252,253,254,255,256,273,274,275,276,277,278,279,280,298,299,300,301,302,303,322,323,324,325,326,345,346,347,348,368,369,370,388,389,390,391,392,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,469,470,471,472,473,488 +5187 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,128,129,130,131,139,140,141,142,143,144,145,151,152,153,160,161,162,163,164,165,166,167,173,174,175,181,182,183,184,185,186,195,196,197,202,203,204,205,206,207,216,217,218,219,224,225,226,227,228,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,365,366,367,368,369,376,377,378,379,385,386,387,388,389,390,398,399,400,401,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +5188 - 53,54,55,56,57,75,76,77,78,79,80,96,97,98,100,101,102,118,119,120,140,141,142,162,163,184,185,205,206,207,227,228,229,249,250,251,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,338,344,345,346,366,367,388,389,409,410,411,430,431,432,433,451,452,453,454,473,474,475,490 +5189 - 39,40,41,60,61,62,81,82,83,84,102,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,486 +5190 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,100,101,102,103,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,379,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +5191 - 37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,191,192,193,194,195,212,213,214,215,216,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,344,345,346,347,352,353,354,355,356,357,358,359,360,361,366,367,368,369,370,374,375,376,377,378,379,380,381,382,389,390,391,392,393,396,397,398,399,400,401,402,412,413,414,415,419,420,421,434,435,436,437,457,458,487 +5192 - 52,53,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,127,138,139,140,142,143,145,146,147,148,149,159,160,161,166,167,168,169,170,171,172,181,182,183,187,188,189,190,192,193,194,203,204,205,208,209,210,211,214,215,216,225,226,227,230,231,232,236,237,238,247,248,249,251,252,253,258,259,260,269,270,271,273,274,275,280,281,282,291,292,293,294,295,296,302,303,304,313,314,315,316,317,318,324,325,335,336,337,338,339,340,346,347,357,358,359,360,361,367,368,369,379,380,381,382,383,388,389,390,391,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +5193 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,121,122,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,256,257,258,259,260,279,280,281,282,286,302,303,304,308,309,310,323,324,325,326,330,331,332,333,334,335,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,427,428,429,430,431,488 +5194 - 77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,237,238,239,240,244,245,246,247,261,262,263,266,267,268,277,278,283,284,285,288,289,290,299,300,304,305,306,307,311,312,313,321,322,324,325,326,327,328,329,333,334,335,336,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,485 +5195 - 80,81,82,83,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,189,190,191,192,203,204,205,206,207,208,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,275,276,277,278,281,282,283,284,287,288,289,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,489 +5196 - 53,54,55,56,57,58,59,60,73,74,75,76,77,80,81,82,83,94,95,96,104,105,106,115,116,117,127,128,129,135,136,137,138,150,151,152,157,158,159,173,174,179,180,195,196,200,201,202,217,218,223,224,240,245,246,261,262,267,268,283,284,289,290,291,305,306,312,313,327,328,334,335,349,356,357,358,370,371,379,380,391,392,393,401,402,403,412,413,414,424,425,426,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,485 +5197 - 76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,146,147,148,149,156,157,158,159,160,161,168,169,170,171,179,180,190,191,192,193,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +5198 - 48,49,69,70,71,72,83,84,92,93,94,104,105,106,115,116,117,127,128,137,138,139,149,150,159,160,171,172,181,182,193,194,202,203,204,214,215,216,224,225,226,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,324,325,326,333,334,346,347,348,368,369,390,391,412,413,434,435,456,457,458,479,480,489 +5199 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,125,126,127,128,129,130,131,140,141,142,143,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,335,336,337,338,342,343,344,345,357,358,359,364,365,366,367,378,379,380,385,386,387,388,400,401,402,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,493 +5200 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,102,103,118,119,124,125,140,141,146,147,162,163,168,169,170,171,184,185,189,190,191,192,193,206,207,211,212,213,214,228,229,230,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,363,364,380,381,382,383,385,386,387,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,450,451,452,493 +5201 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,127,139,140,141,142,147,148,149,161,162,163,168,169,170,171,183,184,185,189,190,191,192,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,494 +5202 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,145,146,147,148,149,150,151,157,158,159,160,161,169,170,171,172,173,179,180,181,182,193,194,195,196,200,201,202,203,204,216,217,218,222,223,224,225,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,329,332,333,334,347,348,349,350,355,356,357,358,368,369,370,371,378,379,380,381,385,386,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,485 +5203 - 56,57,60,61,62,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,193,194,195,196,203,204,205,206,207,208,209,212,213,215,216,217,218,225,226,227,228,229,230,237,238,239,240,246,247,248,249,258,259,260,261,262,267,268,269,270,279,280,281,282,283,289,290,291,292,300,301,302,303,304,311,312,313,314,322,323,324,325,326,333,334,335,342,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,376,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,470,485 +5204 - 56,57,58,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,471,472,473,486 +5205 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,124,125,126,127,128,136,137,138,139,140,146,147,148,149,158,159,160,167,168,169,170,180,181,182,188,189,190,191,192,202,203,204,205,206,210,211,212,213,225,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,364,365,366,367,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +5206 - 99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,492 +5207 - 75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,147,148,149,150,151,167,168,169,170,171,172,188,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,301,302,303,322,323,324,325,343,344,345,346,347,352,353,363,364,365,366,367,368,374,375,376,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +5208 - 74,75,76,77,78,96,97,98,99,100,117,118,119,120,121,122,138,139,140,141,143,144,145,160,161,162,163,165,166,167,168,181,182,183,184,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,254,255,256,270,271,272,273,274,276,277,278,279,292,293,294,295,298,299,300,301,315,316,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,431,432,433,454,455,476,477,478,494 +5209 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,147,148,149,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,494 +5210 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,126,127,128,138,139,140,160,161,162,182,183,184,185,186,205,206,207,208,209,210,228,229,230,231,232,233,234,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,302,321,322,323,324,343,344,345,365,366,367,380,381,386,387,388,389,400,401,402,403,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +5211 - 98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,146,147,148,149,150,152,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,300,301,302,303,322,323,324,332,333,334,335,336,337,338,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,490 +5212 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,125,126,139,140,141,142,147,148,160,161,162,163,169,170,182,183,184,190,191,192,203,204,205,211,212,213,225,226,232,233,234,235,246,247,248,253,254,255,256,268,269,270,274,275,276,277,278,291,292,293,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,338,339,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +5213 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,280,281,282,283,290,291,292,293,294,295,296,297,301,302,303,304,305,312,313,314,315,316,317,318,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +5214 - 93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,167,168,169,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,360,361,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,492 +5215 - 54,55,56,57,58,59,60,61,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,105,106,107,108,117,118,119,120,127,128,129,130,139,140,141,148,149,150,151,152,161,162,163,169,170,171,172,173,182,183,184,185,190,191,192,193,194,205,206,207,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,312,313,314,315,318,319,320,321,333,334,335,336,341,342,343,355,356,357,363,364,365,377,378,379,385,386,387,399,400,406,407,408,409,421,422,423,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +5216 - 53,54,55,56,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,187,188,189,190,191,192,193,194,209,210,211,212,213,214,215,216,217,230,231,232,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,261,273,274,275,276,277,278,279,281,282,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,450,469,470,471,487 +5217 - 81,82,83,102,103,104,105,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,327,328,329,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,447,448,489 +5218 - 12,13,14,15,33,34,35,36,37,54,55,56,75,76,77,97,98,118,119,120,140,141,161,162,163,183,184,188,205,206,209,210,211,212,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,255,256,257,270,271,272,273,274,278,279,280,292,293,294,295,296,301,302,303,314,315,316,317,324,325,336,337,338,346,347,358,359,360,368,369,380,381,382,383,388,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +5219 - 77,78,79,80,81,96,97,98,99,100,101,102,103,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,146,147,148,149,150,159,160,161,162,163,168,169,170,171,172,181,182,183,184,189,190,191,192,193,194,203,204,205,206,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,494 +5220 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,126,127,128,138,139,140,141,148,149,150,159,160,161,162,169,170,171,172,181,182,183,189,190,191,192,193,202,203,204,210,211,212,213,214,225,226,227,231,232,233,234,247,248,249,250,252,253,254,255,270,271,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,363,364,380,381,382,385,386,387,402,403,404,405,408,409,410,425,426,427,428,430,431,432,449,450,451,452,453,454,472,473,474,475,476,493 +5221 - 37,38,39,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +5222 - 7,8,9,29,30,31,51,52,72,73,74,94,95,96,116,117,118,137,138,139,159,160,161,181,182,183,191,192,193,202,203,204,205,211,212,213,214,215,216,225,226,227,232,233,234,235,236,237,238,239,240,247,248,249,252,253,254,255,256,257,258,259,260,261,262,269,270,271,274,275,276,277,283,284,291,292,293,295,296,297,298,304,305,306,313,314,315,316,317,318,319,325,326,327,328,336,337,338,339,340,341,346,347,348,349,358,359,360,361,362,363,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +5223 - 101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,169,170,171,172,173,178,179,180,181,182,183,184,191,192,193,194,201,202,213,214,215,216,234,235,236,237,238,256,257,258,259,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +5224 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,124,125,140,141,142,145,146,147,162,163,167,168,169,184,185,188,189,190,206,207,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,276,277,298,299,319,320,321,341,342,343,363,364,385,386,406,407,408,428,429,449,450,451,471,472,473,494 +5225 - 37,38,39,40,59,60,61,62,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +5226 - 11,12,13,33,34,35,54,55,56,75,76,77,78,97,98,99,119,120,121,140,141,142,161,162,163,169,170,171,183,184,185,189,190,191,192,193,194,204,205,206,210,211,212,213,214,215,216,217,225,226,227,228,231,232,233,234,237,238,239,247,248,249,252,253,254,259,260,268,269,270,271,273,274,275,280,281,282,290,291,292,295,296,297,301,302,303,312,313,314,317,318,321,322,323,324,334,335,336,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,402,403,404,405,406,407,408,409,410,427,428,429,430,431,491 +5227 - 35,36,37,38,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,126,127,128,129,139,140,141,142,149,150,151,162,163,170,171,172,173,191,192,193,194,195,205,206,207,208,209,210,211,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,274,275,276,277,278,279,280,288,289,290,291,295,296,297,298,299,300,301,302,303,309,310,311,312,313,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,336,337,338,339,340,341,342,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,367,368,369,370,374,375,376,377,378,379,380,381,382,389,390,391,392,396,397,398,399,400,401,402,403,411,412,413,414,415,418,419,420,421,422,423,434,435,436,437,441,442,456,457,458,459,487 +5228 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,144,145,146,147,148,149,150,158,159,160,161,162,166,167,168,169,170,171,172,173,179,180,181,182,183,192,193,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,336,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,451,452,453,454,455,485 +5229 - 98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,169,170,171,172,173,174,182,183,184,185,190,191,192,193,194,195,204,205,206,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,494 +5230 - 8,9,10,11,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,213,214,226,227,228,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,257,258,259,270,271,272,273,274,275,276,279,280,281,292,293,294,295,296,297,298,301,302,303,314,315,316,317,318,319,322,323,324,325,337,338,339,340,341,344,345,346,347,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,428,429,430,431,491 +5231 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,239,247,248,249,250,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,274,275,276,277,278,279,281,282,283,284,290,291,292,293,296,297,298,299,303,304,305,311,312,313,314,315,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,491 +5232 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,80,81,82,97,98,102,103,104,124,125,126,146,147,167,168,169,188,189,190,210,211,212,231,232,233,252,253,254,274,275,295,296,297,316,317,318,337,338,339,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,434,445,446,447,487 +5233 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,466,467,468,469,494 +5234 - 54,55,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,230,231,232,252,253,254,274,275,276,296,297,298,319,320,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,474,475,486 +5235 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +5236 - 24,27,28,29,30,31,32,33,34,35,36,37,38,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,89,90,91,92,93,94,95,96,97,98,99,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,338,339,340,341,342,357,358,359,360,361,362,363,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,445,446,447,448,449,450,451,457,458,459,487 +5237 - 37,38,39,58,59,60,61,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,322,323,324,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +5238 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,122,123,124,125,126,143,144,145,146,147,148,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,384,385,386,387,388,389,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,488 +5239 - 36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,486 +5240 - 30,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,140,141,142,162,163,164,165,166,169,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,228,229,230,232,235,236,237,238,258,259,260,280,281,282,302,303,304,323,324,325,326,333,334,335,336,344,345,346,347,354,355,356,357,358,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +5241 - 14,15,16,17,18,19,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,83,84,85,97,98,99,100,101,105,106,107,108,119,120,121,122,127,128,129,148,149,150,151,169,170,171,172,173,191,192,193,194,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,296,297,298,299,300,301,302,303,310,311,312,313,317,318,319,320,321,322,323,324,325,331,332,333,334,338,339,340,341,342,343,344,345,346,347,353,354,355,358,359,360,361,362,363,366,367,368,369,375,376,377,378,379,380,381,382,383,384,389,390,391,398,399,400,401,402,403,404,405,411,412,420,421,422,423,424,487 +5242 - 72,73,74,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,166,167,168,169,189,190,191,210,211,212,213,232,233,234,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +5243 - 58,59,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,127,128,129,130,131,139,140,141,142,148,149,150,151,161,162,163,169,170,171,172,183,184,185,190,191,192,193,205,206,207,211,212,213,214,228,229,230,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,493 +5244 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,122,124,125,126,127,138,139,140,141,148,149,150,159,160,161,162,170,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,227,238,239,245,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,304,305,311,312,313,325,326,327,333,334,335,346,347,348,349,355,356,357,358,367,368,369,370,377,378,379,380,381,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,485 +5245 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,406,422,423,424,425,426,427,428,445,446,447,448,449,486 +5246 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,191,192,193,194,195,196,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,236,237,238,239,240,245,246,247,248,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,303,304,305,306,310,311,312,313,314,315,325,326,327,328,333,334,335,336,337,338,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,485 +5247 - 56,57,58,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,124,125,126,127,136,137,138,139,140,141,147,148,149,159,160,161,168,169,170,171,182,190,191,192,193,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,275,276,277,278,279,280,281,282,288,289,290,291,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,346,347,348,349,353,354,355,356,357,358,359,360,361,362,368,369,370,371,376,377,378,379,380,381,382,383,391,392,393,394,399,400,413,414,415,416,436,437,487 +5248 - 26,27,28,29,30,31,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,114,115,116,117,118,136,137,138,139,140,159,160,161,162,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,249,250,251,252,253,254,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,343,344,345,346,347,359,360,361,362,363,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,456,493 +5249 - 34,35,36,37,38,55,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,148,149,150,161,162,163,164,165,166,167,170,171,172,183,184,185,186,187,188,192,193,194,204,205,206,207,208,209,214,215,216,225,226,227,228,229,235,236,237,238,247,248,249,250,251,257,258,259,260,268,269,270,271,272,278,279,280,281,289,290,291,292,293,300,301,302,303,311,312,313,314,321,322,323,324,333,334,335,336,342,343,344,345,355,356,357,358,362,363,364,365,366,377,378,379,380,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,485 +5250 - 35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,125,126,127,128,135,136,137,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,247,248,249,250,251,252,253,268,269,270,271,272,273,289,290,291,292,293,294,310,311,312,313,314,332,333,334,335,354,355,356,357,358,359,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,487 +5251 - 96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,170,171,172,173,178,179,180,191,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,470,492 +5252 - 26,27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,102,103,104,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,250,251,252,253,272,273,274,275,276,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,488 +5253 - 101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,170,171,172,173,180,181,182,183,184,185,191,192,193,194,202,203,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,466,467,468,469,492 +5254 - 77,78,79,80,98,99,100,101,102,103,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,167,169,170,183,184,185,205,206,207,227,228,229,249,250,251,271,272,273,274,294,295,296,297,317,318,319,320,340,341,342,362,363,364,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,467,468,469,470,471,490 +5255 - 125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,184,185,186,187,188,204,205,206,207,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,279,289,291,292,293,298,299,300,301,310,311,312,313,314,315,316,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,490 +5256 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,321,322,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,430,431,432,433,452,453,454,486 +5257 - 33,34,35,36,37,38,54,55,56,57,58,59,60,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,104,105,106,107,108,118,119,120,121,125,126,127,128,129,140,141,142,143,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,184,185,186,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,319,320,321,334,335,336,337,338,341,342,343,344,356,357,358,363,364,365,366,376,377,378,379,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,451,493 +5258 - 7,8,9,10,11,12,13,14,15,29,35,36,37,58,59,60,81,82,103,104,105,126,127,148,149,170,171,192,193,214,215,222,223,224,225,226,227,228,229,236,237,243,244,245,246,247,248,249,250,251,252,253,257,258,259,265,266,267,273,274,275,276,278,279,280,287,288,297,298,299,300,301,302,309,310,320,321,322,323,324,331,332,333,341,342,343,344,345,346,347,354,355,360,361,362,363,364,365,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,391,392,393,394,399,400,401,402,403,404,405,406,415,487 +5259 - 35,36,37,38,39,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,105,106,107,108,116,117,118,119,120,121,127,128,129,130,138,139,140,149,150,151,152,170,171,172,173,192,193,194,203,204,205,206,207,208,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,274,275,276,277,278,279,280,288,289,290,295,296,297,298,299,300,301,302,303,310,311,312,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,344,345,346,347,353,354,355,356,357,358,359,360,361,362,366,367,368,369,370,375,376,377,378,379,380,381,382,389,390,391,392,399,400,401,412,413,414,415,434,435,436,437,438,487 +5260 - 32,33,34,35,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,102,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,203,204,205,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,237,247,248,249,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,279,280,281,282,292,293,294,295,296,302,303,304,314,315,316,324,325,326,337,338,345,346,347,359,360,361,367,368,369,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,491 +5261 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,148,149,150,160,161,162,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,494 +5262 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,486 +5263 - 64,65,79,80,81,82,83,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,149,150,151,152,153,162,163,164,165,166,170,171,172,173,174,184,185,186,187,191,192,193,194,195,206,207,208,211,212,213,214,215,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,291,292,293,294,295,296,297,313,314,315,316,317,318,319,320,334,335,336,337,339,340,341,342,355,356,357,358,362,363,364,365,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +5264 - 94,100,101,115,116,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,168,169,170,180,181,182,183,190,191,192,202,203,212,213,214,223,224,225,234,235,236,245,246,256,257,258,267,268,278,279,280,289,299,300,301,302,310,311,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,451,452,472,473,474,492 +5265 - 60,81,82,83,84,103,104,105,106,124,125,126,127,128,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,308,309,310,311,312,313,317,318,319,320,327,330,331,332,333,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,489 +5266 - 31,32,33,35,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,146,147,148,149,150,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,192,193,194,195,203,204,205,206,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,282,283,290,291,303,304,305,311,312,313,314,323,324,325,326,327,333,334,335,336,337,345,346,347,348,355,356,357,358,359,360,361,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +5267 - 12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,214,215,225,226,227,228,234,235,236,237,238,239,240,247,248,249,255,256,257,258,259,260,261,262,268,269,270,271,276,277,278,279,280,282,283,284,285,290,291,292,298,299,300,303,304,305,306,312,313,314,319,320,321,322,323,324,325,326,327,334,335,336,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,491 +5268 - 10,11,12,31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,100,101,113,114,115,116,117,118,123,124,125,126,135,136,137,138,139,145,146,147,148,149,150,156,157,158,159,160,169,170,171,172,173,178,179,180,181,192,193,194,195,196,200,201,202,203,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,259,260,261,262,263,266,267,268,269,270,282,283,284,285,289,290,291,292,293,304,305,306,307,311,312,313,314,315,316,325,326,327,328,329,333,334,335,336,337,338,339,347,348,349,350,357,358,359,360,361,362,363,364,365,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,485 +5269 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,168,169,170,171,178,179,180,181,182,190,191,192,193,203,204,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,468,469,470,471,492 +5270 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,249,250,251,252,253,254,273,274,275,276,277,296,297,298,299,300,319,320,321,322,323,342,343,344,345,346,365,366,367,368,386,387,388,389,390,407,408,409,410,411,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +5271 - 36,37,38,58,59,60,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +5272 - 55,56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,170,171,172,184,185,186,187,188,189,192,193,194,205,206,207,208,209,210,214,215,216,226,227,228,229,230,231,236,237,238,248,249,250,251,253,257,258,259,260,270,271,272,279,280,281,282,291,292,293,294,301,302,303,313,314,315,316,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,364,365,366,367,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,469,470,471,472,485 +5273 - 12,13,14,15,16,33,34,35,36,37,38,54,55,56,57,58,59,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,122,138,139,140,141,142,160,161,162,163,164,181,182,183,184,185,203,204,205,206,212,213,214,215,216,224,225,226,227,228,232,233,234,235,236,237,238,239,246,247,248,249,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,295,296,297,298,299,302,303,304,305,311,312,313,314,316,317,318,319,320,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +5274 - 12,13,14,15,33,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,166,183,184,185,186,187,189,190,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,425,426,427,428,429,491 +5275 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,146,147,148,149,150,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,207,209,213,214,215,216,223,224,225,226,227,228,235,236,237,238,245,246,247,248,249,250,257,258,259,267,268,269,270,271,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,333,334,335,336,342,343,344,345,346,355,356,357,358,362,363,364,365,366,367,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +5276 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,137,138,139,144,145,146,147,158,159,166,167,168,169,180,181,188,189,190,191,201,202,203,210,211,212,213,223,224,225,231,232,233,234,246,247,252,253,254,255,256,268,269,270,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +5277 - 73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,145,146,147,148,149,150,158,159,160,165,166,167,168,169,170,171,182,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,249,250,254,255,256,257,258,259,260,279,280,281,282,283,303,304,305,324,325,326,327,344,345,346,347,348,349,354,355,356,357,364,365,366,367,368,369,374,375,376,377,378,379,380,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,488 +5278 - 52,53,54,72,73,74,75,76,93,94,95,96,97,98,115,116,117,119,120,121,138,139,141,142,162,163,164,184,185,186,191,206,207,208,212,213,214,227,228,229,234,235,236,249,250,251,256,257,258,270,271,272,273,274,275,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,318,319,320,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,431,432,433,453,454,455,475,476,477,489 +5279 - 12,13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,81,97,98,99,100,118,119,120,121,122,139,140,141,142,160,161,162,163,164,182,183,184,185,186,204,205,206,207,225,226,227,228,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,272,274,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,302,303,304,312,313,314,316,317,318,319,320,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +5280 - 76,77,78,97,98,99,100,118,119,120,121,124,125,139,140,141,142,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,190,191,192,202,203,204,205,206,207,208,212,213,214,224,225,226,227,228,234,235,236,255,256,257,277,278,279,299,300,320,321,322,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,492 +5281 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,126,127,128,129,130,139,140,141,142,148,149,150,151,161,162,163,164,168,169,170,171,172,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,363,364,365,378,379,380,384,385,386,387,399,400,401,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,493 +5282 - 94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,144,145,146,157,158,159,167,168,169,170,178,179,180,189,190,191,192,200,201,202,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,278,279,280,281,291,292,293,294,295,296,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +5283 - 101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,170,171,172,173,180,181,182,183,184,185,186,192,193,194,195,201,202,203,204,205,214,215,216,217,224,225,226,227,234,235,236,237,238,247,248,249,256,257,258,259,260,277,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,445,446,447,448,449,450,466,467,468,469,470,492 +5284 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,116,117,118,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,227,228,229,230,231,232,248,249,250,251,252,253,254,271,272,273,274,275,276,277,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,346,356,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,488 +5285 - 37,38,39,59,60,61,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,146,147,148,149,150,161,162,163,164,165,168,169,170,171,172,182,183,184,185,186,191,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,228,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,289,290,291,292,301,302,303,311,312,313,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +5286 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,123,124,125,126,127,128,137,138,139,140,148,149,150,158,159,160,161,170,171,172,180,181,182,183,192,193,194,202,203,204,214,215,216,223,224,225,226,236,237,238,245,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,292,302,303,304,311,312,313,323,324,325,326,333,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,470,471,472,473,485 +5287 - 81,82,83,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,309,310,311,312,313,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,424,425,426,489 +5288 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,102,103,104,105,118,119,125,126,127,139,140,141,148,149,161,162,170,171,183,184,192,193,205,214,215,226,227,235,236,237,248,249,257,258,259,270,271,279,280,292,293,301,302,314,315,323,324,336,337,345,358,359,366,367,380,381,382,387,388,389,402,403,404,409,410,425,426,427,429,430,431,447,448,449,450,451,452,470,471,472,473,485 +5289 - 57,58,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,127,128,129,130,140,141,142,143,150,151,152,163,171,172,173,174,193,194,195,214,215,216,217,228,229,230,231,232,233,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,297,298,299,300,301,302,310,311,312,313,317,318,319,320,321,322,323,324,325,331,332,333,334,337,338,339,340,341,342,345,346,347,353,354,355,356,357,358,359,360,361,362,363,367,368,369,375,376,377,378,379,380,381,382,383,389,390,391,392,397,398,399,400,401,402,403,412,413,414,420,421,422,487 +5290 - 15,16,17,18,36,37,38,39,40,41,57,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +5291 - 76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,162,163,168,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +5292 - 60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,140,141,142,143,144,145,161,162,163,164,165,166,167,183,184,185,186,187,188,205,206,207,208,209,228,229,230,250,251,252,272,273,274,291,294,295,296,297,298,312,313,317,318,319,320,321,334,335,340,341,342,343,356,357,363,364,365,366,378,379,380,386,387,388,401,402,403,407,408,409,423,424,425,426,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,490 +5293 - 39,40,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,128,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,304,305,306,309,310,311,312,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,444,445,446,447,489 +5294 - 13,14,15,16,35,36,37,38,39,56,57,58,59,60,77,78,79,80,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,207,208,209,210,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,299,300,316,317,318,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,491 +5295 - 79,80,81,82,101,102,103,104,122,123,124,125,126,142,143,144,145,146,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,244,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,294,295,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,326,327,328,329,336,337,338,339,358,359,360,361,380,381,382,402,403,489 +5296 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,122,123,124,138,139,140,141,143,144,145,146,160,161,162,165,166,167,168,181,182,183,187,188,189,190,203,204,205,206,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,343,344,345,361,362,363,365,366,367,383,384,385,387,388,389,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,472,473,474,493 +5297 - 56,57,58,59,60,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,129,140,141,142,148,149,150,151,170,171,172,192,193,194,212,213,214,215,216,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,316,317,318,319,320,321,322,323,324,331,332,333,334,336,337,338,339,340,341,342,345,346,347,352,353,354,355,356,357,358,359,360,361,362,367,368,369,374,375,376,377,378,379,380,381,382,389,390,391,396,397,398,399,400,401,402,413,419,420,421,422,487 +5298 - 137,138,139,140,141,149,150,151,152,158,159,160,161,162,170,171,172,173,174,175,179,180,181,182,196,197,200,201,202,203,217,218,219,222,223,224,238,239,240,241,244,245,258,259,260,261,262,266,267,268,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,485 +5299 - 61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,167,168,169,170,171,183,184,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,345,357,358,359,360,363,364,365,366,378,379,380,381,385,386,387,388,399,400,401,402,403,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,493 +5300 - 89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,186,187,188,189,190,191,192,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +5301 - 37,38,39,40,59,60,61,62,80,81,82,83,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,378,379,380,381,382,400,401,402,403,421,422,423,424,425,426,443,444,445,446,486 +5302 - 91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,167,168,169,170,171,172,192,193,194,195,215,216,217,237,238,239,259,260,261,280,281,282,283,301,302,303,304,323,324,325,326,344,345,346,347,365,366,367,368,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,448,449,450,451,452,470,471,472,473,492 +5303 - 102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,184,185,186,187,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,279,280,281,282,299,300,301,302,303,310,311,312,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,490 +5304 - 30,31,32,33,52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +5305 - 61,62,63,64,83,84,85,86,104,105,106,107,125,126,127,128,129,146,147,148,149,150,166,167,168,169,170,171,172,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,443,444,445,446,465,466,467,486 +5306 - 47,48,49,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,118,119,120,121,122,123,124,125,145,146,147,168,169,190,191,211,212,213,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,339,340,360,361,362,382,383,395,404,405,406,411,412,413,414,415,416,417,426,427,428,429,430,431,432,433,434,435,436,437,438,449,450,451,452,453,454,455,456,473,474,487 +5307 - 140,141,142,143,144,145,160,161,162,163,164,165,166,167,168,182,183,184,185,188,189,190,210,211,212,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,284,285,289,290,291,292,293,294,295,296,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,323,324,325,326,327,328,329,333,334,335,336,337,487 +5308 - 73,74,75,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,134,135,136,137,138,139,140,141,142,143,144,156,157,158,159,163,164,165,166,167,186,187,188,189,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,492 +5309 - 107,108,109,121,122,123,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,184,185,186,187,205,206,207,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,278,279,280,288,289,299,300,301,302,310,311,312,313,314,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,382,383,490 +5310 - 33,34,35,36,37,38,54,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,208,227,228,229,230,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,301,302,303,315,316,317,318,319,320,323,324,325,337,338,339,341,345,346,347,359,360,361,367,368,369,381,382,383,384,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,491 +5311 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,203,204,205,206,212,213,214,224,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,303,304,305,311,312,313,314,315,316,317,318,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +5312 - 71,72,73,92,93,94,95,96,107,113,114,115,116,117,118,119,128,129,130,134,135,136,137,138,139,140,141,142,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,209,210,211,212,213,214,215,216,221,222,223,224,232,233,234,235,236,237,243,244,255,256,257,258,259,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,409,410,411,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,492 +5313 - 80,81,82,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,190,191,192,203,204,205,206,207,208,211,212,213,214,223,224,225,226,227,228,232,233,234,235,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,308,309,310,319,320,321,322,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,448,489 +5314 - 8,9,10,11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,50,51,52,53,58,59,60,81,82,83,103,104,105,125,126,147,148,169,170,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,291,292,293,294,312,313,314,315,334,335,336,356,357,366,368,377,378,379,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,431,432,433,487 +5315 - 96,97,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,255,256,257,258,259,260,261,264,265,266,267,268,281,282,283,286,287,288,289,290,301,302,303,304,305,308,309,310,319,320,321,322,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,488 +5316 - 51,52,53,54,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,133,134,135,136,137,146,147,155,156,157,158,167,168,169,170,177,178,179,180,188,189,190,191,192,199,200,201,202,210,211,212,213,214,221,222,223,224,225,232,233,234,235,236,243,244,245,246,247,248,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,300,301,302,303,304,314,315,316,322,323,324,325,326,344,345,346,347,348,367,368,369,370,371,390,391,392,393,394,412,413,414,415,416,434,435,436,437,438,457,458,459,460,480,481,494 +5317 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,101,102,103,104,105,116,117,118,119,120,121,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,184,192,193,194,202,203,204,205,214,215,216,224,225,226,227,236,237,238,245,246,247,248,249,257,258,259,260,266,267,268,269,270,279,280,281,282,288,289,290,291,292,301,302,303,304,310,311,312,313,314,322,323,324,325,326,332,333,334,335,336,344,345,346,347,354,355,356,357,358,364,365,366,367,368,376,377,378,379,380,381,382,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +5318 - 6,7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,73,79,80,81,82,101,102,103,104,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,245,246,247,248,254,255,256,257,267,268,269,270,271,272,273,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,311,312,315,316,317,318,319,320,321,322,323,327,328,329,333,334,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,388,389,390,391,392,393,394,402,403,404,405,406,487 +5319 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,167,168,169,170,171,172,173,174,180,181,182,183,184,185,189,190,191,192,193,194,195,196,201,202,203,204,205,206,214,215,216,217,218,222,223,224,225,226,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,280,281,282,283,287,288,289,290,291,302,303,304,305,309,310,311,312,313,324,325,326,327,328,331,332,333,334,335,345,346,347,348,349,353,354,355,356,357,366,367,368,369,370,375,376,377,378,379,385,386,387,388,389,390,391,397,398,399,400,401,402,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,485 +5320 - 69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,164,165,166,167,168,169,170,171,178,179,180,181,189,190,191,192,193,201,202,203,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,248,249,250,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,339,340,344,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,478,479,480,481,494 +5321 - 32,33,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,145,146,147,148,149,150,151,156,157,158,159,160,161,162,167,168,169,170,171,172,173,178,179,180,181,182,183,192,193,194,195,200,201,202,203,204,214,215,216,217,222,223,224,225,226,236,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,292,302,303,304,305,310,311,312,313,314,324,325,326,327,332,333,334,335,336,345,346,347,348,349,354,355,356,357,358,359,360,366,367,368,369,370,377,378,379,380,381,382,383,384,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +5322 - 73,80,81,95,96,102,103,116,117,118,123,124,125,137,138,139,145,146,147,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,211,212,213,215,216,217,224,225,226,232,233,234,235,236,237,238,246,247,248,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,320,321,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,489 +5323 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,169,170,171,172,173,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,277,278,279,280,281,282,301,302,303,304,324,325,326,345,346,347,348,365,366,367,368,369,370,374,375,376,380,381,382,383,384,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,488 +5324 - 33,34,35,55,56,77,78,79,99,100,101,121,122,123,143,144,145,160,161,162,165,166,167,181,182,183,184,185,187,188,189,203,204,205,209,210,211,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,489 +5325 - 78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,148,149,150,151,156,157,158,159,160,161,162,169,170,171,172,191,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +5326 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,166,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +5327 - 37,38,39,58,59,60,61,62,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,150,162,163,164,165,166,170,171,172,183,184,185,186,187,192,193,204,205,206,207,208,214,215,216,226,227,228,229,236,237,238,247,248,249,250,251,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,301,302,303,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,358,364,365,366,367,368,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +5328 - 51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,124,125,126,127,128,129,147,148,149,150,151,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,248,249,250,251,252,271,272,273,274,294,295,296,297,298,317,318,319,320,340,341,342,343,362,363,364,365,383,384,385,386,387,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,428,429,440,441,442,443,444,445,446,447,448,462,463,464,465,466,467,468,488 +5329 - 13,14,15,16,33,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,182,183,184,185,203,204,205,206,225,226,227,228,234,235,236,237,238,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,274,275,276,277,278,279,280,281,282,283,289,290,291,292,295,296,297,298,299,300,301,303,304,305,311,312,313,315,316,317,318,319,320,325,326,327,333,334,335,336,337,338,339,340,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,491 +5330 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,101,102,103,104,105,116,117,118,124,125,126,127,138,139,147,148,149,150,163,164,165,170,171,172,182,183,184,185,186,187,188,192,193,194,203,204,205,206,207,208,209,214,215,216,224,225,226,227,236,237,238,245,246,247,248,258,259,260,267,268,269,280,281,282,289,290,291,301,302,303,304,311,312,313,322,323,324,325,333,334,335,343,344,345,346,347,355,356,357,364,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,485 +5331 - 38,39,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,226,227,228,229,230,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,309,310,311,312,313,314,318,319,320,331,332,333,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,489 +5332 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,338,339,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +5333 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,101,102,103,104,105,106,117,118,119,123,124,125,126,127,128,139,140,141,142,144,145,146,147,148,161,162,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,229,230,231,232,233,245,250,251,252,253,254,255,256,272,273,274,276,277,278,279,293,294,295,299,300,301,302,314,315,316,317,321,322,323,324,336,337,338,339,344,345,346,357,358,359,360,366,367,368,369,379,380,381,387,388,389,390,401,402,403,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,493 +5334 - 6,7,8,27,28,29,30,49,50,51,70,71,72,92,93,94,114,115,116,136,137,138,158,159,160,171,172,173,174,180,181,182,191,192,193,194,195,196,197,202,203,204,211,212,213,214,215,216,217,218,219,224,225,226,231,232,233,234,235,239,240,241,246,247,248,252,253,254,255,261,262,268,269,270,273,274,275,276,282,283,284,291,292,293,294,295,296,303,304,305,306,313,314,315,316,317,324,325,326,327,335,336,337,338,339,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,405,406,425,426,427,491 +5335 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,104,105,106,107,116,117,118,119,120,121,126,127,128,129,137,138,139,140,141,147,148,149,150,151,159,160,161,162,168,169,170,171,172,181,182,183,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,367,379,380,381,382,387,388,389,390,401,402,403,409,410,411,412,423,424,425,426,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,493 +5336 - 31,32,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,164,165,186,187,188,208,209,210,230,231,232,252,253,254,275,276,297,298,319,320,321,341,342,343,363,364,365,386,387,408,409,430,431,432,452,453,454,486 +5337 - 71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,146,147,148,149,150,167,168,169,170,171,172,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,301,302,303,304,323,324,325,326,345,346,347,352,365,366,367,368,369,374,375,376,377,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +5338 - 54,55,56,75,76,77,78,79,97,98,100,101,102,118,119,123,124,137,138,139,140,141,142,145,146,158,159,160,161,162,163,167,168,180,181,182,189,190,202,203,204,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,275,276,277,278,279,296,297,298,299,300,301,317,318,319,322,323,339,340,344,345,360,361,362,366,367,382,383,388,389,403,404,405,410,411,425,426,431,432,433,447,448,453,454,455,469,470,475,476,493 +5339 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,190,191,192,193,204,205,206,211,212,213,214,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +5340 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,216,217,223,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,303,304,305,306,311,312,313,314,315,324,325,326,327,328,333,334,335,336,337,338,345,346,347,348,349,355,356,357,358,359,360,361,362,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,485 +5341 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,128,139,140,141,142,147,148,149,150,161,162,163,168,169,170,171,183,184,185,189,190,191,192,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,494 +5342 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,79,80,81,82,95,96,97,102,103,104,105,116,117,118,125,126,127,138,139,140,148,149,150,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,215,216,225,226,227,237,238,239,247,248,258,259,260,268,269,270,280,281,282,290,291,292,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,348,357,358,359,366,367,368,369,379,380,381,387,388,389,390,402,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +5343 - 56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,106,107,108,117,118,119,120,121,122,127,128,129,130,139,140,141,142,143,148,149,150,151,152,161,162,163,169,170,171,172,182,183,184,185,190,191,192,193,204,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,363,364,365,366,377,378,379,380,384,385,386,387,398,399,400,401,402,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,493 +5344 - 31,32,33,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,101,102,103,104,105,113,114,115,116,117,118,119,120,121,125,126,127,128,135,136,137,138,139,148,149,150,157,158,159,160,171,172,173,179,180,181,193,194,195,201,202,203,216,217,218,222,223,224,225,238,239,240,244,245,246,247,260,261,262,266,267,268,269,282,283,284,288,289,290,291,305,306,311,312,313,326,327,328,333,334,335,348,349,350,355,356,357,358,371,372,377,378,379,380,381,391,392,393,394,400,401,402,403,404,405,406,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,485 +5345 - 12,13,14,15,16,33,34,35,36,37,38,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,102,103,104,105,106,116,117,118,119,126,127,128,148,149,150,151,170,171,172,191,192,193,194,208,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,297,298,299,300,301,302,303,309,310,311,312,313,317,318,319,320,321,322,323,324,325,326,330,331,332,333,337,338,339,340,341,342,344,345,346,347,348,352,353,354,355,357,358,359,360,361,362,363,368,369,370,371,374,375,376,377,378,379,380,381,382,383,390,391,392,393,396,397,398,399,400,401,402,403,412,413,414,415,418,419,420,421,422,423,435,436,487 +5346 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,117,118,119,124,125,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,190,191,192,206,207,208,211,212,213,228,229,230,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,470,471,472,493 +5347 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,317,318,319,320,321,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,427,443,444,445,446,447,465,466,467,468,492 +5348 - 32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,84,85,86,93,94,95,96,97,100,101,102,105,106,107,108,114,115,116,117,118,126,127,128,129,135,136,137,138,139,146,147,148,149,150,157,158,159,160,166,167,168,169,170,171,179,180,181,187,188,189,190,191,192,201,202,203,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,260,261,270,271,272,273,274,275,276,282,283,284,294,295,296,297,303,304,305,315,316,317,318,324,325,326,327,336,337,338,339,345,346,347,348,357,358,359,360,365,366,367,368,369,379,380,381,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +5349 - 104,105,106,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,192,193,194,195,199,200,201,213,214,215,216,217,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +5350 - 76,77,78,96,97,98,99,100,101,103,117,118,119,120,121,122,124,125,126,138,139,140,141,142,145,146,147,148,160,161,162,163,166,167,168,169,170,171,181,182,183,184,185,187,188,189,190,191,192,193,202,203,204,205,206,208,209,210,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,256,257,258,267,268,269,270,271,272,273,274,275,278,279,280,290,291,292,293,294,295,300,301,302,313,314,315,316,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,457,477,478,479,494 +5351 - 39,40,60,61,62,63,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +5352 - 68,69,70,90,91,92,112,113,114,115,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,190,191,192,211,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,342,343,344,363,364,365,384,385,386,387,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +5353 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,171,172,173,174,175,181,182,183,184,185,186,187,193,194,195,196,197,202,203,204,205,206,207,208,209,216,217,218,219,224,225,226,227,228,229,230,231,232,238,239,240,241,245,246,247,248,249,252,253,254,259,260,261,262,263,267,268,269,270,280,281,282,283,284,285,289,290,291,292,301,302,303,304,305,306,310,311,312,313,314,321,322,323,324,325,326,327,328,332,333,334,335,336,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +5354 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,92,93,94,95,98,99,100,114,115,120,121,122,123,136,137,142,143,144,145,158,159,164,165,166,167,186,187,188,207,208,209,210,229,230,231,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,302,322,323,324,325,344,345,346,347,365,366,367,368,386,387,388,389,406,407,408,409,410,427,428,429,430,431,448,449,450,451,470,471,472,488 +5355 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,450,486 +5356 - 51,52,53,73,74,75,94,95,96,97,105,116,117,118,125,126,127,128,138,139,140,147,148,149,159,160,161,162,168,169,170,171,181,182,183,184,190,191,192,203,204,205,206,211,212,213,226,227,228,232,233,234,235,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,428,429,450,451,452,453,472,473,474,475,489 +5357 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,122,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,167,168,169,170,171,189,190,191,192,193,211,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,412,413,414,415,423,424,425,426,427,428,429,434,435,436,437,446,447,448,449,450,456,457,458,459,487 +5358 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,81,82,83,84,92,93,94,95,104,105,106,113,114,115,116,126,127,128,134,135,136,147,148,149,157,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,257,258,259,280,281,302,303,323,324,325,331,332,345,346,347,352,353,354,366,367,368,369,374,375,376,377,387,388,389,390,398,399,400,401,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +5359 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,123,124,125,126,135,136,137,138,139,144,145,146,147,148,158,159,165,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,278,279,280,281,282,302,303,304,305,324,325,326,327,344,345,346,347,348,349,365,366,367,368,369,370,377,378,379,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,488 +5360 - 53,54,55,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,161,162,163,164,165,166,167,184,185,186,187,188,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,253,254,255,256,271,272,273,277,278,279,293,294,300,301,315,316,322,323,324,337,338,344,345,346,359,360,361,366,367,368,381,382,383,388,389,404,405,406,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,454,472,473,474,475,493 +5361 - 38,39,40,41,60,61,62,63,81,82,83,84,103,104,105,124,125,126,127,146,147,148,161,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,226,227,228,232,233,234,235,247,248,249,250,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,346,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,448,449,450,489 +5362 - 105,106,117,118,119,120,121,123,124,126,127,128,137,138,139,140,141,142,143,145,146,147,148,149,150,158,159,160,161,166,167,168,169,170,171,179,180,181,188,189,190,191,192,193,201,202,203,210,211,212,213,214,222,223,224,232,233,234,235,236,244,245,246,252,253,254,255,256,257,258,267,268,269,271,272,273,274,275,276,278,279,280,289,290,291,292,293,294,295,296,297,300,301,312,313,314,315,316,317,322,323,324,344,345,346,366,367,368,388,389,410,411,431,432,433,453,454,455,475,476,477,494 +5363 - 55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,138,139,140,141,142,160,161,162,163,181,182,183,184,185,199,201,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,299,300,301,302,321,322,323,324,332,333,334,335,336,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,428,429,430,431,490 +5364 - 10,11,12,31,32,33,34,52,53,54,55,73,74,75,76,77,95,96,97,98,117,118,119,120,139,140,141,160,161,162,163,182,183,184,192,193,194,195,196,203,204,205,206,213,214,215,216,217,218,219,225,226,227,233,234,235,236,237,238,239,240,241,247,248,249,254,255,256,257,262,263,268,269,270,275,276,277,278,284,285,290,291,292,296,297,298,299,305,306,307,312,313,314,318,319,320,326,327,328,334,335,336,340,341,342,343,347,348,349,350,356,357,358,364,365,367,368,369,370,371,378,379,380,381,382,383,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,491 +5365 - 9,10,11,12,31,32,33,34,52,53,54,55,73,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,160,161,162,163,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,217,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,491 +5366 - 70,71,72,91,92,93,94,103,104,105,113,114,115,116,124,125,126,127,135,136,137,138,146,147,148,157,158,159,160,168,169,170,179,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,234,235,236,245,246,247,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +5367 - 98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,167,169,170,171,172,178,179,180,181,182,183,190,191,192,193,194,211,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,492 +5368 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,169,170,171,172,184,185,186,187,191,192,193,194,205,206,207,208,209,210,213,214,215,216,227,228,229,230,231,235,236,237,248,249,250,251,252,253,254,257,258,259,270,271,272,273,274,275,276,278,279,280,281,291,292,293,294,295,296,297,300,301,302,303,313,314,315,317,318,319,322,323,324,335,336,337,339,340,341,343,344,345,346,357,358,359,361,362,363,364,365,366,367,379,380,381,383,384,385,386,387,388,401,402,403,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +5369 - 57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,146,147,148,149,150,151,160,161,162,163,164,165,168,169,170,171,172,173,182,183,184,185,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,362,363,364,365,366,379,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,476,493 +5370 - 75,76,77,78,95,96,97,98,99,100,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,158,159,160,161,162,164,165,166,180,181,182,186,187,188,203,208,209,212,213,214,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,301,302,303,314,315,316,317,318,323,324,325,336,337,338,339,345,346,347,357,358,359,360,367,368,380,381,388,389,390,409,410,411,412,430,431,432,433,451,452,453,454,455,473,474,475,476,488 +5371 - 78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,187,188,189,190,191,192,201,202,203,204,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,275,276,277,278,279,290,291,292,293,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +5372 - 54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,123,124,139,140,145,146,160,161,162,167,168,182,183,188,189,190,204,205,209,210,211,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,274,275,278,279,296,297,300,301,317,318,319,321,322,323,339,340,343,344,345,361,362,365,366,382,383,384,386,387,388,404,405,406,408,409,410,426,427,428,429,430,431,449,450,451,452,471,472,473,493 +5373 - 74,75,76,82,83,84,95,96,97,98,99,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,172,173,174,175,180,181,182,183,184,185,186,187,188,189,195,196,197,201,202,203,204,205,206,207,208,209,210,217,218,219,223,224,225,226,227,228,229,230,231,238,239,240,241,245,246,247,248,249,250,251,252,260,261,262,267,268,269,270,272,273,281,282,283,284,288,289,290,291,292,302,303,304,305,306,310,311,312,313,323,324,325,326,327,328,332,333,334,335,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,447,448,449,485 +5374 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,101,117,118,119,120,138,139,140,141,160,161,162,181,182,183,184,203,204,205,206,225,226,227,231,232,233,234,235,236,237,238,247,248,249,252,253,254,255,256,257,258,259,260,261,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,295,296,297,298,302,303,304,305,306,313,314,315,316,317,318,319,326,327,328,336,337,338,339,340,341,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,491 +5375 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,447,448,449,486 +5376 - 51,52,53,54,55,56,57,61,62,63,71,72,73,74,75,76,77,78,79,80,84,85,86,92,93,94,95,96,101,102,107,108,114,115,116,128,129,130,136,137,138,149,150,151,152,158,159,160,170,171,172,173,181,182,183,191,192,193,194,203,204,205,206,212,213,214,215,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,336,337,338,339,343,344,345,357,358,359,360,366,367,379,380,381,388,389,401,402,403,409,410,411,424,425,426,427,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,476,493 +5377 - 12,13,14,15,16,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,101,102,103,104,105,117,118,119,120,123,124,125,126,127,140,141,145,146,147,148,149,167,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,317,318,319,320,321,322,323,324,325,331,332,333,334,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,389,390,391,392,393,394,399,400,401,402,403,404,405,413,414,415,416,424,425,436,437,487 +5378 - 77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,181,182,183,203,204,205,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,342,343,344,345,365,366,367,388,389,390,401,402,410,411,412,424,425,432,433,434,446,447,448,449,452,453,454,455,469,470,471,472,473,474,475,476,490 +5379 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,301,302,303,304,323,324,325,326,344,345,346,347,348,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,488 +5380 - 5,6,7,8,9,10,27,28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,121,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,487 +5381 - 37,38,39,58,59,60,61,79,80,81,82,101,102,103,104,123,124,125,126,138,139,140,145,146,147,160,161,162,163,166,167,168,169,181,182,183,184,188,189,190,191,203,204,205,206,209,210,211,212,225,226,227,228,231,232,233,234,247,248,249,250,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,338,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,489 +5382 - 53,54,55,56,75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,166,167,168,169,170,171,172,173,174,182,183,184,185,204,205,206,226,227,228,247,248,249,250,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,343,344,345,346,366,367,368,387,388,389,390,409,410,411,412,429,430,431,432,433,451,452,453,454,473,474,475,476,490 +5383 - 59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,159,160,161,162,181,182,183,184,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,343,344,345,346,354,355,356,357,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +5384 - 5,6,7,27,28,29,48,49,50,70,71,92,93,114,115,126,127,136,137,146,147,148,149,150,151,152,158,159,167,168,169,170,172,173,174,180,181,189,190,195,196,197,202,203,210,211,212,218,219,224,225,232,233,240,241,246,247,253,254,255,262,263,268,269,275,276,277,284,285,290,291,297,298,305,306,307,312,313,319,320,327,328,334,335,336,341,342,348,349,350,357,358,363,364,369,370,371,379,380,381,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,491 +5385 - 10,11,12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,95,96,97,98,99,117,118,119,120,139,140,141,160,161,162,163,182,183,184,185,204,205,206,214,215,225,226,227,228,233,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,261,268,269,270,271,272,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +5386 - 72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,168,169,170,171,172,173,178,179,180,190,191,192,193,194,195,200,201,202,211,212,213,214,215,216,222,223,224,232,233,234,235,236,237,244,245,246,247,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,321,322,323,324,335,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,435,436,453,454,455,456,457,458,475,476,477,478,479,480,494 +5387 - 105,106,107,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,207,213,214,215,216,217,221,222,223,224,235,236,237,238,239,244,245,256,257,258,259,260,261,267,278,279,280,281,282,299,300,301,302,303,304,321,322,323,324,325,342,343,344,345,346,347,363,364,365,366,367,368,385,386,387,388,389,407,408,409,410,411,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +5388 - 48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,276,277,278,279,280,281,292,293,294,295,300,301,302,303,304,315,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,410,411,412,413,414,430,431,432,433,434,435,441,442,443,444,450,451,452,453,454,455,456,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,488 +5389 - 56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,102,103,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,167,168,169,170,171,172,173,182,183,184,185,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,362,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +5390 - 98,99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,145,146,147,162,163,164,166,167,168,184,185,186,187,188,189,190,207,208,209,210,211,212,231,232,233,253,254,255,275,276,277,296,297,298,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,448,449,450,470,471,472,494 +5391 - 79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,168,169,170,171,172,182,183,184,185,190,191,192,193,203,204,205,206,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,494 +5392 - 30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,100,101,102,103,122,123,124,125,144,145,146,165,166,167,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,250,251,252,258,259,260,280,281,282,302,303,304,323,324,325,326,344,345,346,347,356,357,365,366,367,368,369,377,378,379,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,488 +5393 - 76,77,78,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,194,195,196,197,203,204,205,206,207,208,216,217,218,219,224,225,226,227,228,229,238,239,240,245,246,247,248,249,259,260,261,262,266,267,268,269,270,279,280,281,282,283,284,288,289,290,291,292,299,300,301,302,303,304,305,310,311,312,313,314,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,402,403,404,405,485 +5394 - 33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,117,118,119,120,123,124,139,140,141,145,146,160,161,162,163,166,167,168,182,183,184,185,187,188,189,190,204,205,206,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,270,271,272,273,274,275,276,293,294,295,296,297,298,299,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,369,383,384,385,386,388,389,390,391,406,407,408,409,410,411,412,413,429,430,431,432,433,434,435,452,453,454,455,456,493 +5395 - 57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,486 +5396 - 9,10,11,32,33,34,55,56,57,58,78,79,80,81,101,102,103,104,124,125,126,147,148,149,169,170,189,190,191,192,210,211,212,213,214,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,319,320,341,342,362,363,364,374,375,376,377,378,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,488 +5397 - 12,13,14,15,16,17,18,32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,104,105,106,107,118,119,120,126,127,128,129,148,149,150,151,169,170,171,172,173,191,192,193,194,212,213,214,215,216,234,235,236,237,245,246,247,248,249,250,251,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,390,391,392,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,487 +5398 - 38,39,40,51,52,53,54,55,60,61,62,63,73,74,75,76,77,78,79,82,83,84,85,94,95,96,97,98,99,100,101,105,106,107,108,115,116,117,118,119,120,121,122,123,127,128,129,130,137,138,139,140,149,150,151,152,158,159,160,161,162,171,172,173,174,180,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,218,224,225,226,227,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,303,304,305,306,311,312,313,314,315,325,326,327,328,333,334,335,336,337,346,347,348,349,356,357,358,359,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +5399 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,122,123,124,125,126,137,138,139,140,143,144,145,146,147,148,160,161,162,164,165,166,167,168,169,183,185,186,187,188,189,190,191,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,300,301,302,303,304,323,324,325,326,327,345,346,347,348,349,367,368,369,370,371,377,378,379,380,381,382,383,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,488 +5400 - 30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,103,104,105,113,114,115,125,126,127,136,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,253,254,255,256,275,276,277,296,297,298,317,318,319,320,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,487 +5401 - 62,63,64,83,84,85,86,104,105,106,107,125,126,127,128,129,139,140,141,147,148,149,150,160,161,162,163,168,169,170,171,181,182,183,184,185,189,190,191,192,193,203,204,205,206,210,211,212,213,214,224,225,226,227,228,232,233,234,235,245,246,247,248,249,250,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,489 +5402 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,126,127,128,137,138,139,140,149,150,151,158,159,160,171,172,173,179,180,181,193,194,195,200,201,202,215,216,217,222,223,236,237,238,244,245,258,259,260,266,267,279,280,281,282,288,289,290,300,301,302,303,311,312,313,314,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,366,367,368,388,389,390,410,411,431,432,433,453,454,455,475,476,477,494 +5403 - 61,62,63,64,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,299,300,301,302,321,322,323,324,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,426,427,428,429,430,490 +5404 - 76,77,78,79,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,148,162,163,164,167,168,169,170,183,184,185,186,188,189,190,191,205,206,207,208,210,211,212,213,227,228,229,231,232,233,234,235,249,250,251,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,338,339,340,341,342,343,361,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +5405 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +5406 - 38,39,40,60,61,62,81,82,83,84,93,94,95,103,104,105,115,116,117,125,126,127,137,138,139,147,148,149,158,159,160,161,169,170,171,180,181,182,190,191,192,193,202,203,204,212,213,214,215,223,224,225,226,234,235,236,237,238,245,246,247,255,256,257,258,259,267,268,269,274,275,276,277,278,279,280,289,290,291,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,321,322,323,333,334,335,336,337,338,339,343,344,345,356,357,358,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,489 +5407 - 104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,213,214,215,216,217,221,222,223,224,234,235,236,237,238,244,245,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +5408 - 12,13,14,34,35,36,37,56,57,58,59,60,78,79,80,81,82,100,101,102,103,123,124,125,145,146,147,167,168,169,170,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,294,295,296,317,318,319,334,335,340,341,342,356,357,358,359,363,364,365,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,426,427,428,429,430,488 +5409 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,166,167,171,172,173,174,175,181,182,183,184,185,193,194,195,196,203,204,205,206,207,214,215,216,217,218,226,227,228,229,230,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,493 +5410 - 36,37,38,58,59,60,80,81,82,97,98,102,103,104,117,118,119,120,124,125,126,139,140,141,142,146,147,148,161,162,163,164,168,169,170,183,184,185,190,191,192,204,205,206,207,212,213,214,225,226,227,228,233,234,235,236,246,247,248,249,250,255,256,257,258,267,268,269,270,271,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,343,344,345,346,355,356,357,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,489 +5411 - 78,79,80,81,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,166,167,168,169,170,171,172,181,182,183,184,188,189,190,191,192,193,194,202,203,204,205,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,472,494 +5412 - 28,29,30,31,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,95,96,97,98,99,100,101,102,121,122,123,124,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,280,299,300,301,302,303,323,324,325,326,344,345,346,347,348,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,447,448,449,450,451,488 +5413 - 11,12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,213,214,226,227,228,229,233,234,235,236,237,248,249,250,251,255,256,257,258,259,270,271,272,273,276,277,278,279,280,281,291,292,293,294,297,298,299,300,301,302,303,313,314,315,316,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +5414 - 119,120,121,122,123,124,142,143,144,145,146,147,148,149,150,152,168,169,170,171,172,173,174,175,182,183,184,195,196,197,203,204,205,206,224,225,226,227,228,229,230,246,247,248,249,251,252,253,274,275,276,297,298,319,320,341,342,362,363,364,378,379,382,383,384,385,400,401,402,403,404,405,406,490 +5415 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,104,117,118,119,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,211,212,213,232,233,234,235,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,340,341,342,343,344,345,355,356,357,358,361,362,363,364,365,366,367,378,379,380,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,445,446,447,448,449,450,487 +5416 - 118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,167,168,169,177,178,179,180,181,182,183,184,189,190,191,198,199,200,201,202,203,211,212,213,220,221,222,223,224,233,234,235,242,243,256,257,278,279,300,301,322,323,344,345,366,367,388,389,410,411,412,431,432,433,453,454,455,475,476,477,492 +5417 - 40,41,42,43,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,143,144,145,146,162,163,183,184,185,186,204,205,206,207,225,226,227,228,229,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,319,320,321,322,342,343,344,345,364,365,366,367,379,380,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +5418 - 52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,105,106,107,114,115,116,117,127,128,129,136,137,138,148,149,150,151,159,160,161,162,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,277,278,279,280,293,294,295,301,302,303,314,315,316,323,324,325,335,336,337,338,346,347,348,356,357,358,359,368,369,370,378,379,380,391,392,400,401,402,412,413,414,423,424,425,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,493 +5419 - 14,15,16,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,98,99,100,101,102,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,184,185,186,187,191,192,193,205,206,207,208,210,211,212,213,214,215,227,228,229,230,232,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +5420 - 27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,69,70,71,72,75,76,77,78,91,92,99,100,101,121,122,123,144,145,146,166,167,168,188,189,190,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,292,293,294,297,298,299,300,301,302,303,314,315,316,319,320,321,323,324,325,326,335,336,337,341,342,346,347,348,357,358,359,360,362,363,369,370,380,381,382,383,384,385,391,392,393,402,403,404,405,406,413,414,415,436,437,438,458,459,460,487 +5421 - 11,12,13,14,15,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,101,102,103,104,117,118,119,120,123,124,125,126,141,145,146,147,148,167,168,169,170,188,189,190,191,192,210,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,279,290,291,292,293,294,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,487 +5422 - 47,48,49,68,69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,202,203,204,206,208,209,210,211,212,213,214,222,223,224,228,233,234,235,236,244,249,250,251,255,256,257,258,259,270,271,272,273,274,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,385,386,387,388,389,390,391,392,393,394,395,407,408,409,410,411,412,413,414,415,429,430,431,432,433,451,452,453,454,474,475,476,492 +5423 - 37,38,39,40,41,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,118,119,120,121,139,140,141,142,143,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,232,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,354,355,356,357,364,365,366,367,368,376,377,378,379,380,381,382,383,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,490 +5424 - 30,31,52,53,54,55,74,75,76,77,78,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,122,123,124,125,126,127,128,129,138,139,140,160,161,162,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,225,226,227,228,232,233,234,235,248,249,255,256,257,258,279,280,301,302,303,312,323,324,325,333,334,335,344,345,346,356,357,358,366,367,368,379,380,381,382,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +5425 - 60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,128,145,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,448,466,467,468,469,486 +5426 - 54,55,56,74,75,76,77,78,79,95,96,97,98,100,101,102,117,118,123,124,138,139,145,146,147,160,161,167,168,169,182,183,189,190,191,204,205,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +5427 - 96,97,98,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,231,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,471,472,492 +5428 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,486 +5429 - 59,60,61,62,80,81,82,83,84,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,471,486 +5430 - 30,31,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,95,96,97,100,101,102,114,115,116,117,122,123,124,125,126,127,128,135,136,137,138,144,145,146,147,148,149,150,151,157,158,159,165,166,167,168,172,173,174,179,180,187,188,189,190,195,196,201,202,203,207,208,209,210,211,217,218,219,223,224,225,226,227,228,229,230,231,232,233,240,241,245,246,247,248,249,250,251,252,253,254,262,263,269,270,271,272,273,284,285,291,292,293,306,307,313,314,315,327,328,329,335,336,337,348,349,350,351,357,358,359,369,370,371,372,379,380,381,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,493 +5431 - 56,57,58,59,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,145,146,147,148,149,150,161,162,163,164,168,169,170,171,172,184,185,186,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,378,379,380,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,493 +5432 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,185,186,187,188,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,358,359,365,366,367,380,381,387,388,389,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,471,472,473,474,488 +5433 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,101,102,103,104,105,116,124,125,126,127,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,353,354,363,364,365,366,367,368,374,375,376,377,378,379,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +5434 - 48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,102,103,123,124,125,144,145,146,164,165,166,167,186,187,188,189,207,208,209,228,229,230,249,250,251,252,253,272,273,274,275,276,277,296,297,298,299,300,320,321,322,323,344,345,346,366,367,368,389,390,410,411,412,421,422,423,424,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +5435 - 58,59,60,61,77,78,79,80,81,82,83,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,146,147,148,149,150,151,152,160,161,162,163,164,168,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,203,204,205,206,207,212,213,214,215,226,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,473,493 +5436 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,115,123,124,125,126,127,146,147,148,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,336,337,338,339,349,350,351,357,358,359,360,361,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,487 +5437 - 101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,190,191,192,193,194,199,200,201,202,203,204,212,213,214,215,222,223,224,225,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +5438 - 3,4,5,6,7,8,9,10,24,25,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,74,75,76,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,249,250,251,252,253,271,272,273,274,275,291,292,293,294,295,296,313,314,315,316,317,335,336,337,338,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,487 +5439 - 36,37,38,52,53,56,57,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +5440 - 76,77,78,79,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,129,140,141,142,162,163,183,184,204,205,206,226,227,228,248,249,270,271,292,293,294,314,315,316,337,338,339,340,341,360,361,362,363,364,365,366,386,387,388,409,410,431,432,452,453,454,474,475,490 +5441 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,183,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +5442 - 25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,205,206,207,208,209,210,211,228,229,230,231,232,233,234,251,252,253,254,255,256,257,269,276,277,278,279,280,281,291,292,300,301,302,303,304,313,314,315,324,325,326,327,328,334,335,336,337,347,348,349,350,351,356,357,358,359,360,369,370,371,372,379,380,381,382,383,384,385,386,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,488 +5443 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +5444 - 49,50,51,71,72,73,74,93,94,95,115,116,117,124,125,126,137,138,139,146,147,148,159,160,161,168,169,170,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,228,233,234,235,236,248,249,250,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +5445 - 59,60,61,62,80,81,82,83,101,102,103,104,105,123,124,125,126,139,140,141,144,145,146,147,160,161,162,163,164,166,167,168,169,182,183,184,185,188,189,190,191,203,204,205,206,207,209,210,211,212,225,226,227,228,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,317,318,319,320,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,469,470,471,489 +5446 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,190,191,192,193,201,202,203,204,205,206,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,492 +5447 - 82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,163,164,166,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,492 +5448 - 72,73,74,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,235,249,250,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +5449 - 12,13,14,15,16,17,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,103,104,105,106,118,119,120,125,126,127,128,146,147,148,149,150,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,408,409,410,411,412,413,421,422,423,424,425,426,431,432,433,434,487 +5450 - 50,51,52,73,74,82,94,95,96,97,102,103,104,105,116,117,118,124,125,138,139,140,145,146,147,160,161,162,167,168,182,183,184,188,189,190,192,193,204,205,206,210,211,212,213,214,215,226,227,228,232,233,234,235,236,248,249,250,253,254,255,256,257,270,271,275,276,277,278,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,337,338,339,340,341,362,363,384,385,406,407,409,428,429,430,431,450,451,452,453,472,473,474,489 +5451 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,236,237,238,239,247,248,249,250,251,256,257,258,259,260,261,269,270,271,272,273,276,277,278,279,280,281,282,283,291,292,293,294,297,298,299,300,301,302,303,304,312,313,314,315,316,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +5452 - 54,55,72,73,74,75,76,77,78,79,80,81,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,146,147,148,149,150,159,160,161,162,163,164,165,181,182,183,184,185,186,187,188,203,204,205,207,208,209,210,211,212,232,233,234,235,255,256,257,277,278,279,280,300,301,302,303,323,324,325,335,336,345,346,347,357,368,369,379,389,390,391,401,402,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,490 +5453 - 54,55,56,58,59,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,158,159,160,161,180,181,182,183,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,320,321,322,323,342,343,344,345,365,366,367,387,388,389,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,490 +5454 - 78,79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,141,142,143,144,146,147,148,149,161,162,163,164,169,170,171,183,184,185,190,191,192,193,204,205,206,207,210,211,212,213,214,215,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,494 +5455 - 51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,146,147,148,149,150,157,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,346,347,348,349,353,354,355,356,357,367,368,369,370,371,375,376,377,378,379,380,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,407,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,488 +5456 - 30,31,32,33,34,35,36,37,38,39,40,50,51,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,93,94,95,96,115,116,117,137,138,159,160,161,181,182,183,184,185,204,205,206,207,208,209,228,229,230,231,232,252,253,254,255,275,276,277,278,299,300,301,302,322,323,324,345,346,347,368,369,376,377,378,379,380,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,490 +5457 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,168,169,170,171,172,180,181,182,183,184,185,190,191,192,193,201,202,203,204,205,206,210,211,212,213,214,215,223,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,316,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +5458 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,123,124,125,126,127,146,147,148,149,162,163,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,249,250,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,320,321,322,323,324,343,344,345,346,357,366,367,368,369,378,379,380,381,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +5459 - 79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,189,190,191,192,203,204,205,206,207,210,211,212,213,214,225,226,227,228,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +5460 - 75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,149,150,151,152,153,157,158,159,170,171,172,173,174,175,179,180,181,182,188,189,190,191,192,193,194,195,196,197,202,203,204,205,206,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,271,272,273,274,275,293,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,358,359,360,361,363,364,365,366,380,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,450,451,452,453,493 +5461 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,148,149,150,151,152,153,161,162,163,164,165,166,171,172,173,174,175,182,183,184,185,186,187,194,195,196,197,203,204,205,206,207,208,216,217,218,219,225,226,227,228,229,230,238,239,240,241,246,247,248,249,250,251,260,261,262,263,268,269,270,271,272,281,282,283,284,285,289,290,291,292,293,301,302,303,304,305,306,310,311,312,313,314,315,322,323,324,325,326,327,332,333,334,335,336,337,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +5462 - 36,37,38,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,118,119,120,121,122,127,128,139,140,141,142,143,149,150,160,161,162,163,164,171,172,182,183,184,193,203,204,205,214,215,225,226,227,236,237,247,248,249,257,258,259,269,270,271,279,280,281,291,292,293,301,302,313,314,315,322,323,324,335,336,337,338,343,344,345,346,358,359,360,366,367,368,380,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,485 +5463 - 56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,146,147,148,149,150,151,160,161,162,163,168,169,170,171,172,173,182,183,184,185,188,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,365,379,380,381,382,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,470,471,472,473,493 +5464 - 32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,100,101,102,117,118,119,122,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,192,203,204,205,211,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,269,270,271,278,279,280,291,292,300,301,302,313,314,322,323,324,335,336,344,345,346,357,358,359,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +5465 - 70,71,72,73,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,492 +5466 - 37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,124,140,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,270,271,272,274,275,276,291,292,293,294,296,297,298,299,313,314,315,318,319,320,321,322,335,336,337,341,342,343,344,358,359,360,365,366,367,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,491 +5467 - 28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,99,100,101,102,103,114,115,116,122,123,124,125,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,251,252,256,257,258,259,279,280,281,282,301,302,303,304,323,324,325,326,331,332,344,345,346,347,353,354,355,356,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +5468 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,188,189,190,191,192,193,194,202,203,204,205,211,212,213,214,215,216,223,224,225,226,233,234,236,237,238,245,246,247,255,256,258,259,260,267,268,269,277,278,280,281,282,289,290,291,301,302,303,304,311,312,313,323,324,325,333,334,335,344,345,346,347,355,356,357,358,365,366,367,368,378,379,380,386,387,388,389,400,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +5469 - 35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,148,149,150,151,152,159,160,161,162,163,164,165,170,171,172,173,174,180,181,182,183,184,185,186,192,193,194,195,196,201,202,203,204,205,206,207,214,215,216,217,218,223,224,225,226,227,228,229,236,237,238,239,240,244,245,246,247,248,249,250,257,258,259,260,261,262,265,266,267,268,269,270,271,278,279,280,281,282,283,284,287,288,289,290,291,292,293,299,300,301,302,303,304,305,309,310,311,312,313,314,319,320,321,322,323,324,325,326,331,332,333,334,335,336,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +5470 - 75,76,77,78,96,97,98,99,100,102,103,104,116,117,118,119,123,124,125,126,127,137,138,139,140,147,148,149,150,158,159,160,161,171,172,173,180,181,182,193,194,195,196,201,202,203,216,217,218,222,223,224,238,239,240,243,244,245,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,325,326,327,328,331,332,333,334,335,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,485 +5471 - 31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,101,102,103,104,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,276,277,278,279,280,281,300,301,302,303,322,323,324,325,342,343,344,345,346,347,356,357,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +5472 - 101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +5473 - 92,93,94,95,96,106,107,108,113,114,115,116,117,118,119,120,121,122,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,185,186,187,188,189,190,191,192,193,194,199,200,201,212,213,214,215,216,222,223,233,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +5474 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,84,85,90,91,92,93,94,95,96,97,100,101,102,103,104,105,106,107,111,112,113,114,115,125,126,127,128,129,133,134,135,146,147,148,149,150,155,156,157,167,168,169,170,171,177,178,179,188,189,190,191,200,201,202,203,210,211,212,222,223,224,225,226,231,232,233,245,246,247,248,249,253,254,255,269,270,271,272,274,275,276,277,292,293,294,295,296,297,298,299,316,317,318,319,320,321,340,341,342,343,344,362,363,364,365,366,367,368,384,385,386,387,388,389,390,391,406,407,408,411,412,413,414,415,428,429,430,431,435,436,437,438,450,451,452,453,454,455,456,457,458,459,460,474,475,476,477,478,479,480,481,482,493 +5475 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,192,193,194,195,196,202,203,204,205,206,207,208,214,215,216,217,218,223,224,225,226,227,228,229,236,237,238,239,240,244,245,246,247,248,249,250,258,259,260,261,262,266,267,268,269,270,271,279,280,281,282,283,287,288,289,290,291,292,300,301,302,303,304,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,335,342,343,344,345,346,347,353,354,355,356,357,358,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,485 +5476 - 58,59,61,62,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,146,147,148,161,162,163,167,168,169,170,183,184,185,189,190,191,205,206,207,209,210,211,212,227,228,229,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,453,472,473,474,493 +5477 - 58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,143,144,145,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,428,446,447,448,449,450,469,470,471,486 +5478 - 77,78,79,80,81,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,128,129,138,139,140,141,142,143,147,148,149,150,151,152,159,160,161,162,163,164,165,170,171,172,173,174,180,181,182,183,184,185,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,222,223,224,225,226,227,233,234,235,236,237,238,244,245,246,247,248,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,433,452,453,454,455,456,457,476,477,478,479,480,494 +5479 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,448,486 +5480 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,80,81,82,83,95,103,104,105,125,126,127,147,148,149,168,169,170,189,190,191,192,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,270,271,272,273,274,291,292,293,294,312,313,314,315,333,334,335,354,355,356,376,377,378,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,457,458,459,487 +5481 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,102,103,104,105,117,118,119,120,125,126,127,147,148,149,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,269,270,271,272,273,274,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,340,341,342,343,344,353,354,355,356,361,362,363,364,365,366,367,368,369,376,377,378,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,409,410,411,412,413,421,422,423,424,425,426,427,428,432,433,444,445,446,447,448,487 +5482 - 57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,145,146,147,160,161,162,163,167,168,182,183,184,189,190,204,205,211,212,226,227,233,234,247,248,249,255,256,269,270,271,276,277,278,279,280,281,282,291,292,293,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,358,359,360,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +5483 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +5484 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +5485 - 14,15,35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,209,227,228,229,230,231,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,401,402,403,404,405,424,425,426,491 +5486 - 13,14,15,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,187,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,301,302,303,304,314,315,316,317,318,321,322,323,324,325,335,336,337,338,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,402,403,404,405,406,407,491 +5487 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,149,150,151,162,163,164,165,166,171,172,173,183,184,185,186,187,193,194,195,205,206,207,208,215,216,217,226,227,228,229,237,238,239,248,249,250,251,258,259,260,261,269,270,271,272,280,281,282,291,292,293,294,301,302,303,304,312,313,314,315,316,322,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,363,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,472,485 +5488 - 32,33,34,35,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,124,125,126,127,128,138,139,140,141,142,143,146,147,148,149,150,160,161,162,163,164,165,168,169,170,171,172,181,182,183,184,185,186,190,191,192,193,194,195,202,203,204,205,206,207,212,213,214,215,216,223,224,225,226,227,228,229,233,234,235,236,237,238,245,246,247,248,249,250,255,256,257,258,259,260,266,267,268,269,270,271,272,277,278,279,280,281,288,289,290,291,292,293,294,299,300,301,302,303,310,311,312,313,314,315,320,321,322,323,324,325,332,333,334,335,336,337,342,343,344,345,346,347,354,355,356,357,358,362,363,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,485 +5489 - 83,84,85,86,87,96,97,98,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,181,182,183,184,185,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,296,297,298,299,300,319,320,321,322,342,343,344,345,354,355,356,357,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,448,449,450,451,490 +5490 - 51,58,59,73,74,75,80,81,82,94,95,96,97,101,102,103,104,116,117,118,123,124,125,126,137,138,139,140,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,245,246,247,248,249,250,251,252,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,454,472,473,474,475,489 +5491 - 33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,140,143,144,145,146,147,148,165,166,167,168,169,170,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,276,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,346,353,354,355,363,364,365,366,367,368,374,375,376,377,378,379,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,488 +5492 - 74,75,76,77,78,95,96,97,98,99,100,101,102,116,117,118,123,124,125,137,138,139,145,146,147,159,160,161,162,168,169,181,182,183,184,190,191,203,204,212,213,225,226,227,233,234,247,248,249,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,321,322,323,344,345,365,366,367,388,389,390,410,411,412,432,433,434,455,456,477,478,494 +5493 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,104,117,118,119,120,123,124,125,126,141,145,146,147,148,166,167,168,169,184,185,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,277,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,347,364,365,366,367,368,377,378,379,380,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +5494 - 35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,382,383,384,385,404,405,406,407,426,427,428,429,449,450,451,486 +5495 - 13,14,15,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,167,185,186,187,188,192,206,207,208,209,212,213,214,215,227,228,229,230,233,234,235,236,237,249,250,251,252,254,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,402,403,404,405,406,407,491 +5496 - 88,89,90,91,92,93,94,95,96,97,98,99,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,167,168,169,170,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,323,324,325,345,346,347,367,368,369,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,475,476,477,478,479,492 +5497 - 32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,100,101,102,103,116,117,118,122,123,124,125,144,145,146,147,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,356,357,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +5498 - 31,32,33,34,53,54,55,56,57,58,76,77,78,79,80,81,96,97,101,102,103,117,118,119,123,124,125,126,139,140,141,146,147,148,149,161,162,163,169,170,171,182,183,184,185,191,192,193,194,204,205,206,213,214,215,225,226,227,228,235,236,237,247,248,249,257,258,259,269,270,271,278,279,280,281,291,292,293,300,301,302,303,313,314,315,316,321,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,364,365,366,367,380,381,382,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +5499 - 55,56,57,77,78,79,80,81,82,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,150,151,152,162,163,164,165,166,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,277,278,279,280,298,299,300,301,320,321,322,323,331,332,333,334,341,342,343,344,345,353,354,355,356,357,358,359,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,425,426,427,428,490 +5500 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,430,450,451,486 +5501 - 79,80,81,82,83,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,170,171,172,182,183,184,185,186,190,191,192,193,194,203,204,205,206,207,211,212,213,214,215,223,224,225,226,227,228,231,232,233,234,235,236,237,245,246,247,248,249,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,320,321,322,323,335,336,337,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,470,471,472,473,494 +5502 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,78,79,80,93,94,95,96,101,102,115,116,117,123,124,125,136,137,138,145,146,147,148,158,159,160,167,168,169,170,179,180,181,182,189,190,191,192,193,201,202,203,212,213,214,215,223,224,225,234,236,237,238,245,246,247,256,259,260,267,268,269,281,282,283,289,290,291,303,304,305,311,312,313,325,326,327,334,335,336,347,348,349,356,357,358,369,370,371,379,380,381,382,391,392,393,402,403,404,405,406,407,408,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,485 +5503 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,195,202,203,204,205,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,245,246,247,248,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,494 +5504 - 76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,125,126,127,128,135,136,137,147,148,149,150,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +5505 - 76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,194,195,196,197,203,204,205,206,207,210,211,212,213,217,218,219,224,225,226,227,228,238,239,240,241,246,247,248,249,250,260,261,262,263,267,268,269,270,271,281,282,283,284,288,289,290,291,292,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +5506 - 35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,96,97,98,99,100,118,119,120,140,141,142,162,163,164,165,166,167,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,233,234,235,236,256,257,258,278,279,280,292,300,301,302,303,313,314,323,324,325,334,335,336,345,346,347,356,357,358,367,368,369,378,379,388,389,390,400,401,402,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,490 +5507 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,428,447,448,449,486 +5508 - 9,10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,77,78,79,80,94,95,96,100,101,102,116,117,118,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,410,411,412,413,414,415,416,422,423,424,425,436,487 +5509 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,343,344,345,346,347,350,353,354,355,356,357,358,359,360,366,367,368,369,370,371,372,375,376,377,378,379,380,389,390,391,392,393,394,397,398,399,412,413,414,415,487 +5510 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,118,119,120,125,126,127,128,144,145,146,147,148,149,150,165,166,167,168,169,170,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,276,294,295,296,297,298,299,300,318,319,320,321,322,323,324,342,343,344,345,346,347,366,367,368,369,378,388,389,390,391,399,400,401,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +5511 - 53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,145,146,147,148,149,150,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,235,236,237,238,247,248,249,250,251,252,257,258,259,260,261,271,279,280,281,282,283,301,302,303,304,323,324,325,326,344,345,346,347,348,365,366,367,368,369,374,375,376,377,384,385,386,387,388,389,390,396,397,398,399,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,431,440,441,442,443,444,445,446,447,448,449,450,451,464,465,488 +5512 - 30,31,32,51,52,53,54,55,60,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,121,122,125,126,127,128,129,130,135,136,137,138,150,151,152,157,158,159,173,174,175,178,179,180,195,196,197,200,201,202,216,217,218,219,222,223,224,225,238,239,240,244,245,246,247,260,261,262,267,268,269,281,282,283,284,289,290,291,302,303,304,305,306,311,312,313,324,325,326,327,333,334,335,336,345,346,347,348,349,356,357,358,359,360,361,362,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +5513 - 82,83,84,85,103,104,105,106,107,124,125,126,127,128,129,137,138,139,140,146,147,148,149,158,159,160,161,162,163,168,169,170,171,179,180,181,183,184,185,189,190,191,192,201,202,205,206,207,211,212,213,214,226,227,228,229,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,318,319,320,321,332,333,334,335,336,340,341,342,355,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,489 +5514 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,105,106,107,117,118,119,120,121,128,129,139,140,141,150,151,152,160,161,162,163,172,173,174,181,182,183,184,195,196,202,203,204,205,216,217,218,224,225,226,227,238,239,240,245,246,247,248,260,261,267,268,269,270,281,282,283,289,290,291,303,304,305,310,311,312,324,325,326,332,333,334,345,346,347,354,355,356,357,365,366,367,368,377,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +5515 - 103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,183,184,185,186,187,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,273,279,280,281,300,301,302,303,313,314,315,316,321,322,323,324,334,335,336,337,338,339,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,422,423,424,425,490 +5516 - 53,54,55,56,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,274,275,276,277,292,293,296,297,298,299,315,318,319,320,321,322,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,476,486 +5517 - 15,16,17,36,37,38,39,40,58,59,60,61,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,247,248,249,250,251,269,270,271,272,275,276,277,278,279,280,281,282,290,291,292,293,296,297,298,299,300,301,302,303,304,305,312,313,314,315,317,318,319,320,321,322,323,324,325,326,327,334,335,336,339,340,341,342,346,347,348,349,356,357,358,359,361,362,363,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +5518 - 78,79,97,98,99,100,101,118,119,120,121,122,123,138,139,140,141,142,143,144,145,160,161,162,166,167,181,182,183,187,188,189,203,204,209,210,211,212,224,225,226,231,232,233,234,246,247,248,252,253,254,255,256,268,269,270,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,320,321,322,336,337,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +5519 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,169,170,171,172,178,179,180,181,182,183,184,185,191,192,193,194,200,201,202,203,204,205,212,213,214,215,222,223,224,225,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,492 +5520 - 32,33,34,54,55,56,76,77,78,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,486 +5521 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,124,125,126,127,128,129,140,141,142,143,145,146,147,148,149,150,151,162,163,164,165,167,168,169,170,171,172,173,184,185,186,187,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,318,319,320,321,331,332,333,334,335,340,341,342,343,344,352,353,354,355,363,364,365,366,374,375,376,377,385,386,387,388,397,398,399,400,401,402,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +5522 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,145,146,147,158,159,160,161,167,168,169,180,181,182,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,249,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,435,454,455,456,457,476,477,478,479,494 +5523 - 100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,171,172,173,182,183,184,185,186,190,191,192,193,194,203,204,205,206,207,211,212,213,214,215,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,494 +5524 - 11,12,13,14,32,33,34,35,36,54,55,56,57,74,75,76,77,96,97,98,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,191,192,193,203,204,205,211,212,213,214,215,224,225,226,232,233,234,235,236,237,238,246,247,248,253,254,255,256,258,259,260,268,269,274,275,276,280,281,282,289,290,291,296,297,298,302,303,304,311,312,313,314,318,319,320,324,325,326,334,335,336,341,342,343,344,345,346,347,356,357,358,359,360,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +5525 - 55,56,57,58,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,210,212,214,215,216,217,218,224,225,226,227,228,229,236,237,238,239,240,245,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,283,288,289,290,291,292,301,302,303,304,305,310,311,312,313,323,324,325,326,331,332,333,334,335,344,345,346,347,348,353,354,355,356,357,365,366,367,368,369,375,376,377,378,379,386,387,388,389,390,398,399,400,401,402,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +5526 - 31,32,33,34,35,53,54,55,56,57,58,74,75,76,79,80,96,97,98,118,119,120,140,141,162,163,184,185,206,207,228,229,230,250,251,252,253,254,272,273,274,275,276,277,297,298,299,300,320,321,322,343,344,365,366,387,388,408,409,410,425,426,427,429,430,431,447,448,449,450,451,452,490 +5527 - 58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,423,424,425,426,427,446,447,448,449,450,469,470,471,486 +5528 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,125,126,127,128,129,136,137,138,149,150,151,158,159,170,171,172,173,192,193,194,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,316,317,318,319,320,324,325,326,327,328,329,337,338,339,340,341,344,345,346,347,348,349,350,358,359,360,361,362,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,465,466,467,487 +5529 - 58,59,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,147,148,149,150,168,169,170,171,172,189,190,191,192,193,194,210,211,212,213,214,215,230,231,232,233,234,235,236,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,347,348,352,353,354,355,356,357,358,359,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,385,386,387,388,389,390,391,392,396,397,398,399,409,410,411,412,413,414,418,419,433,434,435,487 +5530 - 55,56,57,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,452,472,473,486 +5531 - 49,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,146,147,148,149,150,151,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,256,257,258,259,260,266,267,268,269,270,271,272,278,279,280,281,282,288,289,290,291,292,300,301,302,303,304,321,322,323,324,325,342,343,344,345,346,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,464,465,466,467,468,469,488 +5532 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,148,149,150,151,158,159,160,161,162,163,170,171,172,173,179,180,181,182,183,192,193,194,195,200,201,202,203,204,213,214,215,216,217,222,223,224,225,234,235,236,237,238,244,245,246,247,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,477,494 +5533 - 83,84,85,105,106,107,116,117,118,119,127,128,129,138,139,140,141,148,149,150,151,160,161,162,163,164,169,170,171,172,183,184,185,186,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,298,299,300,312,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,470,471,472,489 +5534 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,103,104,105,117,118,119,125,126,127,139,140,141,146,147,148,149,162,163,168,169,170,184,185,186,189,190,191,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,322,323,324,337,338,339,344,345,346,347,359,360,361,366,367,368,369,380,381,382,383,388,389,390,391,402,403,404,405,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +5535 - 103,104,105,106,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,190,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,348,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +5536 - 30,31,32,52,53,54,55,74,75,76,77,94,95,96,97,98,99,100,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,159,160,161,162,163,164,165,166,180,181,182,183,185,186,187,188,202,203,204,205,207,208,209,210,223,224,225,226,229,230,231,232,233,234,235,236,237,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,300,302,303,304,305,306,312,313,314,315,316,317,318,319,325,326,327,328,338,339,340,341,348,349,350,360,361,362,369,370,371,372,382,383,384,385,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,436,453,454,455,456,457,493 +5537 - 56,57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,125,126,127,128,129,130,141,142,143,144,147,148,149,150,151,152,163,164,165,168,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,291,292,293,294,297,298,299,300,312,313,314,315,319,320,321,322,333,334,335,336,342,343,344,355,356,357,364,365,366,377,378,386,387,388,389,399,400,401,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +5538 - 55,56,57,58,76,77,78,79,97,98,99,100,101,102,119,120,122,123,124,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,189,190,191,205,206,207,208,211,212,213,228,229,230,233,234,235,255,256,257,277,278,279,299,300,320,321,322,342,343,344,364,365,366,381,385,386,387,403,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,494 +5539 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,168,169,170,171,172,182,183,184,188,189,190,191,192,193,203,204,205,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,448,449,450,469,470,471,494 +5540 - 96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,168,169,189,190,191,211,212,213,233,234,255,256,276,277,278,298,299,300,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,492 +5541 - 59,60,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,193,194,195,196,204,205,206,207,208,209,210,211,215,216,217,218,225,226,227,228,229,230,231,232,233,237,238,239,240,246,247,248,249,250,251,254,255,258,259,260,261,267,268,269,270,271,272,280,281,282,283,288,289,290,291,292,293,301,302,303,304,309,310,311,312,313,322,323,324,325,326,331,332,333,334,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,466,467,468,469,485 +5542 - 28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,79,80,81,101,102,103,122,123,124,142,143,144,145,162,163,164,165,166,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,232,233,234,235,256,257,258,279,280,281,301,302,303,323,324,325,345,346,347,356,357,366,367,368,369,378,379,380,388,389,390,391,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +5543 - 57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,467,468,469,486 +5544 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,124,125,139,140,141,142,145,146,147,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,211,212,226,227,228,232,233,234,248,249,254,255,256,270,271,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,338,339,340,342,343,344,364,365,366,386,387,388,408,409,410,430,431,452,453,454,474,475,476,494 +5545 - 98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,167,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,229,230,231,232,233,234,249,250,251,252,253,254,269,270,271,272,273,274,275,289,290,291,292,293,294,295,296,297,298,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,324,325,326,327,330,331,332,333,334,335,340,341,342,343,344,345,346,347,348,352,353,354,355,363,364,365,366,367,368,369,370,374,375,386,387,388,389,390,487 +5546 - 114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,164,165,166,167,168,169,180,181,189,190,191,202,203,204,211,212,213,224,225,233,234,235,255,256,257,277,278,299,300,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,473,474,475,492 +5547 - 72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,146,147,148,149,150,151,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,235,236,237,238,248,249,250,257,258,259,260,279,280,281,300,301,302,303,321,322,323,324,330,331,332,342,343,344,345,346,352,353,354,355,362,363,364,365,366,367,374,375,376,377,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,488 +5548 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,95,96,97,100,101,116,117,118,119,122,123,124,138,139,140,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,256,257,258,259,269,270,271,272,279,280,281,291,292,293,302,303,313,314,315,324,325,326,335,336,337,346,347,357,358,359,367,368,369,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,493 +5549 - 40,41,42,62,63,64,83,84,85,86,98,104,105,106,107,108,119,120,121,126,127,128,129,141,142,143,147,148,149,150,151,163,164,165,169,170,171,172,184,185,186,187,190,191,192,193,205,206,207,208,209,212,213,214,226,227,228,229,230,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,339,340,341,342,353,354,355,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,489 +5550 - 50,51,52,53,54,55,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,123,124,139,140,161,162,184,185,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,277,278,279,300,301,322,323,324,345,346,367,368,369,389,390,391,410,411,412,425,426,427,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,490 +5551 - 108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,206,207,208,209,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,333,334,335,336,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,402,403,404,405,490 +5552 - 52,53,54,55,74,75,76,77,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +5553 - 17,18,19,37,38,39,40,41,42,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,107,120,121,122,123,124,125,141,142,143,144,145,146,161,162,163,164,165,166,182,183,184,185,186,187,203,204,205,206,207,208,224,225,226,227,228,245,246,247,248,249,253,254,255,256,257,258,259,267,268,269,270,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,324,325,326,327,332,333,334,336,337,338,345,346,347,348,349,353,354,355,356,358,359,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,491 +5554 - 39,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,129,130,131,138,139,140,141,142,143,153,159,160,161,162,163,180,181,182,183,184,202,203,204,205,223,224,225,226,227,228,229,230,231,232,233,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,298,299,300,301,302,303,304,305,310,311,312,313,324,325,326,327,328,332,333,334,335,346,347,348,349,350,354,355,356,357,358,368,369,370,371,377,378,379,380,381,382,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,453,491 +5555 - 93,94,95,96,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,468,469,470,492 +5556 - 11,12,13,14,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,81,97,98,99,118,119,120,121,139,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,210,211,212,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,282,292,293,294,301,302,303,304,313,314,315,316,323,324,325,336,337,338,343,344,345,346,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +5557 - 56,57,58,59,60,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,124,125,126,127,128,129,130,140,141,142,143,145,146,147,148,149,150,151,152,162,163,164,167,168,169,170,171,172,173,184,185,186,190,191,192,193,194,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,312,313,314,315,316,317,318,319,334,335,336,339,340,341,342,355,356,357,361,362,363,364,377,378,379,384,385,386,399,400,401,402,403,406,407,408,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,469,470,471,472,473,493 +5558 - 78,79,80,81,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,182,183,184,185,186,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,471,494 +5559 - 100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,169,170,171,172,173,180,181,182,183,184,190,191,192,193,201,202,203,204,210,211,212,213,214,215,223,224,225,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,293,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,494 +5560 - 56,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,169,170,171,172,179,180,181,182,183,184,185,186,187,191,192,193,194,201,202,203,204,205,206,207,208,213,214,215,216,223,224,225,226,227,228,229,230,235,236,237,238,239,245,246,247,248,249,250,251,252,257,258,259,260,261,267,268,269,270,271,275,278,279,280,281,282,283,289,290,291,292,293,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,326,333,334,335,336,337,343,344,345,346,347,355,356,357,358,359,360,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +5561 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,225,226,227,228,229,234,235,236,237,247,248,249,250,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,302,303,304,305,312,313,314,317,318,319,324,325,326,334,335,336,339,340,345,346,347,348,356,357,358,361,362,365,366,367,368,369,378,379,380,381,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +5562 - 79,80,81,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,205,206,207,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,321,322,323,343,344,345,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,488 +5563 - 34,35,36,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,191,192,193,194,195,203,204,205,206,207,208,209,210,214,215,216,217,224,225,226,227,228,236,237,238,239,246,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,355,356,357,358,365,366,367,368,377,378,379,380,381,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,485 +5564 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +5565 - 94,95,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,169,170,171,172,178,179,180,181,182,183,184,185,191,192,193,194,200,201,202,203,204,205,213,214,215,216,222,223,224,225,226,234,235,236,237,247,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +5566 - 10,11,12,13,14,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,80,81,82,93,94,95,96,103,115,116,117,118,136,137,138,139,158,159,160,180,181,182,202,203,204,211,212,213,214,215,216,224,225,226,231,232,233,234,235,236,237,238,245,246,247,252,253,254,255,256,257,258,259,260,261,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,303,304,305,312,313,314,315,316,317,318,319,325,326,327,334,335,336,337,338,339,340,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,425,428,429,430,431,432,491 +5567 - 52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,124,125,126,127,128,129,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,233,234,235,236,246,247,248,249,256,257,258,278,279,280,299,300,301,302,321,322,323,324,343,344,345,354,355,356,357,358,365,366,367,376,377,378,379,380,381,382,383,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,488 +5568 - 73,74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,121,122,123,138,139,140,144,145,146,159,160,161,162,166,167,168,169,182,183,189,190,191,212,213,214,234,235,236,255,256,257,258,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,492 +5569 - 95,96,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,169,170,171,172,181,182,183,184,190,191,192,193,203,204,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +5570 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,407,408,409,429,430,431,451,452,453,474,475,486 +5571 - 36,37,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,446,447,448,486 +5572 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,136,137,138,139,145,146,147,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,211,212,213,214,215,224,225,226,234,235,236,237,246,247,248,256,257,258,259,268,269,270,271,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,337,338,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,494 +5573 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,125,126,127,128,129,146,147,148,149,150,151,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +5574 - 37,38,39,40,41,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,105,106,119,120,121,122,123,126,127,128,141,142,143,148,149,150,162,163,164,169,170,171,184,185,186,190,191,192,193,206,207,208,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,257,274,275,276,277,295,296,297,298,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,378,379,380,381,383,384,385,386,399,400,401,402,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,493 +5575 - 95,96,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,169,170,171,172,179,180,181,182,183,184,185,190,191,192,193,201,202,203,204,205,212,213,214,215,223,224,225,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +5576 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,167,168,169,170,182,183,184,185,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,230,231,232,233,236,237,238,247,248,249,250,251,252,253,258,259,260,269,270,271,273,274,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,326,335,336,337,343,344,345,346,347,357,358,359,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +5577 - 97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,167,168,169,170,171,172,178,179,180,181,182,188,189,190,191,192,193,194,200,201,202,203,207,208,209,210,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,255,256,257,258,268,269,270,271,272,277,278,279,280,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,472,494 +5578 - 49,50,51,52,70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,120,121,122,123,136,137,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,278,295,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,366,367,368,369,388,389,390,391,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,488 +5579 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,161,170,171,172,173,191,192,193,194,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,466,467,468,469,470,492 +5580 - 49,50,51,58,59,60,70,71,72,73,80,81,82,93,94,95,96,103,104,117,118,125,126,138,139,140,147,148,149,160,161,162,169,170,171,182,183,184,191,192,193,203,204,205,214,215,225,226,227,236,237,247,248,258,259,260,268,269,270,280,281,282,290,291,302,303,311,312,313,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,489 +5581 - 61,62,63,82,83,84,85,104,105,106,107,119,120,125,126,127,128,140,141,142,143,147,148,149,161,162,163,164,168,169,170,171,183,184,185,186,190,191,192,204,205,206,207,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,276,277,278,287,288,289,290,291,292,297,298,299,300,309,310,311,312,319,320,321,341,342,343,362,363,364,365,384,385,386,405,406,407,427,428,429,448,449,450,470,471,489 +5582 - 30,31,32,33,53,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +5583 - 35,36,37,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,149,150,151,152,153,160,161,162,163,164,165,166,167,171,172,173,174,175,182,183,184,185,186,187,188,193,194,195,196,197,203,204,205,206,207,208,209,215,216,217,218,224,225,226,227,228,229,236,237,238,239,246,247,248,249,250,257,258,259,260,261,267,268,269,270,271,278,279,280,281,282,283,288,289,290,291,292,299,300,301,302,303,304,310,311,312,313,314,320,321,322,323,324,325,332,333,334,335,341,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,485 +5584 - 89,90,91,95,96,97,98,99,100,101,102,103,104,105,106,107,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,191,192,193,194,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +5585 - 57,58,59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,171,172,173,174,175,181,182,183,184,185,186,187,193,194,195,196,197,202,203,204,205,206,207,216,217,218,219,223,224,225,226,227,228,238,239,240,241,245,246,247,248,249,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,350,354,355,356,357,358,367,368,369,370,371,376,377,378,379,380,381,382,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +5586 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,81,82,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,301,302,303,314,315,316,317,323,324,325,336,337,338,339,345,346,347,358,359,360,361,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +5587 - 13,14,15,16,17,34,35,36,37,38,56,57,58,59,60,76,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,303,304,305,306,307,311,312,313,314,315,316,317,318,326,327,328,329,332,333,334,335,336,337,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,491 +5588 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,381,382,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,488 +5589 - 79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,168,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,203,204,205,206,207,210,211,212,213,214,224,225,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,431,448,449,450,451,452,453,454,469,470,471,472,473,474,494 +5590 - 50,51,72,73,93,94,95,102,103,115,116,117,124,125,137,138,139,145,146,147,159,160,161,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,235,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,341,342,343,344,345,365,366,367,388,389,390,410,411,412,413,432,433,434,435,455,456,457,458,478,479,489 +5591 - 61,62,63,64,65,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,161,162,163,164,182,183,184,185,186,204,205,206,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,293,299,300,301,302,321,322,323,324,333,334,342,343,344,345,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,490 +5592 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,146,147,148,157,158,159,160,168,169,170,171,179,180,181,189,190,191,192,193,200,201,202,210,211,212,213,214,222,223,224,233,234,235,236,244,245,246,247,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,314,315,316,320,321,322,342,343,344,363,364,365,385,386,387,408,409,430,431,432,452,453,454,474,475,476,477,478,494 +5593 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,247,248,249,256,257,258,259,260,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,297,298,299,300,301,302,303,304,305,312,313,314,318,319,320,321,322,323,324,325,326,334,335,336,339,340,341,342,344,345,346,347,348,356,357,358,359,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +5594 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,103,104,105,116,117,118,119,120,121,122,123,125,126,127,128,137,138,139,140,141,142,143,147,148,149,158,159,160,161,162,168,169,170,171,179,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,227,233,234,235,246,247,248,249,250,251,254,255,256,270,271,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,322,339,340,341,342,343,344,345,361,362,363,364,365,366,367,382,383,384,387,388,389,404,405,406,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +5595 - 100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,168,169,170,171,172,182,183,184,185,189,190,191,192,193,203,204,205,206,210,211,212,213,225,226,227,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,494 +5596 - 78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,147,148,149,150,151,155,156,157,158,159,160,161,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,258,267,268,269,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +5597 - 56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,125,126,127,128,129,141,142,143,146,147,148,149,150,162,163,164,165,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,340,341,342,343,357,358,359,362,363,364,365,378,379,380,384,385,386,387,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +5598 - 77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,181,182,183,184,185,186,187,203,204,205,206,207,208,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,294,296,297,298,299,300,301,316,320,321,322,323,338,339,342,343,344,345,359,360,361,364,365,366,367,381,382,383,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,490 +5599 - 102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,162,163,164,165,183,184,185,186,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,276,277,278,298,299,300,319,320,321,322,333,334,335,341,342,343,355,356,357,358,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,423,424,425,426,427,490 +5600 - 8,9,10,11,30,31,32,33,52,53,54,55,74,75,76,96,97,98,118,119,120,140,141,142,162,163,164,184,185,186,206,207,208,227,228,229,230,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,362,363,364,365,366,367,368,369,385,386,387,388,389,390,391,409,410,411,412,491 +5601 - 57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,471,486 +5602 - 5,6,7,8,28,29,30,31,51,52,53,74,75,76,97,98,99,119,120,121,142,143,144,165,166,167,187,188,189,210,211,232,233,234,254,255,256,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,337,338,339,342,343,344,359,360,361,364,365,366,381,382,383,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,487 +5603 - 81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,205,206,207,208,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,294,299,300,301,302,321,322,323,324,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,490 +5604 - 37,38,39,40,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,104,105,106,107,119,120,121,128,129,139,140,141,142,151,152,160,161,162,163,173,174,182,183,184,195,196,202,203,204,205,217,218,224,225,226,227,239,246,247,248,261,268,269,282,283,289,290,291,304,305,311,312,313,325,326,327,333,334,335,346,347,348,355,356,357,367,368,369,370,378,379,380,388,389,390,391,400,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +5605 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,101,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,213,214,215,216,223,224,225,226,227,228,229,230,236,237,238,246,248,250,258,259,260,279,280,281,282,300,301,302,303,322,323,324,325,343,344,345,346,352,353,362,363,364,365,366,367,368,374,375,376,377,378,379,380,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,488 +5606 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,158,159,160,161,180,181,182,183,201,202,203,204,205,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,299,300,301,302,303,313,322,323,324,325,345,346,347,348,366,367,368,369,370,388,389,390,391,408,409,410,411,412,413,423,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +5607 - 75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,125,126,127,128,136,137,138,139,140,147,148,149,150,158,159,160,168,169,170,171,179,180,181,182,190,191,192,193,201,202,203,211,212,213,214,215,223,224,225,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,494 +5608 - 31,32,33,34,35,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,236,237,238,239,246,247,248,249,258,259,260,261,267,268,269,270,281,282,283,289,290,291,292,293,302,303,304,305,311,312,313,314,315,324,325,326,327,333,334,335,336,337,347,348,355,356,357,358,359,360,361,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,485 +5609 - 33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,128,129,141,142,143,144,148,149,150,151,162,163,164,165,166,169,170,171,172,173,185,186,187,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,310,311,312,313,314,315,316,317,318,319,320,332,333,334,335,340,341,342,354,355,356,357,362,363,364,377,378,379,380,381,384,385,386,400,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,449,450,451,452,493 +5610 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +5611 - 9,10,11,12,31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,75,76,77,79,80,81,82,83,84,103,104,105,106,124,125,126,127,144,145,146,147,148,149,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,234,235,236,237,247,248,249,250,256,257,258,259,278,279,280,281,299,300,301,302,310,311,312,313,314,315,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,488 +5612 - 34,35,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,103,104,105,118,119,125,126,127,139,140,141,147,148,149,160,161,162,169,170,171,182,183,191,192,203,204,205,213,214,225,226,227,235,236,247,248,256,257,268,269,270,278,279,290,291,292,300,301,312,313,314,322,323,334,335,336,344,345,357,358,359,366,379,380,381,387,388,401,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +5613 - 60,61,62,82,83,84,97,98,99,103,104,105,106,107,119,120,121,122,125,126,127,141,142,143,144,146,147,148,149,163,164,165,167,168,169,170,184,185,186,187,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,308,309,310,311,312,313,318,319,320,321,330,331,332,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,447,448,449,450,451,470,471,489 +5614 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,186,187,188,189,190,202,203,204,205,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,321,322,323,324,337,338,339,340,343,344,345,346,361,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,494 +5615 - 34,35,36,37,55,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,213,214,215,216,217,224,225,226,227,228,236,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,270,280,281,282,283,287,288,289,290,291,301,302,303,304,305,309,310,311,312,313,322,323,324,325,326,331,332,333,334,335,343,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +5616 - 51,52,53,54,55,73,74,75,76,77,78,97,98,99,100,101,120,121,122,123,143,144,145,146,166,167,168,188,189,190,209,210,211,230,231,232,233,249,250,252,253,254,271,272,273,274,275,293,294,295,296,297,298,317,318,319,320,340,341,342,343,362,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,488 +5617 - 86,87,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,183,184,185,186,205,206,207,208,227,228,229,249,250,251,252,253,254,255,272,273,274,275,276,277,278,298,299,300,301,311,312,313,314,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,490 +5618 - 7,8,9,10,11,30,31,32,33,34,35,53,54,55,56,57,58,59,77,78,79,80,81,100,101,102,103,124,125,126,146,147,148,168,169,170,171,191,192,193,213,214,215,225,226,227,228,229,230,231,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,320,321,322,323,324,333,334,335,336,341,342,343,344,356,357,358,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,429,487 +5619 - 15,16,17,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,227,228,229,248,249,250,251,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,344,345,346,347,357,358,359,360,361,362,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +5620 - 76,77,78,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,159,160,161,162,180,181,182,183,202,203,204,224,225,226,247,248,249,270,271,272,292,293,294,295,316,317,318,319,340,341,342,363,364,365,385,386,387,408,409,430,431,445,446,451,452,453,467,468,469,470,471,472,473,474,490 +5621 - 30,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,230,231,235,236,237,238,257,258,259,260,279,280,281,282,300,301,302,303,321,322,323,324,325,333,334,335,336,342,343,344,345,346,353,354,355,356,357,358,359,360,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,449,488 +5622 - 33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,104,117,118,119,120,123,124,125,126,127,128,129,138,139,140,141,147,148,149,150,151,152,160,161,162,171,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,260,261,262,267,268,269,281,282,283,284,288,289,290,291,302,303,304,305,310,311,312,324,325,326,327,332,333,334,345,346,347,348,354,355,356,365,366,367,368,369,376,377,378,379,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +5623 - 81,82,83,103,104,105,118,119,120,124,125,126,127,140,141,142,146,147,148,161,162,163,164,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,208,211,212,213,214,225,226,227,228,229,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,304,312,313,314,315,316,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +5624 - 13,14,35,36,57,58,79,80,101,102,122,123,124,144,145,146,166,167,168,188,189,210,211,231,232,233,253,254,255,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,312,313,314,315,318,319,320,321,322,334,335,336,339,340,341,343,344,357,358,359,360,361,362,363,365,366,367,379,380,381,382,383,387,388,487 +5625 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,190,191,192,193,194,206,207,208,209,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,246,251,252,253,254,255,256,257,272,273,274,275,276,277,292,293,294,295,296,297,298,299,312,313,314,315,316,319,320,321,322,333,334,335,336,337,341,342,343,344,355,356,357,358,363,364,365,366,377,378,386,387,388,399,400,401,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +5626 - 70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +5627 - 57,58,59,60,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,172,173,174,175,182,183,184,185,186,187,188,189,194,195,196,197,203,204,205,206,207,208,216,217,218,219,225,226,227,228,229,238,239,240,241,245,246,247,248,249,250,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,303,304,305,306,310,311,312,313,314,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,357,365,366,367,368,369,370,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,467,468,469,470,485 +5628 - 30,31,32,33,34,35,36,37,51,52,53,58,59,60,73,74,81,82,95,96,103,104,117,118,124,125,126,140,145,146,147,162,167,168,169,184,185,188,189,190,191,206,207,209,210,211,212,229,230,231,232,233,234,252,253,254,274,275,276,295,296,297,298,299,317,318,319,320,321,322,338,339,340,343,344,345,360,361,365,366,367,381,382,383,387,388,389,403,404,408,409,410,425,426,429,430,431,432,447,448,450,451,452,453,493 +5629 - 14,15,16,34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,188,204,205,206,207,208,226,227,228,229,234,235,236,237,247,248,249,250,251,254,255,256,257,258,259,260,268,269,270,271,272,274,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,334,335,336,337,338,339,340,341,345,346,347,348,356,357,358,359,360,361,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +5630 - 28,29,30,50,51,52,53,73,74,75,95,96,97,117,118,119,120,139,140,141,142,161,162,163,164,165,184,185,186,187,206,207,208,209,210,229,230,231,232,233,251,252,253,254,255,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,411,429,430,431,432,433,452,453,454,486 +5631 - 60,61,62,63,82,83,84,85,97,98,99,104,105,106,119,120,121,125,126,127,128,141,142,143,147,148,149,162,163,164,165,168,169,170,171,183,184,185,186,187,190,191,192,193,205,206,207,208,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,297,298,299,300,310,311,312,319,320,321,322,332,341,342,343,362,363,364,365,383,384,385,386,405,406,407,427,428,429,448,449,450,470,471,489 +5632 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,105,116,117,118,119,120,125,126,127,138,139,140,141,142,148,149,159,160,161,162,163,181,182,183,184,185,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,277,278,279,280,291,292,293,294,301,302,303,313,314,315,316,324,325,326,336,337,338,347,348,349,358,359,360,361,369,370,371,380,381,382,383,384,390,391,392,393,404,405,406,407,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,491 +5633 - 33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,104,105,106,107,116,117,118,119,120,126,127,128,129,130,137,138,139,140,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,173,182,183,184,185,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,311,312,313,314,318,319,320,321,322,332,333,334,335,341,342,343,344,353,354,355,356,364,365,366,367,375,376,377,378,379,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,493 +5634 - 4,5,6,25,26,27,28,29,47,48,49,50,51,68,69,70,71,72,90,91,92,93,112,113,114,115,134,135,136,137,156,157,158,159,168,169,170,171,172,173,174,178,179,180,181,189,190,191,192,193,194,195,196,197,200,201,202,203,210,211,212,213,214,215,216,217,218,219,222,223,224,225,226,231,232,233,234,235,238,239,240,241,245,246,247,248,253,254,255,256,261,262,263,267,268,269,270,271,275,276,277,283,284,285,289,290,291,292,293,294,296,297,298,299,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,407,408,409,430,431,491 +5635 - 35,36,37,48,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,427,446,447,448,486 +5636 - 64,65,70,71,72,85,86,87,92,93,94,106,107,108,109,114,115,116,127,128,129,130,136,137,138,148,149,150,151,152,158,159,160,168,169,170,171,172,173,180,181,182,189,190,191,192,193,194,202,203,204,210,211,212,213,214,215,224,225,226,231,232,233,234,235,236,237,246,247,248,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,312,313,314,315,316,317,318,321,322,323,334,335,336,337,338,342,343,344,345,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,474,475,489 +5637 - 31,32,33,34,35,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,99,100,101,102,103,104,105,106,124,125,126,127,128,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,235,236,237,238,247,248,249,250,251,252,257,258,259,260,269,270,271,279,280,281,282,301,302,303,304,323,324,325,326,344,345,346,347,353,354,355,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,488 +5638 - 48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,169,170,171,172,190,191,192,193,194,211,212,213,214,215,216,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,387,388,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,472,487 +5639 - 59,60,61,80,81,82,83,102,103,104,105,124,125,126,127,138,139,140,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,185,189,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,296,297,298,299,300,301,309,310,311,312,313,314,315,319,320,321,322,331,332,333,334,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,470,471,489 +5640 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,186,187,188,189,208,209,210,211,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,278,279,280,281,300,301,302,303,321,322,323,324,335,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,488 +5641 - 36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,192,193,194,195,204,205,206,207,208,209,210,214,215,216,217,222,225,226,227,228,229,236,237,238,239,244,247,248,249,250,258,259,260,261,268,269,270,271,272,280,281,282,283,290,291,292,293,302,303,304,305,311,312,313,314,315,324,325,326,327,332,333,334,335,345,346,347,348,354,355,356,357,358,366,367,368,369,377,378,379,380,381,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +5642 - 53,54,55,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,121,122,123,133,143,144,145,164,165,166,185,186,187,188,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,253,254,255,256,257,258,259,260,261,267,268,269,270,271,280,281,282,283,284,290,291,304,305,306,327,328,349,350,359,360,361,370,371,372,381,382,383,391,392,393,394,404,405,412,413,414,415,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,474,475,476,488 +5643 - 57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,467,468,469,486 +5644 - 38,39,40,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,378,379,380,381,399,400,401,402,403,421,422,423,424,443,444,445,486 +5645 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,193,202,203,204,205,209,210,211,212,213,214,215,223,224,225,226,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,276,277,278,279,291,292,293,294,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +5646 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,124,125,126,137,138,139,145,146,147,148,149,158,159,160,161,167,168,169,170,171,172,180,181,182,189,193,194,195,202,203,204,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,262,267,268,269,270,282,283,284,289,290,291,292,304,305,311,312,313,314,325,326,327,333,334,335,336,347,348,349,357,358,359,369,370,371,372,379,380,381,382,390,391,392,393,401,402,403,404,405,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,471,472,473,474,475,485 +5647 - 75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,147,148,149,150,169,170,171,190,191,192,193,210,211,212,213,214,226,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,266,267,268,269,270,271,272,273,274,275,276,286,287,288,289,290,291,292,293,294,295,296,303,304,305,308,309,310,311,312,313,314,315,316,317,318,323,324,325,326,327,330,331,332,333,334,335,338,339,340,341,344,345,346,347,348,349,352,353,354,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,407,408,409,410,487 +5648 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,319,320,341,342,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,486 +5649 - 52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,119,127,128,129,130,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,235,236,237,247,248,249,250,256,257,258,259,278,279,280,281,299,300,301,302,303,321,322,323,324,332,333,341,342,343,344,345,353,354,355,356,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,466,467,468,488 +5650 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,119,124,125,126,127,146,147,148,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,275,276,277,296,297,298,317,318,319,320,338,339,340,341,360,361,362,381,382,383,403,404,405,425,426,427,446,447,448,468,469,470,492 +5651 - 101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,212,213,214,215,225,226,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,492 +5652 - 101,105,121,122,123,124,125,126,127,128,136,137,138,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,213,214,215,216,220,221,222,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,282,298,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,411,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +5653 - 84,85,86,87,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,254,255,256,257,270,271,272,277,278,279,299,300,301,321,322,323,333,334,335,336,342,343,344,355,356,357,358,359,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,447,490 +5654 - 13,14,15,34,35,36,37,56,57,58,76,77,78,79,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,204,205,206,226,227,228,233,234,248,249,255,256,257,270,271,276,277,278,279,292,293,297,298,299,300,301,314,315,319,320,321,322,323,336,337,338,339,341,342,343,344,359,360,361,362,363,364,365,366,382,383,384,385,386,387,406,407,408,409,428,429,430,491 +5655 - 56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,486 +5656 - 7,8,9,27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,71,72,73,75,76,77,78,79,80,99,100,101,102,103,123,124,125,146,147,148,169,170,171,191,192,193,194,214,215,216,236,237,238,250,251,252,257,258,259,260,270,271,272,273,274,275,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,299,300,301,302,303,304,311,312,313,314,315,316,322,323,324,325,326,333,334,335,336,343,344,345,346,355,356,357,358,363,364,365,366,367,377,378,379,380,381,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,487 +5657 - 96,97,98,99,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,190,191,192,193,200,201,202,203,204,205,206,212,213,214,215,222,223,224,225,234,235,236,237,245,255,256,257,258,277,278,279,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,492 +5658 - 76,77,78,79,80,97,98,99,100,101,102,103,117,118,119,120,121,124,125,126,138,139,140,141,146,147,159,160,161,162,167,168,169,180,181,182,183,189,190,191,201,202,203,204,210,211,212,213,223,224,225,231,232,233,234,235,245,246,247,252,253,254,255,256,257,267,268,269,270,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,313,314,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,475,476,494 +5659 - 56,57,58,59,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,148,149,150,151,169,170,171,172,173,189,190,191,192,193,194,210,211,212,213,214,215,229,230,231,232,233,234,235,249,250,251,252,253,254,268,269,270,271,272,273,274,275,288,289,290,291,292,293,294,295,296,297,298,309,310,311,312,313,314,315,316,317,318,319,320,321,330,331,332,333,334,335,340,341,342,343,344,352,353,354,355,363,364,365,366,374,375,385,386,387,388,407,408,409,410,411,430,431,432,433,453,454,487 +5660 - 30,31,32,33,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,100,101,102,123,124,125,145,146,147,167,168,169,189,190,191,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,297,298,299,300,321,322,323,343,344,345,365,366,367,379,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,488 +5661 - 78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,166,167,168,169,170,171,172,173,174,175,181,182,183,188,189,190,191,192,193,194,195,196,197,203,204,205,210,211,212,213,214,215,216,217,218,225,226,227,232,233,234,235,236,237,238,239,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,377,378,379,380,383,384,385,398,399,400,401,405,406,407,408,420,421,422,427,428,429,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,472,473,493 +5662 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,127,137,138,139,140,141,146,147,148,149,159,160,161,162,169,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,336,337,338,339,340,341,346,347,348,358,359,360,361,362,367,368,369,370,380,381,382,383,389,390,391,402,403,404,405,406,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,485 +5663 - 95,105,106,107,108,116,117,118,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,199,200,201,202,203,204,212,213,214,215,216,222,223,224,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,469,470,471,472,492 +5664 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,145,146,162,163,164,166,167,168,169,183,184,185,186,188,189,190,191,205,206,207,209,210,211,212,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,470,471,472,494 +5665 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,170,171,172,173,174,182,183,184,185,186,187,188,193,194,195,196,203,204,205,206,207,208,209,210,215,216,217,218,224,225,226,227,228,229,230,231,232,237,238,239,240,245,246,247,248,249,250,251,252,259,260,261,262,266,267,268,269,270,271,280,281,282,283,288,289,290,291,292,293,302,303,304,305,310,311,312,313,314,323,324,325,326,332,333,334,335,344,345,346,347,354,355,356,357,366,367,368,369,375,376,377,378,386,387,388,389,390,397,398,399,400,401,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +5666 - 56,57,58,78,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,190,207,208,209,211,228,229,230,250,251,271,272,273,274,275,276,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,343,344,364,365,366,384,385,386,387,388,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,467,468,469,490 +5667 - 57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +5668 - 54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,105,106,107,108,114,115,116,117,118,119,128,129,130,135,136,137,138,139,151,157,158,159,179,180,181,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,257,258,259,260,280,281,282,303,304,305,325,326,327,347,348,349,357,368,369,370,378,379,388,389,390,391,392,400,401,409,410,411,412,413,422,423,424,425,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,490 +5669 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,211,212,213,214,215,223,224,225,226,231,232,233,234,235,236,237,245,246,247,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +5670 - 31,32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,101,102,103,117,118,119,120,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,186,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,362,363,364,365,366,367,379,380,381,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,493 +5671 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,312,313,314,316,317,318,319,320,324,325,326,327,334,335,336,339,340,341,347,348,349,356,357,358,359,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,491 +5672 - 74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,145,146,147,158,159,160,161,167,168,169,180,181,182,189,190,191,202,203,204,212,213,225,226,234,235,236,247,248,249,255,256,257,258,269,270,271,277,278,279,292,293,294,298,299,300,301,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +5673 - 39,40,61,62,63,82,83,84,85,104,105,106,107,125,126,127,128,147,148,149,150,158,159,160,169,170,171,172,180,181,182,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,267,268,269,270,271,276,277,278,279,280,289,290,291,292,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,367,368,369,370,489 +5674 - 30,31,32,33,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,99,100,101,102,103,114,115,116,117,118,122,123,124,125,126,136,137,138,139,145,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,182,191,192,193,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,257,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,302,303,304,305,306,311,312,313,314,324,325,326,327,334,335,336,337,345,346,347,348,349,356,357,358,359,366,367,368,369,370,379,380,381,382,383,384,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +5675 - 58,59,60,79,80,81,82,83,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,391,400,401,402,403,404,422,423,424,425,444,445,446,447,466,467,486 +5676 - 91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,166,167,168,169,170,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,252,253,254,255,256,257,273,274,275,276,277,278,279,280,281,294,295,296,297,300,301,302,303,304,305,316,317,318,319,325,326,327,328,329,337,338,339,340,351,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,445,446,447,468,492 +5677 - 33,54,55,56,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,238,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,352,353,354,355,356,357,358,359,360,364,365,366,367,374,375,376,377,378,386,387,388,389,390,391,397,398,409,410,411,412,413,432,433,434,487 +5678 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,118,119,120,140,141,142,162,163,164,166,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,228,229,230,234,235,250,251,256,257,258,278,279,280,300,301,302,316,322,323,324,337,338,339,344,345,346,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,490 +5679 - 73,74,75,76,94,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,236,237,238,239,258,259,260,261,280,281,282,283,300,301,302,303,304,309,310,321,322,323,324,325,326,330,331,332,341,342,343,344,345,346,347,352,353,354,361,362,363,364,365,366,367,374,375,376,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,442,443,444,445,488 +5680 - 34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,94,95,96,97,98,100,101,115,116,117,118,122,123,137,138,139,143,144,145,159,160,161,162,163,165,166,167,182,183,184,185,186,187,188,206,207,208,209,210,230,231,232,233,251,252,253,254,255,256,273,274,275,277,278,279,294,295,296,300,301,316,317,322,323,324,337,338,339,344,345,346,359,360,361,366,367,368,381,382,383,388,389,390,403,404,405,406,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,493 +5681 - 36,37,38,57,58,59,60,61,79,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,268,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +5682 - 11,12,32,33,54,55,75,76,77,97,98,119,120,140,141,142,162,163,164,184,185,186,189,190,191,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,235,236,237,249,250,251,252,253,258,259,271,272,273,274,275,281,282,293,294,295,296,297,303,304,315,316,317,318,319,324,325,337,338,339,340,341,346,347,360,361,362,363,364,366,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,491 +5683 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,258,259,260,261,267,268,269,270,271,272,273,280,281,282,289,290,291,292,293,301,302,303,304,312,313,322,323,324,325,326,342,343,344,345,346,347,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,471,472,473,474,488 +5684 - 24,25,45,46,47,67,68,69,89,90,91,111,112,113,124,125,126,127,133,134,135,146,147,148,149,150,155,156,157,167,168,169,170,171,172,173,177,178,179,189,190,191,192,193,194,195,199,200,201,211,212,213,215,216,217,221,222,223,233,234,235,237,238,239,243,244,245,255,256,257,259,260,261,265,266,267,268,277,278,279,281,282,283,287,288,289,290,291,299,300,301,302,303,304,305,310,311,312,313,314,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,491 +5685 - 63,64,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,332,333,334,335,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,490 +5686 - 15,16,17,36,37,38,39,56,57,58,59,77,78,79,80,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,205,206,226,227,228,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,299,300,301,314,315,322,323,324,336,337,345,346,358,359,360,367,368,381,382,383,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +5687 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,101,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,150,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,212,213,214,215,225,226,227,228,229,230,235,236,237,247,248,249,256,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,324,340,341,342,343,344,345,352,353,354,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,444,445,446,447,448,488 +5688 - 78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,129,130,131,137,138,139,140,141,142,143,158,159,160,161,162,163,180,181,182,183,184,203,205,206,207,208,209,229,230,231,232,233,234,254,255,256,257,277,278,279,301,302,323,324,344,345,346,365,366,367,385,386,387,388,405,406,407,408,409,424,425,426,427,428,429,442,443,444,445,446,447,448,449,464,465,466,467,468,469,490 +5689 - 60,61,62,82,83,84,103,104,105,106,124,125,126,127,138,139,140,141,146,147,148,149,159,160,161,162,163,167,168,169,170,181,182,183,184,185,189,190,191,192,203,204,205,206,207,210,211,212,213,225,226,227,228,232,233,234,246,247,248,249,253,254,255,256,257,258,259,260,261,262,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,328,333,334,335,336,337,338,339,340,341,357,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,469,470,489 +5690 - 54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,149,161,162,163,169,170,171,183,184,185,191,192,193,194,204,205,206,214,215,216,225,226,227,236,237,238,246,247,248,258,259,260,268,269,270,280,281,282,290,291,301,302,303,312,313,323,324,325,333,334,344,345,346,347,355,356,365,366,367,368,376,377,378,387,388,389,398,399,400,408,409,410,411,421,422,423,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,485 +5691 - 56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,145,146,147,163,164,166,167,168,169,184,185,187,188,189,190,205,206,207,209,210,211,212,226,227,228,231,232,233,248,249,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,486 +5692 - 10,11,12,13,14,15,31,32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,81,82,83,84,95,96,97,98,104,105,106,107,116,117,118,119,120,126,127,128,129,130,138,139,140,141,150,151,152,158,159,160,161,172,173,174,180,181,182,183,194,195,196,197,201,202,203,204,205,216,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,248,260,261,262,266,267,268,269,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,485 +5693 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,323,324,325,326,334,335,336,337,338,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +5694 - 58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,147,148,149,150,151,152,160,161,162,163,164,165,166,171,172,173,174,175,181,182,183,184,185,186,194,195,196,197,203,204,205,206,207,216,217,218,219,224,225,226,227,228,239,240,241,246,247,248,249,260,261,262,263,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,358,359,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,485 +5695 - 55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,123,124,125,126,127,128,140,141,142,145,146,147,148,149,150,161,162,163,164,166,167,170,171,172,183,184,185,186,191,192,193,194,205,206,207,208,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,356,357,358,359,362,363,364,365,377,378,379,385,386,387,388,399,400,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,493 +5696 - 52,53,54,55,61,62,63,64,73,74,75,76,77,78,79,80,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,122,123,124,125,126,127,139,140,141,142,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,190,207,208,209,210,228,229,230,231,232,250,251,252,253,254,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,319,320,321,322,335,336,337,341,342,343,344,357,358,359,363,364,365,366,379,380,381,385,386,387,388,401,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,470,471,472,473,474,493 +5697 - 37,38,39,40,59,60,61,62,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,185,186,187,188,189,191,192,193,205,206,207,208,209,213,214,215,226,227,228,229,230,235,236,237,247,248,249,250,251,257,258,259,268,269,270,271,272,279,280,281,290,291,292,293,301,302,303,311,312,313,314,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +5698 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,124,125,126,127,136,137,138,139,140,147,148,149,150,158,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,195,200,201,202,203,204,205,214,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,260,261,262,266,267,268,269,270,282,283,284,285,288,289,290,291,292,304,305,306,307,310,311,312,313,314,325,326,327,328,329,332,333,334,335,336,344,345,346,347,348,349,350,351,354,355,356,357,358,359,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,485 +5699 - 55,56,57,58,59,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,145,146,147,148,149,150,151,161,162,163,164,167,168,169,170,171,172,173,184,185,186,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,310,311,312,313,314,315,317,318,319,320,332,333,334,340,341,342,343,354,355,362,363,364,365,366,376,377,385,386,387,388,398,399,400,401,402,403,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,472,473,474,475,476,493 +5700 - 49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,487 +5701 - 76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,149,150,151,158,159,160,161,162,170,171,172,180,181,182,191,192,193,194,195,202,203,204,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,494 +5702 - 69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,227,228,229,230,231,232,248,249,250,251,252,253,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,341,342,343,344,345,346,365,366,367,368,388,389,390,410,411,412,425,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +5703 - 82,83,96,104,105,106,117,118,119,125,126,127,128,139,140,141,147,148,149,150,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,298,299,300,301,309,310,311,312,313,320,321,322,323,332,333,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,471,472,473,489 +5704 - 52,53,54,55,72,73,74,75,76,77,94,95,96,97,115,116,117,118,137,138,159,160,181,182,190,191,192,203,204,205,212,213,214,226,227,234,235,236,248,249,250,255,256,257,258,271,272,273,274,276,277,278,279,294,295,296,297,298,299,300,318,319,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,473,474,494 +5705 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,159,160,161,167,168,169,170,180,181,182,188,189,190,191,192,202,203,204,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,255,256,257,269,270,271,272,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,494 +5706 - 8,9,10,11,12,28,29,30,31,32,33,34,35,50,56,57,77,78,79,99,100,101,121,122,143,144,164,165,166,186,187,208,209,229,230,231,251,252,273,274,294,295,296,297,316,317,318,319,338,339,340,341,342,359,360,361,362,363,364,365,366,367,368,369,381,382,383,385,386,387,388,389,390,391,403,404,405,409,410,411,412,425,426,487 +5707 - 76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,122,123,124,125,126,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,299,300,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,330,331,332,333,334,335,336,337,338,342,343,344,345,352,353,354,355,356,357,365,366,367,368,369,370,387,388,389,390,391,392,410,411,412,413,487 +5708 - 33,34,35,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +5709 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,247,248,249,250,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,325,326,327,335,336,337,338,346,347,348,349,356,357,358,359,360,361,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,404,405,406,407,408,409,410,411,491 +5710 - 50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,116,117,121,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,210,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,303,304,320,321,322,323,324,325,342,343,344,345,346,347,362,363,364,365,366,367,383,384,385,386,387,388,389,404,405,406,407,408,409,410,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,488 +5711 - 33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,148,161,162,163,164,165,168,169,170,171,183,184,185,186,187,190,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,273,278,279,280,281,291,292,293,294,300,301,302,312,313,314,315,316,321,322,323,324,334,335,336,337,342,343,344,345,356,357,358,359,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +5712 - 32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,81,82,92,93,94,95,96,97,98,114,115,136,137,158,159,179,180,181,182,200,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,252,255,256,257,258,259,260,280,281,282,303,304,305,326,327,348,349,350,354,370,371,372,375,376,377,378,392,393,399,400,401,402,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,490 +5713 - 56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,486 +5714 - 34,35,36,56,57,58,77,78,79,99,100,101,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,386,405,406,407,408,427,428,429,449,450,451,486 +5715 - 11,12,13,14,15,16,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,139,140,141,145,146,147,148,162,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,410,411,412,413,414,415,416,420,421,422,435,436,437,487 +5716 - 100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,168,169,170,189,190,191,211,212,213,233,234,235,254,255,256,275,276,277,297,298,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,492 +5717 - 33,34,35,36,37,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,140,141,142,145,146,147,148,149,150,167,168,169,170,171,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,279,280,281,282,295,296,297,301,302,303,304,308,322,323,324,325,330,331,332,333,334,343,344,345,346,352,353,354,355,356,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +5718 - 93,94,95,96,103,104,105,113,114,115,116,117,118,125,126,127,128,134,135,136,137,138,139,140,146,147,148,149,156,157,158,167,168,169,170,171,177,178,179,189,190,191,192,199,200,201,211,212,213,222,223,224,232,233,234,235,244,245,246,247,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,314,315,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,476,477,494 +5719 - 64,65,85,86,87,105,106,107,108,109,119,120,121,122,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,189,190,195,196,205,206,207,209,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,290,291,292,293,296,297,298,299,311,312,313,314,318,319,320,321,333,334,335,340,341,342,356,362,363,364,383,384,385,386,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,467,468,490 +5720 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,189,190,205,206,207,208,209,211,212,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,254,255,256,257,269,270,271,272,273,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,365,366,367,368,388,389,410,411,432,433,434,454,455,456,489 +5721 - 11,12,13,14,33,34,35,36,54,55,56,57,76,77,78,80,97,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,166,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,215,226,227,228,229,233,234,235,236,237,238,248,249,250,251,253,254,255,256,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,491 +5722 - 27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,94,102,103,104,124,125,126,147,148,169,170,191,192,212,213,214,231,232,233,234,235,236,252,253,254,255,256,257,258,272,273,274,275,276,278,279,280,293,294,295,296,297,300,301,302,314,315,316,317,321,322,323,336,337,338,343,344,345,357,358,359,364,365,366,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,487 +5723 - 79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,168,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,211,212,213,214,225,226,227,228,229,232,233,234,235,246,247,248,249,250,254,255,256,257,268,269,270,271,272,275,276,277,278,290,291,292,293,296,297,298,299,300,312,313,314,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,492 +5724 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,99,100,101,114,115,116,122,123,124,136,137,138,144,145,146,159,160,161,166,167,168,182,183,184,188,189,190,205,206,210,211,212,231,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,437,438,449,450,451,452,453,454,455,456,457,458,459,460,461,487 +5725 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,140,141,142,143,147,148,149,150,162,163,164,165,168,169,170,171,172,184,185,186,187,190,191,192,193,207,208,209,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,493 +5726 - 74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,146,147,148,149,150,151,156,157,158,159,160,168,169,170,171,172,173,177,178,179,180,181,190,191,192,193,194,195,199,200,201,202,212,213,214,215,216,221,222,223,233,234,235,236,237,243,244,245,254,255,256,257,258,259,265,266,267,268,269,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,458,459,477,478,479,480,481,494 +5727 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,159,160,161,162,163,168,169,170,171,172,181,182,183,184,190,191,192,193,194,203,204,205,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,472,494 +5728 - 71,72,73,74,75,89,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,158,159,160,161,162,163,164,165,166,167,178,179,186,187,188,189,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,283,293,294,295,296,297,298,299,300,301,302,303,304,305,316,317,325,326,327,348,349,350,370,371,372,392,393,394,403,404,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,459,488 +5729 - 35,36,37,38,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,147,148,149,150,162,163,164,165,166,167,170,171,172,183,184,185,186,187,189,190,191,192,193,194,205,206,207,208,213,214,215,216,226,227,228,229,230,234,235,236,237,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,311,312,313,314,321,322,323,324,333,334,335,336,342,343,344,345,355,356,357,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +5730 - 53,54,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,190,191,192,193,194,195,196,200,201,202,203,204,205,214,215,216,217,218,221,222,223,224,225,226,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,269,280,281,282,283,284,287,288,289,290,291,292,293,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,409,410,411,485 +5731 - 36,37,38,39,58,59,60,61,62,79,80,81,82,83,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +5732 - 35,36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +5733 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,141,142,143,144,147,148,149,162,163,164,165,169,170,171,185,186,190,191,192,193,211,212,213,214,231,232,233,234,235,252,253,254,255,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,389,390,391,392,396,397,398,399,400,401,402,418,419,420,421,422,440,441,442,487 +5734 - 71,72,81,82,92,93,94,103,104,105,113,114,115,116,125,126,127,135,136,137,146,147,148,149,150,157,158,159,168,169,170,171,172,179,180,181,190,191,192,193,194,201,202,203,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,451,452,453,473,474,475,489 +5735 - 17,18,19,38,39,40,41,60,61,62,81,82,83,103,104,105,124,125,126,127,140,141,146,147,148,162,163,164,167,168,169,183,184,185,189,190,204,205,206,207,210,211,212,226,227,228,229,230,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,295,296,297,298,299,300,311,312,313,314,317,318,319,320,321,332,333,334,338,339,340,341,355,359,360,361,362,363,381,382,383,384,402,403,404,405,406,425,426,427,489 +5736 - 71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,403,404,405,406,407,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,488 +5737 - 85,86,87,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,297,298,299,300,313,314,315,316,320,321,322,336,337,341,342,343,344,357,358,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,444,446,447,490 +5738 - 60,61,71,72,80,81,82,83,93,94,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,162,163,164,165,166,184,185,186,187,188,189,206,207,208,209,210,211,212,228,229,230,233,234,235,256,257,258,278,279,280,301,302,303,323,324,325,345,346,347,356,366,367,368,378,388,389,390,400,401,409,410,411,422,423,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +5739 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,206,207,208,227,228,229,230,235,236,248,249,250,251,254,255,256,257,258,259,268,269,270,271,272,273,275,276,277,278,279,280,281,290,291,292,293,294,296,297,298,299,300,301,302,303,311,312,313,314,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +5740 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,146,147,148,149,150,151,156,157,158,159,160,169,170,171,172,173,174,178,179,180,181,192,193,194,195,196,199,200,201,202,213,214,215,216,217,218,221,222,223,224,232,233,234,235,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,322,323,324,325,326,327,333,334,335,343,344,345,346,347,348,355,356,357,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,494 +5741 - 98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,216,225,226,227,228,234,235,236,237,247,248,249,250,255,256,257,258,269,270,271,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,472,492 +5742 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,123,124,125,126,127,128,139,140,141,142,147,148,161,162,163,164,183,184,185,186,204,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,319,320,321,322,323,342,343,344,345,346,364,365,366,367,368,383,386,387,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,473,474,475,476,477,490 +5743 - 77,78,79,80,81,82,87,97,98,99,100,101,102,103,104,105,106,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,148,149,150,151,152,162,163,164,169,170,171,172,184,185,186,190,191,192,193,194,206,207,208,211,212,213,214,215,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,347,355,356,357,358,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,444,445,493 +5744 - 28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,122,123,124,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,392,393,400,401,402,403,404,405,406,422,423,424,425,426,427,428,445,446,447,448,449,487 +5745 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,149,161,162,163,166,167,168,169,170,171,182,183,184,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,466,467,468,469,494 +5746 - 97,98,99,100,101,118,119,120,121,122,123,124,139,140,141,142,145,146,160,161,162,167,168,182,183,189,190,204,205,210,211,212,226,227,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,294,295,296,299,300,321,322,343,344,365,366,387,388,409,410,431,432,453,454,476,477,494 +5747 - 38,39,40,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,225,226,227,228,229,235,236,237,247,248,249,257,258,259,268,269,270,271,278,279,280,281,289,290,291,292,293,300,301,302,311,312,313,314,321,322,323,324,333,334,335,336,341,342,343,344,345,355,356,357,362,363,364,365,377,378,379,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,485 +5748 - 31,32,33,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,133,134,135,139,140,141,142,143,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,233,234,235,236,237,238,239,240,248,249,259,260,261,262,282,283,284,304,305,306,326,327,328,347,348,349,350,357,358,359,366,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,452,453,454,455,456,457,488 +5749 - 59,60,61,80,81,82,83,84,102,103,104,105,122,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +5750 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,209,210,211,212,225,226,227,228,230,231,232,233,234,235,246,247,248,249,250,252,253,254,255,256,257,258,268,269,270,271,274,275,279,280,281,282,290,291,292,302,303,304,312,313,314,325,326,334,335,336,337,347,348,349,357,358,359,360,361,362,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,491 +5751 - 13,14,15,16,17,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,104,105,106,107,108,118,119,120,121,122,126,127,128,129,139,140,141,142,143,144,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,206,207,213,214,215,234,235,236,255,256,257,258,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,410,411,412,413,414,420,421,422,423,433,434,435,436,487 +5752 - 15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,161,162,163,183,184,205,206,207,227,228,229,230,250,251,252,253,254,273,274,275,276,277,297,298,299,300,320,321,322,323,343,344,345,365,366,367,381,382,387,388,389,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,490 +5753 - 54,55,57,58,59,60,61,73,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,146,147,148,149,150,162,163,164,168,169,170,171,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,325,332,333,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,378,379,385,386,387,388,389,398,399,400,401,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,488 +5754 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,145,146,147,148,149,158,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,392,406,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +5755 - 40,41,42,62,63,64,65,83,84,85,86,105,106,107,120,126,127,128,141,142,143,147,148,149,150,162,163,164,165,169,170,171,184,185,186,187,190,191,192,205,206,207,212,213,214,226,227,228,229,233,234,235,247,248,249,250,251,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,295,296,297,298,299,300,301,302,311,312,313,314,317,318,319,320,321,322,323,333,334,335,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,489 +5756 - 32,33,54,55,76,77,98,99,120,121,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,451,452,453,486 +5757 - 64,65,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,163,164,165,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,255,256,257,258,269,270,271,272,273,277,278,279,280,291,292,293,294,299,300,301,302,313,314,315,321,322,323,342,343,344,345,364,365,366,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,468,490 +5758 - 2,3,4,5,24,25,26,27,28,29,46,47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,77,95,96,97,98,99,100,119,120,121,122,142,143,144,145,165,166,167,168,188,189,190,210,211,212,213,233,234,235,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,321,322,323,325,326,327,328,329,336,337,338,343,344,345,349,350,351,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,487 +5759 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,74,76,77,78,95,96,98,99,100,117,120,121,122,141,142,143,162,163,164,165,184,185,186,187,190,191,192,205,206,207,208,211,212,213,214,227,228,229,230,232,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,279,280,281,291,292,293,294,295,296,297,298,301,302,303,312,313,314,315,316,317,318,319,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +5760 - 33,34,55,56,77,78,98,99,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,318,319,340,341,362,363,384,385,386,406,407,408,429,430,431,451,452,453,486 +5761 - 79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,161,162,163,164,167,168,169,170,182,183,184,185,189,190,191,204,205,206,207,211,212,213,226,227,228,232,233,234,249,254,255,256,275,276,277,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,403,404,405,406,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +5762 - 29,30,31,32,33,51,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,99,100,101,102,116,117,118,122,123,124,138,139,140,144,145,146,147,160,161,167,168,169,182,183,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,248,249,255,256,257,277,278,279,298,299,300,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,411,412,413,414,415,425,426,427,428,435,436,437,438,458,459,460,487 +5763 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,125,126,127,128,129,139,140,141,142,143,148,149,150,151,161,162,163,169,170,171,172,182,183,184,185,190,191,192,193,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,363,364,365,379,380,381,382,384,385,386,387,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,469,470,471,493 +5764 - 38,39,40,59,60,61,81,82,103,104,124,125,141,142,146,147,162,163,164,167,168,183,184,185,189,190,205,206,211,212,226,227,228,232,233,247,248,249,254,255,269,270,271,275,276,277,291,292,293,297,298,299,313,314,315,316,317,318,319,320,337,338,339,340,341,342,343,344,345,362,363,364,365,366,367,384,385,406,407,427,428,449,450,451,489 +5765 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,122,123,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,167,168,169,170,171,181,182,183,187,188,189,190,191,192,202,203,204,205,206,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,239,240,247,248,249,250,251,252,253,254,255,256,261,262,272,273,274,275,276,277,283,284,297,298,299,305,306,318,319,320,339,340,341,342,350,361,362,363,371,372,382,383,384,385,393,394,402,403,404,405,406,416,424,425,426,427,446,447,448,459,460,468,469,470,481,482,494 +5766 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,97,98,99,100,101,119,120,121,122,141,142,143,163,164,165,184,185,186,206,207,227,228,229,233,234,235,248,249,250,251,253,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,292,293,294,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,323,324,325,337,338,339,340,341,345,346,359,360,361,362,363,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +5767 - 33,34,35,36,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,161,162,163,164,165,168,169,170,171,182,183,184,185,186,191,192,193,204,205,206,207,213,214,215,225,226,227,228,235,236,237,247,248,249,250,257,258,259,268,269,270,271,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,322,323,324,334,335,336,343,344,345,346,356,357,358,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +5768 - 78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,146,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +5769 - 98,99,100,101,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,211,212,213,227,228,229,233,234,235,249,250,251,254,255,256,271,272,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,451,470,471,472,492 +5770 - 71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,185,186,187,188,189,206,207,208,209,227,228,229,230,248,249,250,251,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,321,322,323,341,342,343,344,345,362,363,364,365,383,384,385,386,404,405,406,407,424,425,426,427,445,446,447,448,467,468,469,488 +5771 - 60,61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,277,278,279,292,293,294,295,298,299,300,314,315,316,320,321,322,340,341,342,343,344,362,363,364,365,382,383,384,385,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,464,465,490 +5772 - 12,13,14,34,35,36,55,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,185,186,187,206,207,208,209,228,229,230,233,234,235,236,250,251,252,254,255,256,257,258,271,272,273,275,276,277,278,279,280,293,294,295,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +5773 - 35,36,37,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,189,190,191,192,193,204,205,206,207,208,211,212,213,214,226,227,228,232,233,234,235,247,248,249,250,254,255,256,257,269,270,271,277,278,279,290,291,292,293,299,300,301,311,312,313,314,320,321,322,323,333,334,335,336,341,342,343,344,355,356,357,363,364,365,366,377,378,379,380,382,383,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,445,446,447,448,449,485 +5774 - 11,12,32,33,34,35,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,249,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,427,428,429,430,491 +5775 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,126,127,128,129,139,140,141,142,147,148,149,150,161,162,163,164,168,169,170,171,172,184,185,186,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,319,320,321,335,336,337,338,341,342,343,356,357,358,359,363,364,365,378,379,384,385,386,387,399,400,401,402,405,406,407,408,422,423,424,425,426,427,428,445,446,447,448,449,450,468,469,470,493 +5776 - 60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,139,140,156,157,178,179,180,200,201,202,203,204,205,206,207,223,224,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,281,300,301,302,303,304,305,325,326,327,348,349,370,371,372,378,379,391,392,393,400,401,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,490 +5777 - 39,40,41,60,61,62,63,82,83,84,97,103,104,105,118,119,120,125,126,127,140,141,142,143,144,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,188,190,191,192,205,206,207,211,212,213,214,226,227,228,229,230,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,318,319,320,321,333,334,335,336,341,342,343,356,357,358,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,489 +5778 - 100,101,102,103,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,167,168,169,181,182,183,184,189,190,203,204,210,211,212,232,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,407,408,428,429,430,450,451,452,472,473,474,492 +5779 - 35,36,37,56,57,58,59,60,78,79,80,81,82,100,101,102,103,122,123,124,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,448,449,450,451,486 +5780 - 38,39,40,41,42,58,59,60,61,62,63,64,65,79,80,81,82,83,100,101,102,103,104,121,122,123,124,142,143,144,145,164,165,166,184,185,186,187,188,205,206,207,208,209,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,277,278,279,292,293,294,298,299,300,301,313,314,315,316,320,321,322,335,336,337,341,342,343,356,357,358,359,362,363,364,365,378,379,380,381,383,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,445,446,447,448,449,491 +5781 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,139,140,141,142,143,147,148,149,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,205,206,207,208,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,363,364,365,378,379,380,384,385,386,400,401,402,404,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,493 +5782 - 7,8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,94,95,96,115,116,117,118,137,138,139,159,160,161,180,181,182,183,187,188,189,190,191,192,202,203,204,209,210,211,212,213,214,215,216,224,225,226,232,233,234,235,236,237,238,239,246,247,248,258,259,260,261,267,268,269,270,281,282,283,284,289,290,291,292,293,303,304,305,312,313,314,315,316,317,318,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,382,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,491 +5783 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,125,126,127,128,129,138,139,140,141,147,148,149,150,151,152,160,161,162,169,170,171,172,173,182,183,184,185,189,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,363,364,365,366,378,379,380,381,382,385,386,387,400,401,402,403,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,493 +5784 - 97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,183,188,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,470,471,472,492 +5785 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,127,128,144,145,146,147,149,150,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,447,467,468,469,486 +5786 - 94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,167,168,169,189,190,191,211,212,213,232,233,234,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,492 +5787 - 59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,184,185,186,188,189,190,191,209,210,211,212,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,377,380,387,388,389,398,399,400,401,402,403,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,488 +5788 - 46,47,48,49,50,51,52,67,68,69,70,71,72,73,74,75,88,89,90,91,92,93,94,95,96,97,98,110,111,112,120,121,132,133,142,143,144,155,163,164,165,166,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,231,232,233,234,235,236,237,256,257,258,259,280,281,282,303,304,325,326,347,348,349,369,370,371,390,391,392,403,404,405,411,412,413,414,425,426,427,428,429,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +5789 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,169,187,188,189,190,191,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,446,447,448,449,486 +5790 - 6,7,8,9,28,29,30,31,50,51,52,53,72,73,74,75,94,95,96,97,98,116,117,118,119,120,139,140,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,276,277,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,389,391,392,393,394,395,402,403,404,405,487 +5791 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,125,126,127,128,140,141,142,143,147,148,149,150,162,163,164,165,168,169,170,171,185,186,187,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,358,359,360,361,363,364,365,379,380,381,382,384,385,386,387,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,493 +5792 - 60,61,75,76,82,83,96,97,98,103,104,105,118,119,120,125,126,127,140,141,147,148,161,162,163,169,170,183,184,185,191,192,205,206,213,214,223,224,225,226,227,228,234,235,236,244,245,246,247,248,249,250,251,256,257,258,266,267,268,269,270,271,272,273,274,275,278,279,280,289,290,291,292,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,365,366,367,387,388,389,409,410,430,431,432,452,453,474,475,489 +5793 - 37,38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,126,127,128,142,143,144,145,147,148,149,168,169,170,171,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,278,279,280,281,294,295,296,300,301,302,320,321,322,323,341,342,343,344,352,353,354,363,364,365,374,375,376,377,378,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,488 +5794 - 74,75,76,77,78,80,81,95,96,97,98,99,100,101,102,103,116,117,118,123,124,125,137,138,139,145,146,147,159,160,168,169,180,181,190,191,202,203,212,213,223,224,233,234,235,236,245,246,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,279,280,289,290,291,292,293,294,295,296,301,302,313,323,324,345,346,347,368,369,390,391,412,413,414,415,434,435,436,437,456,457,458,459,479,480,481,494 +5795 - 100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,189,190,191,192,193,204,205,206,207,211,212,213,214,215,225,226,227,228,229,233,234,235,236,247,248,249,250,251,255,256,257,258,268,269,270,271,272,276,277,278,279,291,292,293,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +5796 - 50,51,52,71,72,73,74,82,83,93,94,95,96,103,104,105,116,117,118,125,126,127,138,139,140,147,148,149,159,160,161,169,170,171,181,182,183,191,192,193,202,203,204,205,213,214,215,224,225,226,235,236,237,246,247,248,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,478,479,489 +5797 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,169,170,171,172,173,181,182,183,184,190,191,192,193,194,203,204,205,206,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,473,494 +5798 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,123,124,136,137,138,139,144,145,146,158,159,160,165,166,167,180,181,185,186,187,188,203,206,207,208,225,227,228,229,250,251,252,253,273,274,275,276,296,297,298,299,319,320,321,322,342,343,344,364,365,366,367,387,388,389,409,410,411,430,431,432,450,451,452,453,454,471,472,473,474,475,488 +5799 - 37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,126,127,128,129,142,143,144,145,147,148,149,150,164,165,166,168,169,170,171,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,272,273,274,278,279,280,281,300,301,302,303,321,322,323,324,330,331,332,333,342,343,344,345,346,352,353,354,355,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,488 +5800 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,79,80,81,82,94,95,96,97,98,103,104,116,117,118,119,137,138,139,140,159,160,161,162,182,183,184,194,195,196,197,204,205,206,213,214,215,216,217,218,219,226,227,228,229,234,235,236,237,238,239,240,249,250,251,252,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,363,364,365,366,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,451,452,453,454,455,456,493 +5801 - 34,35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,160,161,162,163,164,170,171,172,173,181,182,183,184,185,192,193,194,195,203,204,205,206,207,214,215,216,217,224,225,226,227,228,236,237,238,239,246,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,356,357,358,359,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +5802 - 4,5,26,27,28,48,49,50,69,70,71,91,92,93,112,113,114,134,135,136,145,146,147,148,149,150,156,157,158,167,168,169,170,171,172,173,178,179,180,188,189,190,194,195,196,200,201,210,211,216,217,218,219,222,223,231,232,233,239,240,241,244,245,246,253,254,255,262,263,266,267,268,275,276,284,285,288,289,290,291,296,297,298,306,307,311,312,313,314,318,319,320,327,328,329,334,335,336,337,338,339,341,342,343,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,407,408,491 +5803 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,167,168,169,170,171,182,183,184,189,190,191,192,193,204,205,206,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +5804 - 7,8,9,10,28,29,30,31,32,49,50,51,52,71,72,73,74,93,94,95,96,115,116,117,137,138,139,159,160,161,169,170,171,172,180,181,182,183,188,189,190,191,192,193,194,195,202,203,204,209,210,211,212,213,214,215,216,217,224,225,226,230,231,232,233,234,237,238,239,247,248,249,251,252,253,254,259,260,261,269,270,271,272,273,274,275,281,282,283,291,292,293,294,295,296,303,304,313,314,315,316,317,325,326,336,337,338,339,346,347,348,358,359,360,361,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +5805 - 39,40,41,60,61,62,81,82,83,84,102,103,104,105,124,125,126,146,147,148,162,163,167,168,169,184,185,189,190,191,206,207,211,212,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,297,298,299,300,301,312,313,314,315,318,319,320,321,334,335,336,340,341,342,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,489 +5806 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,144,145,146,156,157,158,159,160,166,167,168,178,179,180,181,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,277,278,279,280,298,299,300,301,320,321,322,323,324,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,494 +5807 - 61,62,63,83,84,85,97,98,104,105,106,107,118,119,120,126,127,128,140,141,142,147,148,149,150,161,162,163,164,168,169,170,171,183,184,185,186,187,189,190,191,192,193,205,206,207,208,211,212,213,214,226,227,228,229,230,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,318,319,320,321,322,323,334,335,336,341,342,343,344,356,357,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +5808 - 32,33,53,54,55,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,145,146,147,148,149,150,151,158,159,160,161,162,169,170,171,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,216,217,218,219,223,224,225,238,239,240,241,245,246,247,260,261,262,263,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,333,334,335,344,345,346,347,348,355,356,357,358,365,366,367,368,369,370,378,379,380,381,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +5809 - 34,35,36,37,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,163,164,165,166,168,169,170,171,184,185,186,187,188,190,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,230,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,273,277,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,320,321,322,323,334,335,336,337,338,342,343,344,356,357,358,359,360,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +5810 - 8,9,10,29,30,31,32,50,51,52,54,72,73,74,94,95,115,116,117,137,138,158,159,160,168,169,170,180,181,182,188,189,190,191,192,193,202,203,204,209,210,211,212,213,214,215,216,224,225,226,229,230,231,232,233,234,235,236,237,238,239,246,247,248,250,251,252,253,254,259,260,269,270,271,272,273,274,275,281,282,283,291,292,293,294,295,296,303,304,313,314,315,316,317,324,325,326,336,337,338,339,340,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +5811 - 101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,212,213,214,226,227,228,229,230,233,234,235,236,248,249,250,251,255,256,257,258,269,270,271,272,273,276,277,278,279,292,293,294,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,473,492 +5812 - 50,51,52,53,54,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,113,114,115,120,121,122,123,134,135,136,143,144,145,156,157,165,166,167,187,188,189,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,278,279,280,292,293,294,295,296,301,302,314,315,316,317,323,324,325,345,346,347,367,368,369,389,390,391,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +5813 - 60,61,62,82,83,84,98,103,104,105,106,107,119,120,121,125,126,127,140,141,142,143,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,211,212,213,214,227,228,229,233,234,235,248,249,250,251,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,339,340,341,342,343,361,362,363,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,489 +5814 - 32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,432,451,452,453,486 +5815 - 36,37,38,39,56,57,58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,147,148,149,150,162,163,164,165,169,170,171,184,185,186,190,191,192,193,206,207,211,212,213,214,229,230,232,233,234,235,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,343,344,345,346,347,348,349,355,356,357,358,359,360,361,366,367,368,369,370,371,377,378,379,380,381,382,383,390,391,392,393,398,399,400,401,402,403,404,420,421,422,423,424,425,442,443,444,445,487 +5816 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,121,122,123,124,144,145,146,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,271,272,273,274,292,293,294,295,296,314,315,316,317,335,336,337,338,347,348,349,358,359,360,361,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,487 +5817 - 76,77,78,79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +5818 - 96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,275,276,277,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +5819 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,146,147,148,149,150,151,161,162,163,164,167,168,169,170,171,172,183,184,185,190,191,192,193,205,206,207,211,212,213,214,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,384,385,386,399,400,401,402,403,406,407,408,421,422,423,428,429,430,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,472,473,493 +5820 - 27,28,29,30,49,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,96,97,98,99,100,101,102,121,122,123,124,125,144,145,146,147,148,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,253,254,255,256,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,488 +5821 - 99,100,101,102,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,233,234,235,236,237,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,492 +5822 - 51,52,73,74,75,94,95,96,116,117,118,126,127,137,138,139,147,148,149,159,160,161,169,170,171,181,182,183,191,192,193,202,203,204,213,214,215,224,225,226,235,236,246,247,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,343,344,345,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +5823 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,125,126,127,128,129,139,140,141,142,143,144,147,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,186,187,191,192,193,206,207,208,212,213,214,215,234,235,236,255,256,257,258,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,408,409,410,411,412,413,414,420,421,422,423,424,425,426,431,432,433,434,435,436,442,443,444,445,446,487 +5824 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,429,430,451,452,453,486 +5825 - 102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,211,212,213,214,215,224,225,226,227,228,233,234,235,246,247,248,249,254,255,256,257,269,270,271,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +5826 - 13,14,34,35,36,56,57,58,78,79,99,100,101,121,122,123,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,234,251,252,253,254,255,256,273,274,275,277,278,294,295,296,299,300,315,316,317,318,321,322,337,338,339,340,342,343,344,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +5827 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,126,127,128,129,130,137,138,139,140,141,142,143,144,147,148,149,150,151,152,159,160,161,162,163,168,169,170,171,172,173,182,183,184,185,189,190,191,192,193,204,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,362,363,364,378,379,380,381,383,384,385,386,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,493 +5828 - 102,103,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,159,160,161,162,163,181,182,202,203,207,208,209,210,211,212,213,214,215,223,224,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,260,261,262,266,267,268,269,270,284,285,288,289,290,306,307,310,311,328,329,332,349,350,351,354,370,371,372,390,391,392,393,410,411,412,413,430,431,432,433,450,451,452,453,472,473,490 +5829 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,149,160,161,162,163,169,170,171,181,182,183,184,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,228,233,234,235,236,237,238,247,248,249,250,255,256,257,258,259,260,269,270,271,272,273,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,471,472,473,474,494 +5830 - 54,55,56,57,58,59,74,75,76,77,78,80,81,82,95,96,97,98,99,100,103,104,116,117,118,125,126,127,138,139,148,149,159,160,161,170,171,181,182,192,193,202,203,204,214,215,224,225,236,237,246,247,258,259,268,269,280,281,290,291,302,303,312,313,324,325,334,335,345,346,347,356,357,367,368,378,379,388,389,390,400,401,402,409,410,411,423,424,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +5831 - 57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,146,147,148,149,150,160,161,162,163,164,168,169,170,171,183,184,185,186,188,189,190,191,192,193,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,374,375,376,386,387,388,396,397,398,399,400,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,431,440,441,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,488 +5832 - 7,8,9,28,29,30,49,50,51,52,71,72,73,74,93,94,95,115,116,117,137,138,139,159,160,161,181,182,202,203,204,212,213,214,215,216,217,218,224,225,226,233,234,235,236,237,238,239,240,246,247,248,249,254,255,256,257,258,259,260,261,262,269,270,271,274,275,276,277,278,279,282,283,284,291,292,293,294,296,297,298,299,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,491 +5833 - 57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,338,339,340,360,361,362,381,382,383,403,404,405,424,425,426,427,446,447,448,468,469,470,486 +5834 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,382,383,384,385,404,405,406,407,408,426,427,428,429,430,431,449,450,451,452,453,486 +5835 - 41,61,62,63,83,84,85,104,105,106,119,120,126,127,128,140,141,142,148,149,162,163,164,169,170,171,184,185,186,191,192,206,207,208,213,214,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,298,299,300,301,302,312,313,314,320,321,322,333,334,335,342,343,355,356,357,363,364,365,385,386,406,407,408,428,429,430,450,451,489 +5836 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,168,169,170,180,181,182,183,184,191,192,202,203,204,213,214,223,224,225,234,235,236,245,246,247,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,301,302,313,314,315,316,317,318,319,320,323,324,337,338,339,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,456,457,478,479,480,494 +5837 - 12,13,33,34,35,54,55,56,57,76,77,78,97,98,99,118,119,120,140,141,142,161,162,163,170,182,183,184,190,191,192,193,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,237,246,247,248,253,254,255,256,257,258,259,268,269,275,276,277,278,279,280,281,290,291,292,296,297,298,300,301,302,312,313,314,315,318,319,320,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +5838 - 29,30,31,32,33,51,52,53,54,55,56,57,74,75,76,77,78,79,80,100,101,102,103,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,229,230,231,232,252,253,254,255,276,277,278,299,300,301,321,322,323,343,344,345,346,365,366,367,368,385,386,387,388,389,390,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +5839 - 83,84,85,86,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,297,298,299,300,312,313,314,319,320,321,322,334,335,341,342,343,363,364,365,376,377,378,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,448,449,490 +5840 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,486 +5841 - 34,35,36,55,56,57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,275,276,277,278,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,385,386,387,388,397,398,399,400,401,402,403,404,408,409,410,411,419,420,421,422,423,424,425,430,431,432,433,442,445,453,454,455,487 +5842 - 39,40,41,49,50,60,61,62,63,64,69,70,71,72,81,82,83,84,85,91,92,93,94,100,101,102,103,104,105,106,107,113,114,115,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,168,169,170,171,182,183,184,185,186,190,191,192,193,211,212,213,214,233,234,235,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,441,442,443,444,445,446,447,448,449,450,451,452,486 +5843 - 11,12,13,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,103,104,105,118,119,120,121,124,125,126,127,140,141,142,145,146,147,148,149,162,163,167,168,169,170,171,189,190,191,210,211,212,231,232,233,253,254,255,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,316,317,318,319,320,321,322,332,333,334,335,337,338,339,340,341,342,343,353,354,355,356,358,359,360,363,364,365,376,377,378,379,380,381,382,386,387,388,389,390,391,398,399,400,401,402,408,409,410,411,412,413,421,422,423,431,432,433,487 +5844 - 30,31,33,34,35,52,53,55,56,57,58,73,74,75,79,80,81,94,95,96,97,102,103,104,116,117,118,124,125,126,137,138,139,147,148,149,159,160,161,170,171,172,181,182,183,193,194,203,204,215,216,217,224,225,226,237,238,239,246,247,248,260,261,268,269,270,282,283,290,291,292,304,305,312,313,314,325,326,327,334,335,336,347,348,349,357,358,359,368,369,370,371,379,380,381,389,390,391,392,402,403,404,405,409,410,411,412,413,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +5845 - 38,39,40,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,148,149,150,151,162,163,164,165,166,167,169,170,171,172,184,185,186,187,188,191,192,193,194,206,207,208,209,212,213,214,215,229,230,233,234,235,236,253,254,255,256,257,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,365,366,367,375,376,377,378,379,380,381,382,383,387,388,389,390,396,397,398,399,400,401,402,403,404,409,410,411,412,418,419,420,421,422,423,424,431,432,433,434,440,441,442,443,487 +5846 - 15,16,17,36,37,38,57,58,59,78,79,80,99,100,101,102,121,122,123,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,230,249,250,251,270,271,272,273,274,275,292,293,294,295,296,297,298,299,314,315,316,319,320,321,322,336,337,342,343,344,345,358,359,365,366,367,380,381,382,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +5847 - 104,105,106,107,108,109,122,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,164,165,166,167,168,169,170,185,186,187,188,207,208,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,275,276,277,278,292,293,294,297,298,299,314,315,316,319,320,321,339,340,341,342,354,355,356,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,421,422,423,424,490 +5848 - 12,13,14,34,35,36,37,55,56,57,77,78,98,99,100,119,120,121,122,141,142,143,163,164,165,185,186,207,208,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,298,299,300,316,317,318,320,321,322,338,339,340,343,344,360,361,362,364,365,366,383,384,385,386,387,405,406,407,408,409,428,429,430,491 +5849 - 13,14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,82,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,189,190,191,205,206,207,208,210,211,212,213,214,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +5850 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,429,430,451,452,453,486 +5851 - 98,99,101,102,103,106,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,212,213,214,215,226,227,228,229,233,234,235,236,237,247,248,249,250,255,256,257,258,268,269,270,271,272,277,278,279,280,290,291,292,293,298,299,300,301,312,313,314,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,492 +5852 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,76,77,78,79,80,81,82,93,94,95,102,103,104,105,125,126,127,128,148,149,150,170,171,172,191,192,193,194,203,204,205,206,207,208,209,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,300,301,302,303,323,324,325,326,346,347,348,367,368,369,370,379,380,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +5853 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,125,126,127,128,129,130,131,138,139,140,149,150,151,152,153,160,161,162,170,171,172,173,174,175,182,183,184,191,192,193,194,195,196,197,204,205,206,207,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,378,379,380,381,383,384,385,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,493 +5854 - 73,74,80,81,94,95,96,101,102,103,116,117,123,124,125,137,138,139,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,255,256,257,258,259,260,267,268,269,270,271,278,279,280,281,282,289,290,291,292,300,301,302,303,304,311,312,313,322,323,324,333,334,344,345,346,355,356,366,367,368,388,389,390,411,412,413,433,434,435,455,456,457,477,478,479,489 +5855 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,183,184,185,186,189,190,191,192,204,205,206,207,208,211,212,213,214,225,226,227,228,229,232,233,234,235,247,248,249,250,254,255,256,257,268,269,270,271,272,276,277,278,290,291,292,293,297,298,299,300,312,313,314,319,320,321,335,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +5856 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,139,140,141,142,143,160,161,162,163,164,165,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,255,256,257,258,277,278,279,280,288,299,300,301,302,310,311,321,322,323,324,332,333,334,343,344,345,346,355,356,357,358,364,365,366,367,368,377,378,379,380,381,382,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +5857 - 107,108,109,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,191,207,208,209,210,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,276,277,278,291,292,293,294,298,299,300,314,315,320,321,322,341,342,343,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,490 +5858 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,79,80,93,94,95,101,102,115,116,122,123,124,138,144,145,146,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,323,324,345,346,358,359,366,367,368,379,380,381,386,387,388,389,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +5859 - 37,38,39,40,59,60,61,62,63,81,82,83,84,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,305,306,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,486 +5860 - 78,79,80,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,162,163,164,165,167,168,183,184,185,186,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +5861 - 12,13,14,15,33,34,35,55,56,57,76,77,78,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,169,170,171,182,183,184,185,186,190,191,192,193,194,203,204,205,206,207,210,211,212,213,214,215,216,217,225,226,227,228,232,233,234,235,236,237,238,246,247,248,249,253,254,255,256,258,259,260,267,268,269,270,274,275,276,277,280,281,289,290,291,295,296,297,301,302,303,310,311,312,313,316,317,318,323,324,325,332,333,334,335,336,337,338,339,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,491 +5862 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,165,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +5863 - 61,62,63,82,83,84,85,104,105,106,119,120,121,125,126,127,128,141,142,143,146,147,148,149,162,163,164,165,166,168,169,170,184,185,186,187,188,190,191,192,205,206,207,208,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,297,298,299,300,312,313,314,319,320,321,322,335,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,448,449,450,451,470,471,472,489 +5864 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,451,452,453,486 +5865 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,159,160,161,162,163,167,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +5866 - 57,58,59,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,145,146,147,148,149,150,151,152,159,160,161,162,163,164,167,168,182,183,184,185,186,187,205,206,207,208,209,210,211,228,229,230,231,232,233,234,252,253,254,255,256,257,275,276,277,278,279,280,298,299,300,301,302,321,322,323,324,343,344,345,346,354,365,366,367,368,376,377,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,471,472,473,474,490 +5867 - 15,16,17,18,35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,104,105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,144,148,149,150,162,163,164,165,166,170,171,172,184,185,186,191,192,193,206,207,212,213,214,215,228,229,233,234,235,236,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,388,389,390,391,398,399,400,401,402,403,404,412,420,421,422,423,424,487 +5868 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,123,124,125,136,137,138,146,147,148,157,158,159,160,169,170,171,179,180,181,182,191,192,193,201,202,203,204,213,214,215,223,224,225,235,236,237,238,245,246,247,257,258,259,267,268,269,279,280,281,289,290,291,300,301,302,303,311,312,313,314,321,322,323,324,333,334,335,336,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +5869 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,148,149,150,151,159,160,161,162,163,169,170,171,172,173,180,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,449,450,451,470,471,472,473,494 +5870 - 51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,97,98,99,101,102,103,104,124,125,126,145,146,147,167,168,169,187,188,189,190,207,208,209,210,211,229,230,231,232,252,253,254,255,276,277,278,299,300,321,322,323,343,344,345,365,366,367,378,379,387,388,399,400,408,409,410,421,422,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,488 +5871 - 35,36,37,38,39,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,103,104,105,118,119,120,121,122,124,125,126,127,140,141,142,143,145,146,147,148,162,163,164,167,168,169,170,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,256,257,258,271,272,273,274,275,278,279,280,281,293,294,295,300,301,302,321,322,323,324,330,342,343,344,345,352,353,354,363,364,365,366,374,375,376,377,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,488 +5872 - 32,33,34,35,36,52,53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,139,140,141,142,161,162,163,164,184,185,186,187,206,207,208,209,229,230,231,232,252,253,254,255,275,276,277,278,289,290,297,298,299,300,312,320,321,322,323,334,335,342,343,344,345,356,357,358,359,364,365,366,367,379,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +5873 - 128,129,130,131,142,143,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,196,205,206,207,208,209,227,228,229,230,231,232,248,249,250,251,252,253,254,269,270,271,272,274,275,276,291,292,293,296,297,298,313,314,317,318,319,320,339,340,341,359,360,361,362,376,377,378,379,380,381,382,383,398,399,400,401,402,403,490 +5874 - 80,81,82,100,101,102,103,104,105,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,298,299,300,301,313,314,315,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +5875 - 35,36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,143,144,146,147,148,149,161,162,163,164,167,168,169,170,171,184,185,188,189,190,191,209,210,211,212,213,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,300,301,302,314,315,316,321,322,323,324,343,344,345,364,365,366,376,377,378,379,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +5876 - 7,8,9,10,11,12,13,14,15,29,30,31,32,33,34,35,36,37,54,55,56,57,58,59,79,80,81,101,102,122,123,124,144,145,146,166,167,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,321,340,341,342,346,347,348,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,486 +5877 - 12,13,14,15,34,35,36,56,57,77,78,79,99,100,101,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,213,214,227,228,229,234,235,236,248,249,250,251,254,255,256,257,258,270,271,272,275,276,277,278,279,280,281,291,292,293,296,297,298,299,301,302,303,312,313,314,315,318,319,320,322,323,324,334,335,336,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +5878 - 80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,127,128,129,141,142,143,144,149,150,151,162,163,164,171,172,173,183,184,185,191,192,193,194,204,205,206,207,211,212,213,214,215,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,468,469,470,471,494 +5879 - 12,13,14,33,34,35,36,55,56,57,77,78,79,98,99,100,101,119,120,121,122,123,140,141,142,143,145,162,163,164,165,183,184,185,186,191,192,204,205,206,207,212,213,214,215,226,227,228,233,234,235,236,237,238,248,249,250,254,255,256,258,259,260,269,270,271,276,277,278,280,281,282,291,292,293,297,298,299,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,491 +5880 - 56,57,58,78,79,80,94,100,101,102,116,117,122,123,124,138,139,144,145,146,160,161,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,212,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,298,299,300,320,321,322,343,344,365,366,387,388,409,410,411,431,432,433,453,454,455,475,476,477,489 +5881 - 34,35,36,37,56,57,58,59,60,61,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,125,126,127,128,129,139,140,141,142,143,148,149,150,151,161,162,163,164,165,170,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,207,214,215,216,217,224,225,226,227,228,236,237,238,239,246,247,248,249,258,259,260,261,267,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,310,311,312,313,314,321,322,323,324,332,333,334,335,342,343,344,345,346,353,354,355,356,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +5882 - 33,34,55,56,77,78,99,100,101,121,122,123,143,144,145,164,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,486 +5883 - 35,36,37,38,39,40,57,58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,150,163,164,165,166,170,171,172,184,185,186,187,192,193,194,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,290,291,292,293,299,300,301,302,311,312,313,314,321,322,323,332,333,334,335,342,343,344,345,354,355,356,357,363,364,365,366,376,377,378,379,380,381,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +5884 - 32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,105,116,117,118,119,120,125,126,127,138,139,140,141,148,149,150,159,160,161,162,171,172,181,182,183,184,192,193,194,203,204,205,206,214,215,216,217,225,226,227,228,236,237,238,239,247,248,249,250,258,259,260,269,270,271,272,280,281,282,290,291,292,293,294,301,302,303,304,312,313,314,315,316,322,323,324,325,334,335,336,337,338,343,344,345,346,347,357,358,359,360,364,365,366,367,368,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +5885 - 14,15,16,17,18,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,104,105,106,107,119,120,121,122,123,124,126,127,128,129,141,142,143,144,145,148,149,150,164,165,169,170,171,172,191,192,193,212,213,214,215,233,234,235,236,248,249,250,251,252,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,352,353,354,355,356,357,358,359,360,361,362,364,365,366,367,374,375,376,377,378,379,380,381,382,386,387,388,389,390,396,397,398,399,400,401,409,410,411,412,418,419,420,421,422,432,433,434,487 +5886 - 72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,143,144,145,146,147,148,149,150,157,158,159,168,169,170,171,172,173,174,178,179,180,181,192,194,195,196,197,200,201,202,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,283,284,285,288,289,290,304,305,306,307,310,311,312,325,326,327,328,333,334,335,346,347,348,349,350,355,356,357,367,368,369,370,371,378,379,380,381,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,449,450,485 +5887 - 86,87,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,277,278,279,280,289,290,291,292,293,299,300,301,311,312,313,314,321,322,323,333,334,335,336,342,343,344,345,356,363,364,365,366,385,386,387,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,465,466,467,468,469,490 +5888 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,81,82,97,98,99,100,102,103,104,119,120,121,123,124,125,126,127,140,141,142,145,146,148,149,150,161,162,163,164,171,172,183,184,185,193,194,204,205,206,215,216,226,227,228,237,238,247,248,249,259,260,269,270,271,280,281,282,290,291,292,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,367,368,369,379,380,381,387,388,389,390,401,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +5889 - 11,12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,170,171,183,184,185,186,191,192,193,194,205,206,207,212,213,214,215,216,217,226,227,228,229,233,234,235,236,237,238,239,247,248,249,250,254,255,256,257,258,259,260,261,269,270,271,272,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,300,301,302,303,304,312,313,314,315,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +5890 - 8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,78,79,80,81,93,94,101,102,103,116,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,249,250,251,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,312,313,314,318,319,320,321,322,334,335,336,339,340,341,342,343,344,345,356,357,358,360,361,362,363,365,366,367,368,369,371,378,379,380,381,382,383,384,388,389,390,391,392,393,400,401,402,403,404,405,411,412,413,414,415,422,423,424,425,426,434,435,436,487 +5891 - 62,63,64,84,85,86,98,99,105,106,107,119,120,121,122,127,128,129,141,142,143,144,148,149,150,151,162,163,164,165,170,171,172,184,185,186,187,192,193,194,206,207,208,209,210,213,214,215,227,228,229,230,231,232,235,236,237,248,249,250,251,252,253,254,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,296,297,298,299,300,301,302,311,312,313,314,319,320,321,322,323,333,334,335,336,341,342,343,344,356,357,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,470,471,472,489 +5892 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,146,147,148,158,159,160,161,168,169,170,179,180,181,189,190,191,192,201,202,203,210,211,212,213,214,223,224,225,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,278,279,280,292,293,294,300,301,302,322,323,324,344,345,346,366,367,388,389,409,410,411,431,432,433,453,454,455,474,475,476,494 +5893 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,168,169,170,171,182,183,184,190,191,192,193,204,205,206,211,212,213,214,226,227,228,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +5894 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,78,79,80,94,95,101,102,116,117,118,123,124,138,139,140,141,161,162,163,164,165,170,171,172,184,185,186,187,188,189,190,191,192,193,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,257,271,272,273,274,275,278,279,280,292,293,294,295,300,301,302,314,315,316,317,323,324,335,336,337,338,345,346,347,357,358,359,367,368,369,379,380,381,388,389,390,401,402,403,404,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,493 +5895 - 15,16,17,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,105,106,107,119,120,121,122,123,127,128,129,142,143,148,149,150,151,164,170,171,172,191,192,193,194,205,206,207,208,213,214,215,216,225,226,227,228,229,230,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,294,295,296,297,298,299,300,301,309,310,311,314,315,316,317,318,319,320,321,322,323,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,374,375,376,377,378,379,380,388,389,390,391,396,397,398,399,400,410,411,412,413,419,420,433,434,487 +5896 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,191,207,208,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,449,450,451,452,471,472,473,474,493 +5897 - 95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,206,212,213,214,215,224,225,226,227,234,235,236,237,247,248,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,473,492 +5898 - 57,58,59,60,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,141,142,143,162,163,164,167,183,184,185,189,190,205,206,207,210,211,212,228,229,230,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,405,406,426,427,428,448,449,470,471,494 +5899 - 62,63,64,83,84,85,86,104,105,106,107,119,120,126,127,128,129,141,142,143,147,148,149,150,162,163,164,165,169,170,171,184,185,186,191,192,193,205,206,207,208,212,213,214,226,227,228,229,230,233,234,235,236,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,319,320,321,322,323,333,334,335,336,341,342,343,344,345,355,356,357,363,364,365,377,378,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +5900 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,57,74,75,76,77,78,79,80,81,99,100,101,102,103,104,105,106,122,123,124,125,126,127,128,129,147,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,232,233,234,235,236,237,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,330,331,332,333,334,335,336,337,338,341,342,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,487 +5901 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,168,169,170,171,172,183,184,185,189,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,226,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,494 +5902 - 7,8,9,10,11,12,13,29,30,31,32,33,34,35,36,52,53,54,56,57,58,78,79,80,81,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,229,230,231,232,233,250,251,252,253,254,270,271,272,273,274,291,292,293,294,295,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,373,377,378,379,380,381,382,383,487 +5903 - 36,37,38,57,58,59,60,79,80,81,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +5904 - 12,13,34,35,54,55,56,57,75,76,77,96,97,98,117,118,119,138,139,140,141,159,160,161,162,180,181,182,202,203,204,205,206,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,382,383,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,490 +5905 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,168,169,170,171,185,186,187,188,191,192,193,206,207,208,209,212,213,214,215,227,228,229,230,234,235,236,248,249,250,251,255,256,257,258,269,270,271,272,277,278,279,291,292,293,294,299,300,301,312,313,314,315,316,321,322,323,334,335,336,337,342,343,344,356,357,358,363,364,365,366,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +5906 - 95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,164,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +5907 - 34,35,36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,103,104,105,106,119,120,121,122,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,186,190,191,192,193,205,206,207,212,213,214,233,234,235,249,250,251,252,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,312,313,314,315,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,386,387,388,389,390,400,401,402,403,404,408,409,410,411,412,413,431,432,433,434,454,455,456,487 +5908 - 5,6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,56,57,58,79,80,81,102,103,123,124,125,144,145,146,147,166,167,168,169,187,188,189,208,209,210,211,228,229,230,231,232,249,250,251,252,253,270,271,272,273,274,291,292,293,294,312,313,314,315,334,335,336,337,357,358,359,360,361,362,363,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,487 +5909 - 12,13,14,15,16,17,18,19,33,34,35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,82,83,84,85,96,97,98,99,104,105,106,107,118,119,120,126,127,128,147,148,149,150,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,365,366,367,368,374,375,376,377,378,379,380,381,382,388,389,390,391,396,397,398,399,400,401,402,403,410,411,412,413,418,419,420,421,422,433,434,435,487 +5910 - 12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,96,97,98,99,118,119,120,140,141,142,162,163,183,184,185,205,206,226,227,228,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,299,300,301,302,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,383,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +5911 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,126,127,128,129,140,141,142,143,144,147,148,149,150,163,164,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,278,279,280,295,296,300,301,302,309,310,321,322,323,324,330,331,332,333,342,343,344,345,352,353,354,355,356,357,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,488 +5912 - 53,54,74,75,76,77,96,97,98,99,100,120,121,122,123,143,144,145,146,167,168,169,190,191,192,213,214,235,236,256,257,258,277,278,279,297,298,299,300,318,319,320,321,338,339,340,341,342,359,360,361,362,379,380,381,382,383,400,401,402,403,421,422,423,424,443,444,445,465,466,492 +5913 - 13,14,15,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,213,214,226,227,228,229,233,234,235,236,247,248,249,250,255,256,257,258,259,269,270,271,275,276,277,278,279,280,281,290,291,292,293,297,298,299,300,301,302,312,313,314,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +5914 - 5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,70,71,76,77,78,79,98,99,100,101,120,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,370,371,372,373,377,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,487 +5915 - 37,38,39,59,60,61,62,80,81,82,83,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,443,444,445,446,486 +5916 - 54,55,56,57,58,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,102,103,104,105,113,114,115,116,117,118,124,125,126,127,134,135,136,137,146,147,148,155,156,157,158,166,167,168,169,170,177,178,179,180,181,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,273,274,275,277,278,279,280,281,282,294,295,296,303,304,316,317,325,326,338,339,346,347,360,368,369,382,389,390,391,403,404,405,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +5917 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,127,128,129,130,139,140,141,142,143,149,150,151,152,161,162,163,164,170,171,172,173,183,184,185,186,190,191,192,193,194,195,205,206,207,208,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,340,341,342,343,355,356,357,358,359,362,363,364,365,377,378,379,380,384,385,386,387,399,400,401,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,470,471,493 +5918 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,124,125,138,139,140,146,147,148,160,161,168,169,170,171,181,182,183,191,192,193,203,204,213,214,225,226,234,235,236,246,247,248,255,256,257,258,268,269,270,277,278,279,280,290,291,292,297,298,299,300,301,312,313,314,318,319,320,321,322,323,335,336,337,338,339,340,341,344,345,358,359,360,361,362,365,366,367,387,388,389,409,410,411,431,432,433,453,454,475,476,494 +5919 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,117,118,119,120,121,125,126,127,128,138,139,140,141,147,148,149,150,160,161,162,168,169,170,171,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,257,258,259,271,272,273,274,275,279,280,281,293,294,300,301,302,303,321,322,323,324,330,331,332,342,343,344,345,346,352,353,354,355,364,365,366,367,374,375,376,377,378,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,488 +5920 - 7,8,9,28,29,30,50,51,52,71,72,73,93,94,95,114,115,116,136,137,138,146,147,148,149,150,157,158,159,160,168,169,170,171,172,173,179,180,181,182,189,190,191,192,193,194,195,201,202,203,204,210,211,212,213,215,216,217,223,224,225,226,232,233,234,235,237,238,239,245,246,247,248,252,253,254,255,256,259,260,261,267,268,269,270,274,275,276,277,280,281,282,289,290,291,292,293,296,297,298,299,301,302,303,304,312,313,314,315,316,317,318,319,320,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +5921 - 40,41,42,56,57,58,60,61,62,63,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,190,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,269,270,271,272,277,278,279,280,290,291,292,293,299,300,301,312,313,314,320,321,322,323,334,335,336,342,343,344,355,356,357,358,363,364,365,377,378,379,380,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +5922 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,116,117,125,126,127,138,147,148,149,167,168,169,170,171,187,188,189,190,191,192,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,301,302,303,324,325,333,334,346,347,354,355,356,357,367,368,369,376,377,378,379,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +5923 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,140,141,142,145,146,147,148,149,166,167,168,169,188,189,190,191,192,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,278,279,280,294,295,296,299,300,301,302,321,322,323,324,342,343,344,345,352,353,354,355,356,362,363,364,365,366,374,375,376,377,378,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,488 +5924 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,146,147,161,162,163,168,169,170,182,183,184,191,192,204,205,206,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,275,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,494 +5925 - 99,100,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,276,277,278,293,294,295,299,300,315,316,321,322,342,343,344,356,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,427,428,490 +5926 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,233,251,252,253,254,255,256,257,274,275,276,277,278,279,280,297,298,299,300,301,302,303,323,324,325,344,345,346,347,365,366,367,368,369,386,387,388,389,390,391,400,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +5927 - 67,80,83,84,85,86,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,191,192,193,205,206,207,208,209,210,213,214,215,226,227,228,229,230,231,232,235,236,237,247,248,249,250,257,258,259,269,270,271,278,279,280,290,291,292,300,301,302,312,313,314,321,322,323,333,334,335,343,344,345,355,356,357,358,364,365,366,377,378,379,380,381,382,383,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +5928 - 49,50,51,52,70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,141,142,143,144,157,158,159,160,164,165,166,167,179,180,181,186,187,188,189,201,202,203,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,297,298,299,318,319,320,339,340,341,342,360,361,362,363,364,365,366,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,414,432,433,434,435,436,437,438,456,457,458,459,460,461,480,481,482,483,487 +5929 - 36,37,38,39,40,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,125,126,127,128,129,130,139,140,141,142,143,150,151,152,161,162,163,164,172,173,174,182,183,184,185,186,193,194,195,203,204,205,206,207,215,216,217,225,226,227,236,237,238,246,247,248,258,259,260,268,269,270,279,280,281,282,289,290,291,292,301,302,303,311,312,313,323,324,325,333,334,335,344,345,346,355,356,357,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,485 +5930 - 54,55,56,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,486 +5931 - 12,13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,119,120,121,122,141,142,143,162,163,164,169,170,183,184,185,186,190,191,192,193,194,205,206,207,208,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,280,281,282,290,291,292,296,297,298,299,301,302,303,312,313,314,315,317,318,319,320,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +5932 - 33,34,35,36,54,55,56,57,58,59,76,77,79,80,81,82,98,99,102,103,104,105,120,121,125,126,127,128,138,139,140,141,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,214,215,216,225,226,227,235,236,237,247,248,249,257,258,259,269,270,271,279,280,281,291,292,293,300,301,302,313,314,315,322,323,324,336,337,343,344,345,358,359,364,365,366,367,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,485 +5933 - 58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,380,381,382,383,402,403,404,423,424,425,426,445,446,447,466,467,468,469,486 +5934 - 33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,95,96,97,98,99,117,118,119,120,139,140,141,161,162,163,183,184,185,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,277,278,279,280,300,301,302,303,323,324,325,345,346,347,366,367,368,369,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,490 +5935 - 12,13,14,15,33,34,35,36,54,55,56,57,58,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,147,148,162,163,164,165,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,236,237,238,247,248,249,250,251,252,253,254,257,258,259,268,269,270,271,273,274,275,276,279,280,281,290,291,292,294,295,296,297,300,301,302,303,311,312,313,314,315,316,317,318,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,491 +5936 - 76,77,78,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +5937 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +5938 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,181,182,183,184,185,186,192,193,194,202,203,204,205,206,207,208,213,214,215,216,224,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,282,289,290,291,292,299,300,301,302,303,311,312,313,314,320,321,322,323,324,333,334,335,336,341,342,343,344,345,355,356,357,358,362,363,364,365,366,377,378,379,380,381,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,485 +5939 - 63,64,65,76,77,82,83,84,85,86,87,97,98,99,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,171,172,173,183,184,185,186,187,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,276,277,278,290,291,292,293,294,298,299,300,312,313,314,315,320,321,322,334,335,336,341,342,343,363,364,365,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,433,442,443,444,445,446,447,448,449,468,469,490 +5940 - 97,98,99,100,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,187,188,189,190,191,192,202,203,204,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,279,293,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +5941 - 36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,139,140,141,142,143,146,147,148,149,162,163,167,168,169,170,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,278,279,280,300,301,302,321,322,323,324,330,331,342,343,344,345,352,353,354,363,364,365,366,374,375,376,377,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,444,445,446,447,448,488 +5942 - 31,32,33,34,35,50,51,52,53,54,55,56,57,70,71,72,73,74,75,77,78,79,91,92,93,94,100,101,113,114,115,121,122,123,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,209,210,211,212,228,229,232,233,234,235,236,256,257,258,279,280,281,291,302,303,304,313,314,324,325,334,335,336,346,347,356,357,358,367,368,369,379,380,381,389,390,391,401,402,403,404,405,406,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +5943 - 77,78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,233,234,235,236,237,246,247,248,249,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +5944 - 57,58,59,79,80,81,101,102,103,117,118,122,123,124,125,138,139,140,145,146,160,161,162,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,224,225,226,232,233,234,246,247,248,254,255,256,268,269,270,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,489 +5945 - 40,41,42,61,62,63,83,84,85,105,106,126,127,128,140,141,142,147,148,149,150,162,163,164,165,169,170,171,184,185,186,189,190,191,192,205,206,207,208,211,212,213,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,296,297,298,299,300,301,312,313,314,315,318,319,320,321,322,333,334,335,336,340,341,342,343,355,356,357,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,449,489 +5946 - 115,116,117,118,119,120,121,124,125,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,257,258,259,260,267,268,269,278,279,280,281,300,301,302,303,322,323,324,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,450,451,452,453,472,473,474,492 +5947 - 83,84,85,86,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,184,185,186,187,192,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,253,254,255,256,269,270,271,272,276,277,278,291,292,293,294,298,299,300,312,313,314,315,320,321,322,334,335,336,341,342,343,344,357,362,363,364,365,383,384,385,386,399,404,405,406,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,448,490 +5948 - 8,9,30,31,51,52,53,72,73,74,75,94,95,96,97,115,116,117,118,137,138,139,140,159,160,161,181,182,183,203,204,205,213,214,215,216,217,225,226,227,233,234,235,236,237,238,239,240,246,247,248,249,253,254,255,256,257,258,259,260,261,262,269,270,271,274,275,276,277,278,282,283,284,291,292,293,295,296,297,298,299,305,306,307,313,314,315,316,317,318,319,320,327,328,329,336,337,338,339,340,348,349,350,359,360,361,362,363,364,365,366,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,491 +5949 - 56,57,58,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,126,127,128,129,140,141,142,143,147,148,149,150,161,162,163,164,165,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,323,336,337,338,339,343,344,345,356,357,358,359,360,365,366,367,378,379,380,381,386,387,388,389,399,400,401,402,407,408,409,410,411,421,422,423,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,493 +5950 - 34,35,56,57,58,77,78,79,80,81,99,100,101,102,121,122,123,143,144,145,165,166,186,187,188,208,209,210,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,449,450,451,486 +5951 - 11,12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,123,140,141,142,143,162,163,164,165,183,184,185,186,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,250,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,281,282,283,289,290,291,292,296,297,298,299,300,302,303,304,311,312,313,314,318,319,320,321,324,325,326,333,334,335,336,340,341,342,343,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,491 +5952 - 24,25,26,27,28,29,30,31,32,33,34,45,46,47,48,49,50,51,52,53,54,55,56,57,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,88,89,90,91,97,98,99,100,101,102,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,303,304,316,317,318,319,320,323,324,325,326,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,487 +5953 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,169,170,171,172,182,183,184,185,186,191,192,193,194,204,205,206,207,208,213,214,215,225,226,227,228,229,234,235,236,237,247,248,249,250,256,257,258,259,269,270,271,272,276,277,278,279,280,292,293,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,492 +5954 - 56,57,65,76,77,78,79,86,87,97,98,99,100,107,108,109,117,118,119,120,121,128,129,130,139,140,141,142,149,150,151,160,161,162,163,170,171,172,181,182,183,184,189,190,191,192,193,194,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,276,277,278,279,297,298,299,300,301,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,489 +5955 - 15,16,36,37,38,58,59,60,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,423,424,425,486 +5956 - 16,17,18,19,36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,85,86,97,98,99,100,101,102,119,120,121,122,123,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,225,226,227,228,247,248,249,269,270,271,277,278,279,280,290,291,292,293,296,297,298,299,300,301,302,303,312,313,314,315,317,318,319,320,321,322,323,324,325,334,335,336,337,339,340,341,342,343,344,345,346,347,356,357,358,359,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +5957 - 14,15,16,36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,486 +5958 - 49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,99,100,101,112,113,121,122,123,143,144,145,164,165,166,167,184,185,186,187,188,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,324,325,326,346,347,348,358,369,370,380,381,391,392,393,402,403,404,413,414,415,425,426,427,434,435,436,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,488 +5959 - 96,97,98,99,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,191,192,193,194,202,203,204,205,206,212,213,214,215,223,224,225,226,227,234,235,236,237,244,245,246,247,248,255,256,257,258,266,267,268,269,277,278,279,280,288,289,290,291,298,299,300,301,310,311,312,320,321,322,323,341,342,343,344,363,364,365,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +5960 - 53,54,55,61,62,63,75,76,77,82,83,84,96,97,98,103,104,105,117,118,119,120,124,125,126,127,138,139,140,141,146,147,148,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,210,211,212,225,226,227,231,232,233,234,247,248,249,253,254,255,270,271,272,275,276,277,282,283,284,292,293,294,295,296,297,298,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,361,362,363,383,384,385,405,406,427,428,449,450,470,471,472,489 +5961 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,169,170,171,172,173,174,181,182,183,184,185,186,187,188,192,193,194,195,196,202,203,204,205,206,207,208,209,214,215,216,217,218,223,224,225,226,227,228,229,230,236,237,238,239,240,244,245,246,247,248,249,258,259,260,261,262,265,266,267,268,269,270,279,280,281,282,283,284,287,288,289,290,291,301,302,303,304,305,306,309,310,311,312,322,323,324,325,326,327,331,332,333,334,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +5962 - 13,14,15,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,206,207,208,228,229,230,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,299,300,301,314,315,316,321,322,323,336,337,338,343,344,345,358,359,360,364,365,366,380,381,382,384,385,386,387,388,403,404,405,406,407,408,425,426,427,428,429,491 +5963 - 34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,486 +5964 - 93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,136,137,138,139,144,145,146,158,159,160,166,167,168,169,179,180,181,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,233,234,235,248,249,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +5965 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,146,147,148,149,150,167,168,169,170,171,172,189,190,191,192,193,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,443,444,445,446,447,448,487 +5966 - 53,54,75,76,97,98,119,120,121,141,142,143,163,164,165,186,187,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,363,364,385,386,407,408,429,430,451,452,473,474,486 +5967 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,244,250,256,257,258,259,260,261,265,266,267,278,279,280,281,282,283,287,288,289,290,300,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,327,332,333,334,335,336,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +5968 - 136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,235,236,237,238,239,243,258,259,260,261,280,281,282,283,300,301,302,303,304,321,322,323,324,325,342,343,344,345,346,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,426,427,428,429,446,447,448,449,450,468,469,470,471,472,492 +5969 - 61,62,63,83,84,85,104,105,106,107,126,127,128,129,139,140,147,148,149,150,151,159,160,161,162,169,170,171,172,182,183,184,190,191,192,193,194,203,204,205,206,207,212,213,214,215,216,223,224,225,226,227,228,234,235,236,237,238,243,244,245,246,247,248,249,250,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,337,338,339,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,489 +5970 - 54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,139,140,141,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,466,467,468,469,470,488 +5971 - 106,107,108,109,124,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,153,163,164,165,167,168,169,170,171,172,173,174,183,184,185,186,187,190,191,192,203,204,205,206,207,208,209,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,490 +5972 - 26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,449,450,451,452,453,454,455,456,457,458,493 +5973 - 13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,161,162,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,491 +5974 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,102,103,104,105,118,119,120,122,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,296,297,298,318,319,320,321,341,342,343,362,363,364,365,383,384,385,386,387,401,402,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,488 +5975 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,210,211,212,213,214,215,216,224,225,228,232,233,234,235,236,237,238,253,254,255,256,257,258,259,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,318,319,320,321,322,323,324,339,340,341,342,343,344,345,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,475,492 +5976 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,116,117,118,119,120,121,125,126,137,138,139,140,141,142,146,147,148,159,168,169,170,190,191,211,212,213,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,341,342,362,363,364,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,492 +5977 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,145,146,147,148,149,150,159,160,161,162,163,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +5978 - 59,60,61,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,149,150,151,152,153,159,160,161,162,163,164,165,172,173,174,175,179,180,181,182,183,184,185,195,196,197,201,202,203,204,205,217,218,219,222,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,282,283,284,285,288,289,290,303,304,305,306,310,311,312,324,325,326,327,332,333,334,335,344,345,346,347,348,349,354,355,356,357,358,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +5979 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,160,161,162,163,168,169,182,183,184,185,189,190,191,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +5980 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,99,100,101,121,122,123,143,144,145,164,165,166,185,186,187,188,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,272,278,279,280,281,301,302,303,324,325,326,338,346,347,348,359,360,367,368,369,370,381,382,388,389,390,391,403,404,405,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +5981 - 53,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,235,236,237,238,239,240,243,244,245,246,247,248,257,258,259,260,261,262,265,266,267,268,278,279,280,281,282,283,284,287,288,289,290,298,299,300,301,302,303,304,305,309,310,311,312,313,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,425,426,427,428,485 +5982 - 17,24,25,38,39,45,46,47,60,61,62,67,68,69,70,82,83,84,89,90,91,92,103,104,105,111,112,113,114,115,124,125,126,127,133,134,135,136,137,146,147,148,149,155,156,157,158,159,168,169,170,171,177,178,179,180,181,190,191,192,193,199,200,201,202,203,211,212,213,214,215,222,223,224,225,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,367,368,369,370,377,378,379,389,390,391,392,393,411,412,413,414,434,435,436,489 +5983 - 34,35,36,55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,486 +5984 - 39,40,41,42,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,157,158,159,179,180,181,201,202,203,223,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,275,276,277,278,279,280,281,282,290,301,302,303,304,305,325,326,327,347,348,349,368,369,370,371,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,490 +5985 - 35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,161,162,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,319,320,321,322,323,324,325,326,333,334,335,336,337,340,341,342,343,344,345,346,347,348,349,355,356,357,358,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,487 +5986 - 72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,116,117,118,123,124,125,138,139,146,147,168,169,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,446,447,448,449,468,469,470,492 +5987 - 28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,277,278,279,280,281,282,283,301,302,303,304,305,311,312,313,322,323,324,325,326,327,332,333,334,335,342,343,344,345,346,347,348,354,355,356,357,358,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +5988 - 30,31,32,33,34,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,305,306,307,313,314,315,316,317,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,487 +5989 - 62,63,64,73,74,75,84,85,86,87,95,96,97,98,105,106,107,108,117,118,119,120,127,128,129,130,138,139,140,141,142,148,149,150,151,152,159,160,161,162,163,164,169,170,171,172,173,174,180,181,182,183,184,185,191,192,193,194,195,202,203,204,205,206,207,211,212,213,214,215,216,217,223,224,225,226,227,228,229,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,471,472,473,474,489 +5990 - 15,16,17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,225,226,227,228,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,491 +5991 - 120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,273,274,275,276,277,290,297,298,299,300,312,313,319,320,321,322,334,335,336,337,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,490 +5992 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,125,126,127,128,137,138,139,148,149,150,159,160,169,170,171,172,181,182,191,192,193,203,204,212,213,214,225,226,233,234,235,236,247,248,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,320,321,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,431,450,451,452,472,473,474,494 +5993 - 12,13,14,15,16,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,137,138,139,140,141,142,143,159,160,161,162,163,164,180,181,182,183,184,185,202,203,204,205,206,207,223,224,225,226,227,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,491 +5994 - 55,56,77,78,79,80,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,447,448,449,450,470,471,486 +5995 - 100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,211,212,213,214,215,216,217,221,222,223,224,225,226,227,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,281,297,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,346,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,411,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,475,492 +5996 - 9,10,11,12,31,32,33,52,53,54,55,74,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,183,184,185,205,206,207,226,227,228,229,234,235,236,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,302,303,314,315,316,317,318,325,326,336,337,338,339,340,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,406,407,408,409,410,491 +5997 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,151,152,161,162,163,164,166,167,168,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,363,364,365,366,378,379,380,381,382,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +5998 - 12,13,33,34,35,55,56,57,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,236,237,238,248,249,250,258,259,260,269,270,271,272,280,281,282,291,292,293,302,303,304,313,314,315,322,323,324,325,335,336,337,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +5999 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,169,170,171,180,181,182,183,184,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,494 +6000 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,317,318,319,323,324,325,326,335,336,337,340,341,344,345,346,347,348,357,358,359,360,365,366,367,368,369,380,381,382,383,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +6001 - 77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,190,191,192,193,194,195,196,201,202,203,204,205,214,215,216,217,218,222,223,224,225,226,227,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,301,302,303,304,305,309,310,311,312,321,322,323,324,325,326,327,331,332,333,334,335,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,448,485 +6002 - 50,51,52,53,72,73,74,75,76,94,95,96,97,98,99,116,117,118,119,120,121,138,140,141,142,143,144,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,486 +6003 - 35,36,37,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,486 +6004 - 117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,185,186,201,202,203,223,224,225,245,246,247,248,249,250,267,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,320,321,322,323,343,344,345,365,366,367,379,380,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,490 +6005 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,146,147,148,149,150,159,160,161,162,169,170,171,172,173,191,192,193,194,212,213,214,215,216,227,228,229,230,231,232,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,422,423,424,425,487 +6006 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,101,102,103,117,118,119,124,125,139,140,141,146,147,161,162,163,168,169,170,183,184,189,190,191,192,205,206,211,212,213,227,228,229,232,233,234,235,249,250,253,254,255,256,271,272,274,275,276,277,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,359,360,361,362,363,366,367,368,381,382,383,384,388,389,390,404,405,406,408,409,410,411,426,427,428,429,430,431,432,433,450,451,452,453,454,493 +6007 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,143,144,145,146,147,148,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,304,312,313,314,315,323,324,325,326,327,334,335,336,337,344,345,346,347,348,356,357,358,359,360,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,488 +6008 - 34,35,36,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,104,105,106,118,119,120,127,128,138,139,140,141,142,149,150,151,160,161,162,163,172,173,181,182,183,184,194,195,196,203,204,205,206,216,217,218,225,226,227,238,239,240,246,247,248,249,260,261,262,267,268,269,270,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,324,325,326,327,333,334,335,344,345,346,347,348,355,356,357,365,366,367,368,369,370,378,379,380,381,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +6009 - 60,61,62,81,82,83,84,103,104,105,106,118,125,126,127,128,139,140,141,146,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,206,207,211,212,213,214,215,223,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,489 +6010 - 75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,160,161,162,167,168,169,182,183,184,185,188,189,190,191,204,205,206,207,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,494 +6011 - 129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,214,225,226,227,228,229,230,248,249,250,251,252,253,272,273,274,275,276,295,296,297,298,311,318,319,320,333,334,340,341,342,343,355,356,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,446,447,490 +6012 - 30,31,32,33,34,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,144,145,146,147,158,159,160,166,167,168,169,181,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,407,408,412,413,414,415,416,417,422,423,424,425,426,436,437,438,444,445,446,447,487 +6013 - 10,11,12,13,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,93,94,95,96,97,98,99,114,115,116,117,118,119,136,137,138,139,140,157,158,159,160,161,178,179,180,181,182,183,200,201,202,203,204,211,212,213,214,215,216,217,222,223,224,225,226,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,491 +6014 - 50,51,52,53,73,74,75,76,77,95,96,97,98,99,100,117,118,119,120,121,122,123,141,142,143,144,145,146,165,166,167,168,189,190,211,212,213,233,234,235,255,256,257,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,492 +6015 - 99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,232,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,281,296,297,298,299,300,301,302,318,319,320,321,322,323,324,339,340,341,342,343,344,345,360,361,362,363,364,365,366,381,382,383,384,385,386,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +6016 - 48,49,50,70,71,72,73,74,75,93,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,143,144,145,146,147,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,248,249,250,270,271,272,273,274,275,293,294,295,296,297,298,299,317,318,319,320,321,322,342,343,344,365,366,367,387,388,389,408,409,410,429,430,431,432,449,450,451,452,453,471,472,473,474,488 +6017 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,147,148,149,150,160,161,162,163,164,165,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,493 +6018 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,116,117,118,119,138,139,140,159,160,161,181,182,183,203,204,205,206,207,208,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,301,302,303,323,324,325,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,430,431,432,448,449,451,452,453,470,471,472,473,474,490 +6019 - 76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,180,181,182,183,184,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,317,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,473,494 +6020 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +6021 - 34,35,36,37,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +6022 - 37,38,54,59,60,72,73,74,75,76,77,78,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,122,123,124,125,136,137,138,144,145,146,147,158,159,160,161,162,166,167,168,181,182,183,184,185,186,188,189,190,205,206,207,208,209,210,211,230,231,232,233,252,253,254,255,256,273,274,275,277,278,279,295,296,297,300,301,302,316,317,318,322,323,324,338,339,345,346,347,359,360,361,367,368,369,381,382,383,389,390,391,404,405,406,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,493 +6023 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,189,190,191,192,193,194,195,196,200,201,202,203,204,205,212,213,214,215,216,217,218,222,223,224,225,226,235,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,269,280,281,282,283,284,287,288,289,290,291,300,301,302,303,304,305,306,309,310,311,312,313,321,322,323,324,325,326,327,331,332,333,334,335,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +6024 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,74,75,76,79,95,96,97,117,118,119,138,139,140,160,161,162,182,183,184,192,193,204,205,206,212,213,214,215,216,226,227,232,233,234,235,236,237,238,239,248,249,253,254,255,256,260,261,270,271,274,275,276,277,282,283,292,293,294,296,297,298,303,304,305,314,315,316,317,318,319,324,325,326,336,337,338,339,340,346,347,359,360,361,362,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6025 - 62,63,64,72,73,74,83,84,85,86,94,95,96,105,106,107,108,116,117,118,119,126,127,128,129,130,137,138,139,140,141,142,148,149,150,151,152,159,160,161,162,163,169,170,171,172,173,174,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,222,223,224,225,226,227,228,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,347,364,365,366,367,368,385,386,387,388,389,390,406,407,408,409,410,411,428,429,430,431,432,451,452,453,454,474,489 +6026 - 85,86,87,105,106,107,108,109,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,185,186,187,188,205,206,207,208,209,226,227,228,229,230,248,249,250,270,271,272,292,293,294,315,316,317,318,338,339,340,341,361,362,363,383,384,385,405,406,407,426,427,428,447,448,449,450,468,469,470,471,490 +6027 - 75,76,77,78,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,223,224,226,227,228,229,230,231,232,233,234,245,246,247,250,251,252,253,254,255,256,257,267,268,269,274,275,276,277,278,279,289,290,291,292,298,299,300,301,302,311,312,313,314,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,490 +6028 - 59,60,61,73,74,80,81,82,83,95,96,101,102,103,104,116,117,118,123,124,125,126,138,139,140,145,146,147,148,159,160,161,162,167,168,169,181,182,183,184,188,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,316,317,318,319,320,321,322,323,324,325,341,342,343,344,345,346,363,364,365,366,385,386,387,388,389,407,408,409,410,411,430,431,432,433,434,453,454,455,456,457,476,477,478,489 +6029 - 2,8,9,10,11,12,29,30,31,32,33,50,51,52,53,54,55,72,73,74,75,76,93,94,95,96,97,115,116,117,118,119,136,137,138,139,140,158,159,160,161,162,179,180,181,182,183,184,201,202,203,204,205,211,212,213,214,215,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,491 +6030 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,105,116,117,118,119,120,121,122,125,126,127,137,138,139,140,141,143,147,148,149,158,159,160,169,170,171,180,181,182,183,190,191,192,202,203,204,205,206,211,212,213,225,226,227,228,229,230,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,300,316,317,318,320,321,322,323,338,339,340,343,344,345,360,361,365,366,367,368,381,382,383,388,389,390,391,403,404,405,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +6031 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,207,225,226,227,228,229,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,491 +6032 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,123,124,125,126,134,135,136,137,145,146,147,148,158,159,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,278,279,280,281,301,302,303,323,324,325,345,346,347,354,355,366,367,368,369,376,377,378,388,389,390,391,398,399,400,401,402,403,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,488 +6033 - 27,28,29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,300,301,302,303,304,322,323,324,325,326,332,333,344,345,346,347,348,349,353,354,355,356,357,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +6034 - 32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,81,99,100,101,102,103,104,122,123,124,125,126,147,148,149,161,162,163,164,165,169,170,171,182,183,184,185,186,187,192,193,194,203,204,205,206,209,214,215,216,225,226,227,237,238,246,247,248,259,260,268,269,281,282,289,290,291,302,303,304,311,312,313,324,325,326,333,334,335,345,346,347,348,355,356,357,366,367,368,369,377,378,379,387,388,389,390,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +6035 - 61,62,63,83,84,85,86,104,105,106,107,108,119,120,126,127,128,129,139,140,141,142,146,147,148,149,150,151,160,161,162,163,164,165,168,169,170,171,172,182,183,184,185,186,189,190,191,192,193,203,204,205,206,207,208,211,212,213,214,215,224,225,226,227,228,232,233,234,235,236,244,245,246,247,248,249,250,254,255,256,257,258,266,267,268,269,270,271,272,273,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,337,338,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,470,471,472,489 +6036 - 78,79,80,99,100,101,102,103,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,166,167,168,183,184,185,188,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,276,277,278,293,294,298,299,300,320,321,322,342,343,344,364,365,386,387,408,409,430,431,432,433,452,453,454,455,474,475,476,494 +6037 - 60,61,62,63,82,83,84,85,103,104,105,106,107,125,126,127,128,129,140,141,142,147,148,149,150,161,162,163,164,168,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,211,212,213,214,215,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,250,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,489 +6038 - 9,10,11,12,13,14,31,32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,81,82,83,84,104,105,106,126,127,128,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,389,390,396,397,398,399,400,401,402,403,412,413,420,421,422,435,436,487 +6039 - 33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,144,145,146,147,148,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,249,250,251,252,253,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,341,342,343,344,345,346,347,348,355,356,357,358,362,363,364,365,366,367,377,378,379,380,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,487 +6040 - 31,32,33,34,35,52,53,54,55,56,57,73,74,75,78,79,80,94,95,96,100,101,102,116,117,122,123,124,143,144,145,163,164,165,166,167,168,184,185,186,187,188,189,190,191,206,207,208,212,213,214,234,235,236,257,258,259,279,280,281,302,303,314,324,325,334,335,336,345,346,347,356,357,358,367,368,369,378,379,380,381,389,390,401,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +6041 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,144,145,146,147,148,149,150,151,159,160,161,162,163,165,166,167,168,169,171,172,173,181,182,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,345,346,358,359,360,361,364,365,366,367,368,380,381,382,383,386,387,388,389,390,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +6042 - 98,99,100,101,102,118,119,120,121,122,123,124,125,137,138,139,140,141,142,144,145,146,147,148,158,159,160,161,162,169,170,179,180,181,182,192,193,201,202,215,216,223,224,236,237,238,245,246,247,256,257,258,259,267,268,269,270,271,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,324,337,338,339,340,345,346,367,368,389,390,411,412,433,434,455,456,477,478,494 +6043 - 33,34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,486 +6044 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,125,138,139,142,143,144,145,146,147,148,149,160,161,169,170,171,172,193,194,195,216,217,222,223,224,225,226,227,228,229,230,231,232,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,258,259,260,265,266,275,276,277,278,279,280,281,282,287,288,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,347,348,349,350,370,371,372,393,487 +6045 - 31,32,33,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,189,190,191,192,193,194,195,196,200,201,202,203,204,205,212,213,214,215,216,217,218,222,223,224,225,226,227,236,237,238,239,240,243,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,270,280,281,282,283,284,287,288,289,290,291,302,303,304,305,306,309,310,311,312,313,323,324,325,326,327,328,331,332,333,334,335,336,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +6046 - 71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,142,143,144,145,146,147,148,149,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,452,469,470,471,472,473,492 +6047 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,97,98,99,115,116,117,118,119,120,137,138,139,140,141,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,279,280,281,282,283,284,285,288,289,290,291,292,293,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,408,409,410,411,412,491 +6048 - 30,31,32,33,34,35,52,53,54,55,56,57,58,75,76,78,79,80,101,102,122,123,124,144,145,146,166,167,168,187,188,189,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,272,273,276,277,278,299,300,321,322,343,344,357,364,365,366,379,386,387,388,401,402,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +6049 - 62,63,64,83,84,85,86,105,106,107,108,126,127,128,129,130,148,149,150,151,160,161,162,169,170,171,172,173,181,182,183,190,191,192,193,194,202,203,204,205,206,212,213,214,215,223,224,225,226,227,228,229,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,294,295,296,297,298,299,300,301,310,311,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,489 +6050 - 88,89,90,91,92,93,94,95,96,110,111,112,113,114,115,116,117,118,119,120,132,134,135,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,210,211,212,213,214,215,216,233,234,235,236,237,238,258,259,260,280,281,282,301,302,303,304,321,322,323,324,325,326,341,342,343,344,345,346,347,348,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,424,425,426,427,428,429,446,447,448,449,492 +6051 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +6052 - 32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,119,120,121,122,141,142,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,411,429,430,431,432,433,434,452,453,454,455,486 +6053 - 95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,191,192,193,194,195,196,200,201,212,213,214,215,216,217,234,235,236,237,238,239,255,256,257,258,259,260,276,277,278,279,280,281,282,297,298,299,300,301,302,303,318,319,320,321,322,323,324,339,340,341,342,343,344,345,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,472,492 +6054 - 97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +6055 - 10,11,12,13,14,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,171,189,190,191,192,193,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,487 +6056 - 8,9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,79,80,81,82,93,94,95,101,102,103,104,116,117,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,333,334,335,336,337,338,339,340,341,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,406,407,408,409,410,411,412,413,414,415,416,431,432,433,434,435,436,437,487 +6057 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,279,280,281,282,283,287,288,289,302,303,304,305,309,310,311,312,324,325,326,327,328,331,332,333,334,345,346,347,348,349,353,354,355,356,357,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +6058 - 76,77,96,97,98,99,105,106,117,118,119,120,121,126,127,128,129,139,140,141,142,143,148,149,150,151,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,489 +6059 - 69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,219,227,228,229,230,231,232,233,234,241,251,252,253,254,255,256,257,263,274,275,276,277,278,279,280,285,288,289,298,299,300,301,302,303,307,310,311,312,321,322,323,324,325,326,329,332,333,334,344,345,346,347,348,351,354,355,356,357,363,364,365,366,367,368,369,370,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,447,449,488 +6060 - 49,50,51,52,53,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,121,122,123,124,144,145,146,166,167,168,188,189,209,210,211,230,231,232,233,251,252,253,254,273,274,275,293,294,295,296,314,315,316,317,336,337,338,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,487 +6061 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,189,190,191,192,193,194,201,202,203,204,205,206,207,210,211,212,213,214,215,216,223,224,225,226,227,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,470,471,472,473,474,475,494 +6062 - 32,33,34,35,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +6063 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,147,148,149,150,151,161,162,168,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,444,445,446,447,448,487 +6064 - 102,103,104,105,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,168,169,170,181,182,189,190,191,192,211,212,213,232,233,234,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,492 +6065 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,174,179,180,181,182,183,184,192,193,194,195,196,197,200,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,301,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,485 +6066 - 25,26,27,42,43,47,48,49,50,61,62,63,64,65,69,70,71,72,81,82,83,84,85,86,87,91,92,93,94,101,102,103,104,105,106,107,108,113,114,115,116,117,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,275,276,277,278,279,290,291,292,293,298,299,300,301,302,303,311,312,313,314,321,322,323,324,325,333,334,335,336,344,345,346,347,356,357,358,359,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,493 +6067 - 77,78,79,80,81,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,167,168,180,181,182,183,184,189,191,192,193,202,203,204,205,211,212,213,214,215,224,225,226,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,475,494 +6068 - 58,59,60,61,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,139,140,141,142,143,144,161,162,163,164,183,184,185,186,187,205,206,207,208,209,210,211,228,229,230,231,232,233,252,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,380,385,386,387,401,402,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,490 +6069 - 34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,145,146,147,148,149,150,160,161,162,163,166,167,168,169,170,171,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,266,267,268,270,271,272,273,274,275,276,278,279,280,281,282,283,288,289,290,291,292,301,302,303,304,305,310,311,312,323,324,325,326,327,331,332,333,334,345,346,347,348,349,353,354,355,356,357,358,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,488 +6070 - 57,58,59,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +6071 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,122,123,124,125,126,142,143,144,145,146,147,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,289,290,291,300,301,302,303,304,305,311,312,313,322,323,324,325,326,327,333,334,335,343,344,345,346,347,348,354,355,356,357,358,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,488 +6072 - 52,53,54,55,56,57,73,74,75,76,77,78,79,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,122,123,124,125,126,127,128,138,139,140,143,144,145,146,147,148,160,161,162,165,166,167,168,169,182,183,184,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,365,381,382,383,385,386,387,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +6073 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,168,169,170,181,182,183,184,191,192,193,194,203,204,205,206,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,494 +6074 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,122,123,136,137,138,144,145,146,158,159,160,166,167,168,179,180,181,188,189,190,201,202,203,210,211,212,223,224,225,231,232,233,234,246,247,248,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,320,321,322,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +6075 - 57,58,59,60,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,149,150,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,450,468,469,470,471,486 +6076 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,128,129,130,131,136,137,138,139,140,141,151,152,153,157,158,159,160,161,162,173,174,175,179,180,181,182,183,184,195,196,197,201,202,203,204,205,206,217,218,219,223,224,225,226,227,239,240,241,245,246,247,248,249,261,262,263,267,268,269,270,283,284,285,289,290,291,292,304,305,306,307,311,312,313,314,326,327,328,329,333,334,335,336,347,348,349,350,355,356,357,358,367,368,369,370,371,378,379,380,381,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,485 +6077 - 101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,310,311,312,320,321,322,323,324,332,333,334,341,342,343,344,345,346,354,355,356,357,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,490 +6078 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,249,254,255,256,257,269,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,476,494 +6079 - 11,12,13,14,15,30,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,96,97,98,99,102,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,173,191,192,193,194,212,213,214,215,216,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,487 +6080 - 10,11,12,13,14,32,33,34,35,36,37,57,58,59,80,81,102,103,124,125,146,147,168,169,189,190,191,211,212,232,233,234,254,255,256,267,268,275,276,277,288,289,290,291,296,297,298,310,311,312,313,314,315,316,317,318,319,332,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,363,364,365,385,386,387,388,389,409,410,411,412,434,435,487 +6081 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,123,124,125,126,127,143,144,145,146,147,148,149,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,277,278,279,280,281,282,287,288,289,300,301,302,303,304,309,310,311,322,323,324,325,326,331,332,333,343,344,345,346,347,348,353,354,355,356,357,358,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +6082 - 58,59,60,61,80,81,101,102,103,123,124,144,145,146,165,166,167,168,187,188,189,209,210,230,231,232,251,252,253,254,273,274,275,295,296,316,317,318,338,339,340,360,361,381,382,383,404,405,426,427,448,449,470,471,472,486 +6083 - 36,37,38,57,58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,428,446,447,448,449,486 +6084 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,123,124,125,126,135,136,137,147,148,157,158,159,160,169,170,171,178,179,180,181,191,192,193,200,201,202,203,213,214,215,216,222,223,224,225,235,236,237,238,245,246,247,253,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,323,324,325,326,342,344,345,347,366,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,478,479,480,494 +6085 - 10,11,12,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,115,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,180,181,182,183,184,194,195,201,202,203,204,205,214,215,216,217,218,223,224,225,226,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,491 +6086 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,117,118,119,120,139,140,141,142,161,162,163,164,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,254,255,256,257,258,277,278,279,280,300,301,302,303,322,323,324,325,344,345,346,365,366,367,368,378,379,380,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +6087 - 97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,191,192,193,194,202,203,204,212,213,214,215,216,233,234,235,236,237,238,254,255,256,257,258,259,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,473,492 +6088 - 91,92,93,94,95,96,97,98,99,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,168,169,170,171,177,178,179,180,181,190,191,192,193,199,200,201,202,212,213,214,215,221,222,223,224,234,235,236,237,243,244,245,246,256,257,258,259,265,266,267,268,278,279,280,281,288,289,290,300,301,302,303,311,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,492 +6089 - 28,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,124,125,126,127,128,129,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,279,280,281,282,283,284,287,288,289,290,291,302,303,304,305,310,311,312,313,323,324,325,326,327,332,333,334,335,345,346,347,348,349,354,355,356,357,358,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,488 +6090 - 10,11,12,31,32,33,52,53,54,55,74,75,76,95,96,97,117,118,119,138,139,140,159,160,161,162,181,182,183,192,193,203,204,205,212,213,214,215,216,217,225,226,227,233,234,235,236,237,238,239,240,247,248,249,254,255,256,257,258,259,260,261,262,269,270,271,275,276,277,278,283,284,291,292,293,296,297,298,299,304,305,306,313,314,315,316,317,318,319,320,325,326,327,328,335,336,337,338,339,340,341,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +6091 - 106,107,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,208,209,210,213,214,215,216,217,223,224,225,226,227,228,229,230,231,234,235,236,237,238,253,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,492 +6092 - 54,55,56,75,76,77,78,79,82,83,96,97,98,99,100,101,103,104,105,117,118,119,120,121,125,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,163,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,245,246,247,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,321,322,323,336,337,338,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,456,475,476,477,478,494 +6093 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,148,149,150,159,160,161,162,163,164,169,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,206,207,208,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +6094 - 32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,101,102,103,104,119,120,124,125,126,141,142,143,146,147,148,162,163,164,165,168,169,170,184,185,186,190,191,192,206,207,208,212,213,214,227,228,229,234,235,236,249,250,251,255,256,257,271,272,273,277,278,279,293,294,295,298,299,300,301,315,316,317,320,321,322,336,337,338,342,343,344,358,359,360,363,364,365,380,381,382,383,385,386,387,402,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,485 +6095 - 63,64,84,85,86,87,105,106,107,108,127,128,129,130,148,149,150,151,162,163,169,170,171,172,173,183,184,185,186,191,192,193,194,204,205,206,207,208,212,213,214,215,224,225,226,227,228,229,234,235,236,237,245,246,247,248,249,250,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,470,471,472,489 +6096 - 57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,191,192,193,194,195,196,197,205,206,207,208,227,228,229,230,250,251,252,272,273,274,275,295,296,297,298,318,319,320,321,340,341,342,343,354,355,362,363,364,365,376,377,385,386,387,398,399,400,407,408,409,420,421,422,423,424,426,427,428,429,430,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +6097 - 99,100,101,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,210,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,230,232,233,234,235,236,237,238,239,240,244,245,246,247,254,257,258,259,260,261,262,263,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,311,312,313,314,315,325,326,327,328,329,333,334,335,336,337,338,339,340,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,485 +6098 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,188,189,206,207,208,209,210,211,212,229,230,231,232,233,234,235,253,254,255,256,257,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +6099 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,214,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,391,392,393,399,400,401,402,403,404,405,422,423,424,425,487 +6100 - 75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,255,256,257,258,259,277,278,279,280,281,298,299,300,301,302,303,320,321,322,323,324,325,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,389,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,494 +6101 - 84,85,86,97,98,99,105,106,107,108,118,119,120,121,122,126,127,128,129,130,139,140,141,142,143,144,148,149,150,151,152,160,161,162,163,164,165,166,169,170,171,172,173,181,182,183,184,185,186,187,191,192,193,194,202,203,204,205,206,207,208,212,213,214,215,216,222,223,224,225,226,227,228,229,230,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,317,318,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,489 +6102 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,210,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,301,302,303,315,316,317,323,324,325,337,338,339,345,346,347,359,360,361,367,368,369,382,383,389,390,391,404,405,406,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,491 +6103 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,167,168,169,170,171,172,173,180,181,182,183,184,185,186,190,191,192,193,194,195,201,202,203,204,205,206,207,213,214,215,216,217,218,223,224,225,226,227,228,235,236,237,238,239,240,244,245,246,247,248,249,257,258,259,260,261,262,266,267,268,269,270,271,279,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,306,309,310,311,312,313,314,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +6104 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +6105 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,143,144,145,146,147,148,166,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,487 +6106 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,161,162,163,164,165,183,184,185,186,187,205,206,207,208,209,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,297,298,299,300,301,302,303,304,322,323,324,325,326,344,345,346,347,348,366,367,368,369,370,387,388,389,390,391,408,409,410,411,412,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,488 +6107 - 61,62,63,83,84,85,104,105,106,107,119,120,121,125,126,127,128,140,141,142,143,146,147,148,149,150,161,162,163,164,168,169,170,171,182,183,184,185,186,189,190,191,192,203,204,205,206,207,210,211,212,213,214,224,225,226,227,228,231,232,233,234,235,246,247,248,249,250,251,253,254,255,256,268,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,468,469,470,489 +6108 - 38,39,59,60,61,80,81,82,102,103,104,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,402,403,404,423,424,425,426,446,447,448,486 +6109 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,212,213,214,215,216,217,233,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,474,492 +6110 - 54,55,56,76,77,78,79,99,100,101,121,122,123,143,144,145,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,340,341,362,363,384,385,406,407,428,429,450,451,472,473,486 +6111 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,146,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,173,181,182,183,184,185,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +6112 - 54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,134,135,136,137,138,139,155,156,157,158,176,177,178,179,198,199,200,201,202,203,204,205,220,221,222,223,224,225,226,227,228,229,230,231,232,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,347,348,349,358,369,370,371,379,380,381,390,391,392,393,402,403,404,405,406,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,473,474,490 +6113 - 55,56,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,191,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,218,222,223,224,225,226,227,236,237,238,239,240,241,244,245,246,247,248,249,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,301,302,303,304,305,306,307,310,311,312,313,314,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,427,428,485 +6114 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,160,167,168,169,189,190,191,210,211,212,231,232,233,234,253,254,255,274,275,276,295,296,297,316,317,318,319,337,338,339,340,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,432,433,435,436,445,446,447,448,487 +6115 - 74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,168,169,170,171,172,173,178,179,180,190,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,238,254,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,346,361,362,363,364,365,366,367,382,383,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,474,492 +6116 - 31,32,33,52,53,54,55,56,74,75,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,144,162,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +6117 - 75,76,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,206,214,215,216,217,218,219,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,302,303,304,305,306,307,310,311,312,313,314,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,485 +6118 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,82,83,94,95,96,97,103,104,105,115,116,117,125,126,127,137,138,145,146,147,148,166,167,168,169,187,188,189,207,208,209,210,226,227,228,229,230,246,247,248,249,250,251,252,253,254,267,268,269,270,271,272,273,274,275,276,277,278,279,290,298,299,300,301,302,323,324,325,346,347,348,368,369,370,380,390,391,401,402,411,412,413,423,424,425,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +6119 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,303,304,305,306,307,311,312,313,314,315,316,317,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,491 +6120 - 58,59,79,80,81,82,92,93,94,95,101,102,103,104,105,114,115,116,117,123,124,125,126,127,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,234,235,236,237,244,245,246,247,248,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,322,323,324,325,326,333,334,335,336,337,344,345,346,347,366,367,368,369,370,388,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,479,480,489 +6121 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,295,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,475,494 +6122 - 57,58,59,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,486 +6123 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,115,118,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,279,280,281,282,283,301,302,303,304,305,324,325,326,327,328,331,332,333,346,347,348,349,353,354,355,356,357,358,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,488 +6124 - 8,9,10,11,29,30,31,32,33,34,51,52,53,54,55,56,57,77,78,79,80,99,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,250,251,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,325,336,337,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,487 +6125 - 9,10,11,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,117,122,123,124,125,144,145,146,147,148,166,167,168,169,188,189,190,191,206,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,428,487 +6126 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,104,105,116,117,118,119,120,126,127,136,137,138,139,147,148,149,158,159,169,170,171,191,192,213,214,234,235,236,255,256,257,271,272,276,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,313,317,318,319,320,321,322,332,333,334,339,340,341,342,343,344,345,346,354,355,359,360,361,362,365,366,367,368,376,377,378,379,380,381,382,389,390,391,392,398,399,400,401,402,412,413,414,415,416,417,436,437,438,439,487 +6127 - 62,63,64,84,85,86,105,106,107,108,118,119,120,126,127,128,129,130,139,140,141,142,147,148,149,150,151,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,222,223,224,225,226,227,228,229,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,293,294,295,296,297,298,299,300,301,309,310,311,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,470,471,472,489 +6128 - 41,42,43,63,64,65,73,74,75,84,85,86,94,95,96,97,105,106,107,108,115,116,117,118,119,127,128,129,130,137,138,139,140,141,148,149,150,151,159,160,161,162,169,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,223,224,225,226,227,233,234,235,236,237,238,244,245,246,247,248,253,254,255,256,257,258,259,266,267,268,269,270,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,361,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,489 +6129 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,158,159,160,161,169,170,171,181,182,183,190,191,192,193,203,204,205,206,207,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,365,366,367,368,380,381,382,383,384,387,388,389,390,402,403,404,405,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6130 - 53,54,55,56,61,62,75,76,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,123,124,125,126,127,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,337,338,339,359,360,361,381,382,383,403,404,405,425,426,427,430,431,432,448,449,450,451,452,453,471,472,473,474,492 +6131 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,231,232,233,234,235,236,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,491 +6132 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,140,141,142,143,144,145,146,147,148,149,150,166,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,444,445,446,447,448,466,467,468,469,492 +6133 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,174,179,180,181,182,183,184,192,193,194,195,196,200,201,202,203,204,205,214,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,302,303,304,305,306,307,310,311,312,313,314,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,485 +6134 - 99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,165,167,168,169,170,180,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,319,320,340,341,342,362,363,383,384,385,405,406,426,427,428,448,449,450,469,470,471,492 +6135 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,486 +6136 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,123,124,125,126,127,128,129,138,139,140,148,149,150,151,152,160,161,162,169,170,171,172,173,182,183,184,185,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,341,342,358,359,360,363,364,379,380,381,382,385,386,401,402,403,404,407,408,423,424,425,426,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,474,493 +6137 - 54,55,56,74,75,76,77,78,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,165,166,167,168,169,170,171,172,173,179,180,181,182,183,188,189,190,191,192,193,194,195,196,200,201,202,203,204,211,212,213,214,215,216,217,218,222,223,224,225,226,235,236,237,238,239,240,244,245,246,247,258,259,260,261,262,265,266,267,268,269,280,281,282,283,284,287,288,289,290,301,302,303,304,305,306,309,310,311,312,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,485 +6138 - 2,3,4,24,25,26,27,28,29,46,47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,94,95,96,97,98,99,100,101,119,120,121,122,123,124,144,145,146,147,148,166,167,168,169,170,189,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,280,296,297,298,299,300,301,302,311,312,313,314,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,406,407,408,409,410,411,412,413,414,415,433,434,435,436,437,487 +6139 - 11,12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,491 +6140 - 76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,146,147,148,149,150,159,160,161,170,171,172,173,182,192,193,194,213,214,215,216,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,445,446,447,448,466,467,468,469,492 +6141 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,190,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,492 +6142 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,486 +6143 - 33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,225,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,423,424,425,426,427,487 +6144 - 52,53,54,55,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,120,121,122,123,135,136,137,138,142,143,144,145,157,158,159,165,166,167,179,180,181,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,277,285,295,296,297,298,299,300,307,317,318,319,320,321,322,323,329,338,339,340,341,342,343,344,345,346,347,349,350,351,359,360,361,362,365,366,367,368,369,370,371,372,373,381,382,383,384,388,389,390,391,392,393,394,395,402,403,404,405,412,413,414,415,425,426,427,487 +6145 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,145,146,147,148,149,158,159,160,161,162,169,170,171,179,180,181,182,183,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,368,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,494 +6146 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,98,99,102,103,104,105,106,114,115,116,117,126,127,128,136,137,138,148,149,150,151,158,159,160,171,172,173,180,181,182,193,194,195,201,202,203,204,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,325,326,327,328,334,335,336,347,348,349,350,356,357,358,359,368,369,370,371,378,379,380,381,382,383,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,485 +6147 - 90,91,92,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +6148 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,124,125,126,145,146,147,148,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,251,252,253,254,255,256,275,276,277,278,279,299,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +6149 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,146,147,148,149,150,156,157,158,159,160,161,162,168,169,170,171,172,178,179,180,181,182,183,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,296,298,299,300,301,302,303,321,322,323,324,325,326,343,344,345,346,347,364,365,366,367,368,369,386,387,388,389,390,407,408,409,410,411,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,476,494 +6150 - 9,10,31,32,52,53,54,73,74,75,76,95,96,97,98,117,118,119,120,138,139,140,141,146,147,148,149,150,160,161,162,163,167,168,169,170,171,172,173,181,182,183,184,188,189,190,191,192,193,194,195,196,202,203,204,205,206,209,210,211,212,213,215,216,217,218,224,225,226,227,230,231,232,233,234,237,238,239,240,246,247,248,249,252,253,254,255,258,259,260,261,268,269,270,271,273,274,275,276,280,281,282,290,291,292,294,295,296,297,301,302,303,312,313,314,316,317,318,319,321,322,323,324,325,333,334,335,336,337,338,339,340,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,426,427,428,429,491 +6151 - 106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,224,225,226,227,228,229,230,248,249,250,251,252,253,272,273,274,275,276,296,297,298,299,318,319,320,321,322,333,334,341,342,343,344,355,356,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,490 +6152 - 29,30,37,38,39,40,49,50,51,52,53,58,59,60,61,62,71,72,73,74,75,79,80,81,82,83,84,92,93,94,95,100,101,102,103,104,113,114,115,116,122,123,124,125,126,135,136,137,143,144,145,146,147,157,158,159,164,165,166,167,168,178,179,180,181,186,187,188,189,201,202,203,204,207,208,209,210,211,223,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,294,295,296,297,299,300,301,302,303,315,316,317,318,319,322,323,324,325,326,337,338,339,340,341,345,346,347,348,359,360,361,362,366,367,368,369,370,381,382,383,384,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +6153 - 54,55,56,57,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,144,145,146,147,148,149,150,159,160,161,162,163,165,166,167,168,169,170,171,181,182,183,184,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,225,226,227,228,230,231,232,233,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,359,360,361,362,364,365,366,367,368,381,382,383,384,386,387,388,389,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6154 - 58,59,60,80,81,100,101,102,103,121,122,123,124,125,141,142,143,144,146,147,162,163,164,165,167,168,169,182,183,184,185,186,189,190,191,202,203,204,205,206,211,212,222,223,224,225,226,227,230,231,232,233,234,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,298,299,300,304,305,320,321,322,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,475,489 +6155 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,165,166,167,168,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,204,205,206,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,494 +6156 - 72,73,74,75,76,92,93,94,95,96,97,98,99,100,113,114,115,116,117,120,121,122,123,124,125,126,135,136,137,138,144,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,181,189,190,191,192,200,201,202,203,212,213,214,222,223,224,225,226,234,235,236,245,246,247,248,249,250,251,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,494 +6157 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,212,213,225,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,322,323,324,325,326,327,334,335,336,337,338,339,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +6158 - 72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,149,150,157,158,159,160,161,162,169,170,171,172,181,182,183,184,185,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,358,359,360,361,365,366,367,368,381,382,383,388,389,390,403,404,405,410,411,412,425,426,427,428,429,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +6159 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,56,72,73,74,75,76,77,93,94,95,96,97,98,115,116,117,118,119,120,136,137,138,139,140,141,158,159,160,161,162,180,181,182,183,193,201,202,203,204,205,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,301,302,303,304,305,306,311,312,313,314,315,316,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,491 +6160 - 56,57,74,75,78,79,80,95,96,97,100,101,102,117,118,119,122,123,124,139,140,141,144,145,146,161,162,163,166,167,168,183,184,188,189,190,204,205,206,209,210,211,226,227,228,231,232,233,248,249,253,254,255,256,257,269,270,271,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,341,342,363,364,365,384,385,386,406,407,408,409,428,429,430,431,451,452,453,473,474,489 +6161 - 30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,117,119,125,126,127,128,147,148,149,150,151,169,170,171,172,173,191,192,193,194,213,214,215,216,234,235,236,237,238,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,414,421,422,423,424,425,426,427,443,444,445,446,447,487 +6162 - 73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,123,124,137,138,139,146,147,159,160,161,168,169,170,180,181,182,191,192,202,203,204,213,214,215,224,225,226,233,234,236,237,246,247,255,256,258,268,269,270,277,278,279,280,290,291,292,298,299,300,301,302,313,314,320,321,322,335,336,337,342,343,344,358,359,360,361,363,364,365,366,381,382,383,384,385,386,387,388,405,406,407,409,410,431,432,433,454,455,476,477,494 +6163 - 31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,145,146,147,148,149,157,158,159,160,161,167,168,169,170,179,180,181,182,183,188,189,190,191,192,202,203,204,205,206,207,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +6164 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,187,188,189,190,191,202,203,204,205,206,208,209,210,211,212,213,224,225,226,227,230,231,232,233,234,235,246,247,248,249,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,364,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,494 +6165 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,446,447,448,449,486 +6166 - 95,96,97,98,99,116,117,118,119,120,121,122,125,126,137,138,139,140,141,142,143,144,147,148,149,159,160,161,165,166,167,169,170,171,181,182,187,188,189,190,191,192,203,204,210,211,212,213,214,224,225,226,232,233,234,235,246,247,248,254,255,256,257,268,269,270,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,321,322,337,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,494 +6167 - 104,105,106,111,112,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,472,492 +6168 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,117,118,119,121,122,123,124,125,126,145,146,147,148,168,169,170,190,191,192,212,213,214,215,234,235,236,256,257,258,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,391,392,393,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,487 +6169 - 149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,273,274,275,276,277,278,289,290,297,298,299,300,311,312,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,490 +6170 - 10,11,12,33,34,35,56,57,58,59,79,80,81,82,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,184,185,186,187,188,207,208,209,210,211,231,232,233,234,254,255,256,257,277,278,279,280,301,302,303,323,324,325,333,334,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,488 +6171 - 130,144,145,146,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,293,294,295,296,297,298,299,317,318,319,320,321,333,334,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,404,405,406,490 +6172 - 11,12,13,34,35,36,56,57,58,79,80,81,101,102,103,124,125,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,320,321,322,323,324,325,334,335,336,340,341,342,343,346,356,357,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,487 +6173 - 103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,233,234,235,236,237,238,239,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,492 +6174 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,368,386,387,388,389,390,391,408,409,410,411,412,413,430,431,432,433,434,435,451,452,453,454,455,456,457,473,474,475,476,477,478,479,494 +6175 - 50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,256,257,258,259,260,261,265,266,267,280,281,282,283,284,287,288,289,303,304,305,306,309,310,311,312,324,325,326,327,328,331,332,333,334,345,346,347,348,349,350,353,354,355,356,357,358,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,488 +6176 - 99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,469,470,471,472,492 +6177 - 108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,203,204,205,206,207,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,297,298,299,300,301,320,321,322,323,333,334,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,490 +6178 - 13,14,34,35,36,55,56,57,76,77,78,98,99,119,120,121,141,142,143,162,163,164,184,185,186,188,189,190,191,206,207,208,210,211,212,213,214,227,228,229,231,232,233,234,235,236,249,250,251,253,254,256,257,258,271,272,273,275,276,278,279,280,293,294,295,296,297,298,300,301,302,315,316,317,318,319,322,323,337,338,340,341,342,343,344,345,359,360,363,364,365,366,381,382,383,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,431,491 +6179 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,189,190,191,192,193,194,195,196,200,201,202,203,204,212,213,214,215,216,217,218,221,222,223,224,225,236,237,238,239,240,243,244,245,246,258,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,323,324,325,326,327,328,331,332,333,334,335,336,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +6180 - 143,144,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,210,225,226,227,247,248,249,269,270,271,272,273,292,293,294,295,296,297,298,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,423,426,427,490 +6181 - 33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,245,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,408,425,426,427,428,429,430,431,448,449,450,451,452,486 +6182 - 67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,304,305,320,321,322,323,324,325,326,327,346,347,348,349,368,369,370,371,388,389,390,391,392,393,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,437,452,453,454,455,456,457,474,475,476,477,488 +6183 - 56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,486 +6184 - 52,53,62,74,75,83,84,95,96,97,105,106,117,118,119,127,128,138,139,140,148,149,150,160,161,162,170,171,181,182,183,192,193,203,204,205,214,215,224,225,226,227,228,229,230,231,232,233,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,296,297,298,299,300,301,302,303,310,311,312,323,324,325,345,346,347,367,368,369,389,390,391,411,412,433,434,435,455,456,477,478,489 +6185 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,147,148,149,150,151,160,161,168,169,170,171,172,173,189,190,191,192,193,194,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,288,289,294,295,296,297,298,299,300,301,302,303,309,310,311,312,322,323,324,325,331,332,333,334,335,344,345,346,347,353,354,355,356,357,366,367,368,369,370,376,377,378,379,380,387,388,389,390,391,398,399,400,401,402,403,404,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +6186 - 31,32,33,53,54,55,56,75,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,451,452,453,486 +6187 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,123,124,125,126,127,128,137,138,139,145,146,147,148,149,150,159,160,161,162,166,167,168,169,182,183,184,185,186,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,339,340,343,344,345,346,359,360,361,362,364,365,366,367,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,493 +6188 - 57,58,59,60,74,75,78,79,80,81,82,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,161,162,163,164,165,183,184,185,205,206,207,228,229,250,251,252,273,274,275,296,297,298,319,320,321,342,343,344,364,365,366,386,387,388,408,409,410,425,426,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,490 +6189 - 60,61,62,63,82,83,84,85,104,105,106,107,126,127,128,129,138,139,148,149,150,151,159,160,161,162,169,170,171,172,173,181,182,183,184,190,191,192,193,194,201,202,203,204,205,206,212,213,214,215,216,222,223,224,225,226,227,228,229,234,235,236,237,244,245,246,247,248,249,250,251,252,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +6190 - 32,33,34,35,36,37,38,39,49,50,51,52,53,54,55,56,57,58,59,60,61,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,124,125,126,127,134,135,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,420,421,422,423,424,436,437,438,442,443,444,445,458,459,487 +6191 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,191,192,193,194,195,202,203,204,205,213,214,215,216,217,224,225,226,227,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +6192 - 34,35,36,56,57,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +6193 - 61,62,63,64,82,83,84,85,86,104,105,106,107,108,126,127,128,129,130,140,141,142,147,148,149,150,151,162,163,164,169,170,171,172,173,183,184,185,186,190,191,192,193,194,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,233,234,235,236,237,245,246,247,248,249,250,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,337,338,339,340,341,342,343,344,354,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,471,472,489 +6194 - 12,13,33,34,35,54,55,56,76,77,78,98,99,119,120,121,141,142,143,148,149,150,151,162,163,164,169,170,171,172,173,174,183,184,185,189,190,191,192,193,194,195,196,205,206,207,210,211,212,217,218,226,227,228,231,232,233,239,248,249,250,252,253,254,260,261,269,270,271,274,275,282,283,291,292,293,295,296,297,302,303,304,313,314,317,318,319,323,324,325,335,336,339,340,341,344,345,346,357,358,359,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,491 +6195 - 106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,289,290,295,296,297,298,299,300,311,312,313,319,320,321,322,333,334,335,341,342,343,344,355,356,357,358,359,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,429,490 +6196 - 33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,102,103,116,117,118,119,123,124,125,137,138,139,145,146,147,159,160,166,167,168,180,181,182,187,188,189,190,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,252,253,254,255,256,257,273,274,275,278,279,280,294,295,296,297,301,302,316,317,318,323,324,325,338,339,340,345,346,347,360,361,362,367,368,369,381,382,383,384,389,390,391,404,405,406,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +6197 - 35,36,37,56,57,58,59,60,78,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,486 +6198 - 57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,136,137,138,139,158,159,160,161,181,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,357,358,364,365,366,367,368,379,380,381,385,386,387,388,389,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +6199 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,126,127,128,139,140,141,142,144,145,146,149,160,161,162,163,166,167,168,169,182,183,184,185,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +6200 - 27,28,33,34,35,36,37,38,39,40,41,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,114,115,116,136,137,138,158,159,160,179,180,181,182,183,184,201,202,203,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,322,323,324,325,345,346,347,367,368,369,370,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,490 +6201 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,202,203,204,205,206,214,215,223,224,225,226,227,228,233,234,235,236,237,238,239,240,241,245,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,491 +6202 - 75,76,77,78,93,94,96,97,98,99,100,101,102,115,116,118,119,122,123,124,125,137,138,140,146,147,148,159,160,161,162,168,169,170,181,182,183,184,185,190,191,203,204,205,206,211,212,213,225,226,227,228,233,234,247,248,249,250,254,255,256,270,271,272,276,277,278,297,298,299,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,492 +6203 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,127,128,129,138,139,140,141,142,143,149,150,151,152,159,160,161,162,163,169,170,171,172,173,181,182,183,184,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,345,346,358,359,360,361,364,365,366,367,379,380,381,382,387,388,389,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +6204 - 34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,124,125,126,127,128,138,139,140,141,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,324,325,326,333,334,335,336,337,338,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,443,444,445,446,447,487 +6205 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,148,149,150,158,159,160,161,162,163,170,171,172,180,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +6206 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +6207 - 36,37,38,39,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,127,128,129,130,139,140,141,142,143,144,149,150,151,152,161,162,163,164,165,170,171,172,173,174,182,183,184,185,186,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,236,237,238,239,247,248,249,250,257,258,259,260,261,268,269,270,271,272,279,280,281,282,290,291,292,293,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,333,334,335,336,337,342,343,344,345,346,355,356,357,358,359,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6208 - 34,35,36,56,57,58,78,79,80,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +6209 - 34,35,36,56,57,58,59,77,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +6210 - 50,51,52,71,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,247,248,249,250,254,255,256,257,258,270,271,272,273,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,322,323,324,325,339,340,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,455,456,457,458,478,479,480,489 +6211 - 11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,136,137,138,139,140,142,143,144,145,158,159,160,161,164,165,166,167,180,181,182,185,186,187,188,207,208,209,210,228,229,230,231,250,251,252,253,260,261,271,272,273,274,275,281,282,283,292,293,294,295,296,303,304,305,314,315,316,317,318,324,325,326,327,335,336,337,338,339,340,341,342,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,405,406,407,408,409,410,411,412,413,422,423,428,429,430,431,432,433,434,487 +6212 - 30,31,32,33,34,35,36,37,47,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,102,103,104,115,123,124,125,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,328,337,338,339,348,349,350,358,359,360,361,368,369,370,371,372,380,381,382,383,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,487 +6213 - 34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,250,251,256,257,258,259,278,279,280,281,290,291,292,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +6214 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,146,147,148,149,150,158,159,160,161,169,170,171,172,180,181,182,183,184,185,191,192,193,194,203,204,205,206,207,208,209,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,274,275,276,277,278,279,295,296,297,298,299,300,301,302,316,317,318,319,322,323,324,337,338,339,340,344,345,346,359,360,361,366,367,368,380,381,382,388,389,390,402,403,404,409,410,411,412,424,425,426,427,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,476,493 +6215 - 36,37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,117,118,123,124,125,126,138,139,140,141,144,145,146,147,160,161,162,163,166,167,168,169,181,182,183,184,185,188,189,190,191,203,204,205,206,210,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,489 +6216 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,69,70,71,75,76,77,78,91,92,98,99,100,120,121,122,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,254,255,256,257,258,278,279,280,281,301,302,303,304,317,324,325,326,338,339,340,346,347,348,359,360,361,367,368,369,381,382,383,388,389,390,391,403,404,405,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +6217 - 80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,181,182,183,184,185,203,204,205,206,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,324,335,336,343,344,345,346,356,357,358,359,360,361,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,490 +6218 - 53,54,55,74,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,182,183,184,185,190,191,192,204,205,206,207,212,213,214,215,226,227,228,229,230,231,234,235,236,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,452,453,473,474,475,489 +6219 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,190,191,192,205,206,207,208,210,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,426,427,428,491 +6220 - 55,56,57,76,77,78,79,98,99,100,101,103,104,105,119,120,121,122,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,167,168,169,170,183,184,185,186,187,189,190,191,192,204,205,206,207,208,210,211,212,213,226,227,228,229,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,489 +6221 - 100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,210,211,212,213,223,224,225,226,227,228,232,233,234,235,245,246,247,248,249,253,254,255,256,257,267,268,269,270,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +6222 - 10,11,12,13,14,15,32,33,34,35,36,37,38,54,55,56,58,59,60,81,82,103,104,125,126,147,148,168,169,170,189,190,191,211,212,213,232,233,234,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,344,355,356,357,358,359,360,365,366,367,377,378,379,380,381,388,389,390,399,400,401,402,410,411,412,413,421,422,423,433,434,435,436,487 +6223 - 54,55,56,57,58,74,75,76,77,78,79,80,81,87,95,96,97,98,99,100,101,102,103,104,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,147,148,149,150,151,152,160,161,162,163,169,170,171,172,173,182,183,184,185,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,345,357,358,359,360,364,365,366,367,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +6224 - 100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,168,169,170,189,190,191,211,212,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,469,470,492 +6225 - 78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,188,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +6226 - 57,58,59,60,79,80,81,82,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,384,385,406,407,408,428,429,430,431,432,433,451,452,453,454,455,475,476,486 +6227 - 33,34,35,36,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,106,107,119,120,121,122,123,127,128,129,140,141,142,143,144,149,150,151,161,162,163,164,165,166,171,172,173,183,184,185,186,187,193,194,195,204,205,206,207,208,209,214,215,216,217,226,227,228,229,230,236,237,238,239,247,248,249,250,251,252,258,259,260,261,269,270,271,272,273,279,280,281,282,290,291,292,293,294,295,300,301,302,303,304,312,313,314,315,316,317,321,322,323,324,325,334,335,336,337,338,342,343,344,345,346,355,356,357,358,359,360,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6228 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,105,116,117,118,119,125,126,127,138,139,140,147,148,149,160,161,162,170,171,181,182,183,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,361,366,367,368,369,380,381,382,383,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,449,450,451,452,453,485 +6229 - 57,58,59,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,468,469,470,486 +6230 - 48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,99,100,101,102,119,120,121,122,123,141,142,143,163,164,165,185,186,187,207,208,209,210,230,231,232,233,234,254,255,256,257,277,278,279,280,301,302,303,323,324,325,346,347,368,369,379,380,381,389,390,391,400,401,402,410,411,412,413,421,422,423,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,488 +6231 - 12,13,14,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,386,387,388,389,390,391,392,393,394,398,399,400,401,402,410,411,412,413,414,420,421,422,423,487 +6232 - 56,57,58,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,486 +6233 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,119,120,122,123,124,125,126,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,254,255,256,257,258,271,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,334,335,336,342,343,344,345,346,356,357,358,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +6234 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,169,170,171,172,178,179,180,181,182,190,191,192,193,194,200,201,202,203,212,213,214,215,216,222,223,224,225,233,234,235,236,237,238,244,245,246,247,255,256,257,258,259,266,267,268,269,270,271,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,478,494 +6235 - 37,38,39,58,59,60,61,80,81,82,101,102,103,104,119,120,123,124,125,126,140,141,142,144,145,146,147,161,162,163,164,166,167,168,169,182,183,184,185,186,188,189,190,191,204,205,206,207,209,210,211,212,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,326,334,335,336,337,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,489 +6236 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,117,118,119,120,126,127,128,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,225,226,227,228,247,248,249,250,269,270,271,272,291,292,293,294,299,300,301,302,314,315,316,317,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,367,368,369,370,381,382,383,384,385,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,451,452,453,454,455,491 +6237 - 58,59,60,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,149,160,161,162,163,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,343,344,345,346,355,356,357,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,490 +6238 - 74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,143,144,145,146,147,148,149,156,157,158,159,168,169,170,171,178,179,180,191,192,193,194,200,201,202,213,214,215,216,222,223,224,225,235,236,237,238,244,245,246,247,257,258,259,267,268,269,270,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,388,389,390,391,410,411,412,413,414,433,434,435,436,456,457,458,459,479,480,481,482,494 +6239 - 11,12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,140,141,142,143,144,161,162,163,164,165,170,171,172,183,184,185,186,187,190,191,192,193,194,195,205,206,207,208,210,211,212,213,214,215,216,217,226,227,228,229,230,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,491 +6240 - 49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,102,103,104,105,113,114,115,126,127,128,135,136,137,148,149,150,157,158,159,168,169,170,171,172,180,181,182,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,301,314,315,316,317,321,322,323,336,337,338,344,345,346,358,359,360,367,368,369,380,381,389,390,391,402,403,410,411,412,413,424,425,426,427,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +6241 - 100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,190,191,192,202,203,204,205,206,207,208,211,212,213,214,224,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,492 +6242 - 55,56,57,58,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,123,124,125,136,137,138,139,144,145,146,147,158,159,160,161,165,166,167,168,181,182,183,184,185,187,188,189,205,206,207,208,209,210,228,229,230,231,232,233,250,251,252,253,254,255,256,257,272,273,274,276,277,278,279,280,293,294,295,300,301,302,303,314,315,316,317,323,324,325,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,389,390,391,402,403,404,410,411,412,424,425,426,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6243 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,126,127,128,129,138,139,140,141,148,149,150,151,160,161,162,163,169,170,171,172,182,183,184,185,186,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,341,342,343,344,356,357,358,359,363,364,365,366,378,379,380,385,386,387,388,400,401,402,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +6244 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,428,429,430,431,450,451,452,453,472,473,474,486 +6245 - 33,34,35,36,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,170,171,172,173,182,183,184,185,186,191,192,193,194,195,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,257,258,259,260,267,268,269,270,271,278,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,310,311,312,313,314,320,321,322,323,324,325,332,333,334,335,336,341,342,343,344,345,346,354,355,356,357,358,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,485 +6246 - 10,11,12,13,32,33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,203,204,205,206,207,208,225,226,227,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,275,276,277,278,279,293,294,295,299,300,301,315,316,317,322,323,324,337,338,344,345,346,359,360,366,367,368,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +6247 - 35,36,37,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +6248 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,403,404,405,406,424,425,426,427,428,446,447,448,449,450,468,469,470,471,472,492 +6249 - 12,13,14,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,182,183,184,186,187,188,189,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,271,272,273,274,275,291,292,293,294,295,296,297,298,304,305,312,313,314,315,316,317,318,319,320,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,383,384,385,386,387,388,389,390,391,392,393,399,400,401,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,487 +6250 - 53,54,55,56,75,76,77,78,79,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,146,147,148,149,169,170,190,191,192,211,212,213,232,233,234,235,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,339,340,341,342,343,344,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,468,469,470,492 +6251 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,163,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,277,278,279,280,281,291,292,293,294,295,300,301,302,303,312,313,314,315,316,322,323,324,325,333,334,335,336,337,343,344,345,346,347,355,356,357,358,359,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +6252 - 25,26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,378,379,380,381,382,391,399,400,401,402,403,404,405,406,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,487 +6253 - 59,60,61,62,81,82,83,84,102,103,104,105,106,116,117,118,124,125,126,127,138,139,140,141,146,147,148,149,159,160,161,162,163,167,168,169,170,171,181,182,183,184,185,189,190,191,192,202,203,204,205,206,211,212,213,214,224,225,226,227,228,232,233,234,235,236,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,341,342,343,344,354,355,356,357,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,473,474,489 +6254 - 80,81,82,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,275,276,277,291,292,293,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,407,427,428,429,448,449,450,470,471,472,486 +6255 - 109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,300,301,302,303,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,426,427,428,490 +6256 - 40,41,51,62,63,72,73,74,84,85,94,95,96,105,106,107,115,116,117,118,127,128,129,136,137,138,139,149,150,151,158,159,160,171,172,173,179,180,181,193,194,195,200,201,202,203,214,215,216,217,221,222,223,224,236,237,238,242,243,244,245,253,254,255,256,257,258,259,260,261,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,308,309,310,311,312,313,314,315,316,322,323,324,332,333,334,344,345,346,366,367,368,387,388,389,390,409,410,411,412,432,433,434,454,455,489 +6257 - 11,12,13,33,34,35,36,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,190,191,192,193,194,204,205,206,207,208,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,491 +6258 - 52,53,74,75,76,95,96,97,107,117,118,119,128,129,130,138,139,140,150,151,152,160,161,162,170,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,214,215,216,224,225,226,227,235,236,237,238,245,246,247,248,257,258,259,267,268,269,276,277,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,344,345,346,347,358,359,366,367,368,388,389,390,410,411,412,432,433,434,454,455,476,477,489 +6259 - 98,99,100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,211,212,213,214,223,224,225,226,227,228,229,230,233,234,235,236,245,246,247,248,249,250,254,255,256,257,258,267,268,269,270,276,277,278,279,280,290,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +6260 - 56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,210,211,212,226,227,228,229,232,233,234,248,249,250,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,341,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,489 +6261 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,126,127,128,129,130,139,140,141,142,143,149,150,151,152,161,162,163,169,170,171,172,173,183,184,185,186,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,345,357,358,359,360,364,365,366,367,379,380,381,386,387,388,389,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +6262 - 35,36,57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,147,166,167,168,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,448,449,450,486 +6263 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,149,160,161,162,163,164,167,168,169,170,171,181,182,183,184,188,189,190,191,192,202,203,204,205,206,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +6264 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,140,141,142,143,162,163,164,184,185,186,206,207,208,228,229,230,249,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,427,428,429,430,448,449,450,469,470,471,490 +6265 - 12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,213,214,215,226,227,228,229,230,233,234,235,236,237,238,248,249,250,251,254,255,256,257,258,259,260,270,271,272,273,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,491 +6266 - 12,13,14,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,138,139,140,141,160,161,162,181,182,183,202,203,204,205,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,237,246,247,248,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,280,281,282,283,290,291,292,293,294,295,303,304,305,312,313,314,315,316,325,326,327,334,335,336,337,347,348,349,356,357,358,359,360,361,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,491 +6267 - 10,11,12,32,33,34,53,54,55,56,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,148,161,162,163,164,168,169,170,171,172,183,184,185,186,189,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,216,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,404,405,406,427,428,491 +6268 - 52,59,60,73,74,75,80,81,82,95,96,97,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,167,168,169,181,182,183,189,190,191,192,203,204,205,211,212,213,214,215,225,226,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,299,300,321,322,343,344,365,366,387,388,409,410,430,431,432,452,453,454,455,475,476,489 +6269 - 12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,232,233,234,235,236,247,248,249,250,255,256,257,258,270,271,277,278,279,280,291,292,293,299,300,301,302,312,313,314,315,316,320,321,322,323,324,334,335,336,337,338,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,488 +6270 - 49,50,51,52,53,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,116,118,119,120,121,122,123,135,136,137,142,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,342,349,350,351,360,361,362,363,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,487 +6271 - 37,38,39,58,59,60,61,80,81,82,83,102,103,104,105,118,119,120,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,167,168,169,170,182,183,184,185,186,189,190,191,204,205,206,207,210,211,212,213,225,226,227,228,229,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,489 +6272 - 98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,475,494 +6273 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,211,212,213,214,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,333,334,335,338,339,340,341,342,343,344,345,354,355,356,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,408,409,410,411,412,420,421,422,423,424,425,431,432,433,434,435,443,444,445,446,454,455,456,487 +6274 - 31,38,39,40,41,42,52,53,54,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,126,138,139,140,141,142,143,144,159,160,161,162,181,182,183,184,185,188,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,322,323,324,325,344,345,346,347,355,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +6275 - 63,64,74,75,76,77,78,79,80,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,167,168,169,170,171,182,183,184,185,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,357,358,359,360,362,363,364,365,366,379,380,381,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,493 +6276 - 101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,153,163,164,165,166,183,184,185,186,187,204,205,206,207,208,226,227,228,229,249,250,251,252,253,254,273,274,275,276,277,289,298,299,300,311,312,321,322,323,333,334,342,343,344,355,356,357,358,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,490 +6277 - 50,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,450,469,470,471,486 +6278 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,181,182,183,184,189,190,191,202,203,204,205,211,212,213,224,225,226,233,234,235,247,248,254,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +6279 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,126,127,128,140,141,142,143,144,145,148,149,150,162,163,164,165,166,170,171,172,183,184,185,186,187,188,192,193,194,205,206,207,208,209,214,215,216,227,228,229,230,231,235,236,237,238,248,249,250,251,252,253,257,258,259,260,270,271,272,273,274,278,279,280,281,292,293,294,295,296,300,301,302,303,313,314,315,316,317,321,322,323,324,335,336,337,338,339,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,446,447,448,449,469,470,471,485 +6280 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,213,214,215,216,235,236,237,238,257,258,259,260,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,409,410,411,412,413,432,433,434,454,455,456,457,475,476,477,478,492 +6281 - 10,11,12,13,14,32,33,34,35,53,54,55,56,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +6282 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,205,206,207,208,209,210,211,228,229,230,231,232,233,234,253,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,390,401,402,403,408,409,410,411,423,424,425,426,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,488 +6283 - 37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,126,138,139,140,145,146,147,148,160,161,162,167,168,169,181,182,183,184,188,189,190,191,203,204,205,206,210,211,212,213,224,225,226,227,228,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,318,319,320,321,334,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,489 +6284 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,145,146,147,158,159,160,168,169,170,180,181,182,189,190,191,192,202,203,204,205,210,211,212,213,225,226,227,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,294,295,296,297,317,318,319,320,339,340,341,342,343,361,362,363,364,365,366,367,384,385,386,387,388,389,390,406,407,410,411,412,413,428,429,430,433,434,435,451,452,453,454,455,456,457,473,474,475,476,477,478,479,493 +6285 - 56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,147,148,149,150,159,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,189,190,191,192,193,194,202,203,204,205,206,210,211,212,213,214,215,223,224,225,226,227,231,232,233,234,235,236,237,245,246,247,248,252,253,254,255,256,257,258,267,268,269,270,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,341,342,343,344,345,356,357,358,359,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +6286 - 28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,99,100,101,102,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,277,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,379,380,381,382,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +6287 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,210,211,212,213,214,223,224,225,226,227,228,229,232,233,234,235,236,245,246,247,248,249,254,255,256,257,267,268,269,270,275,276,277,278,279,290,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +6288 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,161,162,163,164,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,250,251,252,253,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,319,320,321,322,323,337,338,339,342,343,344,345,359,360,361,365,366,367,368,380,381,382,383,387,388,389,402,403,404,405,406,409,410,411,425,426,427,428,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,493 +6289 - 11,12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,185,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,253,259,260,271,272,273,274,281,282,292,293,294,295,302,303,304,313,314,315,316,317,318,323,324,325,326,334,335,336,337,338,339,340,341,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,405,406,407,408,409,410,411,412,421,422,423,428,429,430,431,432,433,487 +6290 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,75,76,77,97,98,99,118,119,120,121,139,140,141,160,161,162,163,182,183,184,203,204,205,206,226,227,228,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,278,279,280,281,282,301,302,303,314,322,323,324,325,336,343,344,345,346,347,357,358,359,365,366,367,368,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +6291 - 37,38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,276,277,278,279,291,292,293,294,298,299,300,301,312,313,320,321,322,323,333,334,335,336,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +6292 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,125,126,127,140,141,142,143,148,149,162,163,164,170,171,183,184,185,192,193,194,204,205,206,207,214,215,216,226,227,228,236,237,238,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,335,336,337,345,346,347,357,358,359,367,368,369,379,380,381,388,389,390,402,403,404,405,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +6293 - 36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,276,277,278,279,280,292,293,294,299,300,301,302,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +6294 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,142,147,148,161,162,163,168,169,170,183,184,185,190,191,192,205,206,211,212,213,214,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,494 +6295 - 78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,181,182,183,184,185,188,189,190,191,192,193,202,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,320,321,322,323,324,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +6296 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,146,147,148,149,150,151,159,160,161,162,163,170,171,172,173,174,180,181,182,183,193,194,195,196,201,202,203,204,215,216,217,218,222,223,224,236,237,238,239,240,243,244,245,258,259,260,261,262,265,266,267,283,284,287,288,289,304,305,306,309,310,325,326,327,331,332,333,346,347,348,353,354,355,367,368,369,376,377,378,379,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,448,449,485 +6297 - 34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,274,276,277,278,279,280,292,293,298,299,300,301,314,320,321,322,323,335,336,337,341,342,343,344,345,357,358,359,363,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +6298 - 66,67,68,69,70,71,72,73,74,75,76,77,88,89,90,91,92,94,95,96,97,98,99,100,112,113,119,120,121,122,123,143,144,145,165,166,167,168,187,188,189,208,209,210,230,231,232,252,253,254,255,274,275,276,277,278,279,297,298,299,300,301,302,303,321,322,323,324,325,345,346,347,368,369,370,389,390,391,392,410,411,412,413,431,432,433,434,435,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +6299 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,274,275,276,277,278,279,280,290,291,292,298,299,300,301,302,312,313,314,320,321,322,323,333,334,335,336,341,342,343,344,345,355,356,357,358,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +6300 - 51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,117,118,119,139,140,141,161,162,163,183,184,186,187,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,254,255,256,257,271,276,277,278,279,299,300,301,302,322,323,324,345,346,367,368,388,389,390,403,404,409,410,411,412,424,425,426,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +6301 - 77,78,79,80,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,167,168,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,194,202,203,204,205,206,210,211,212,213,214,215,223,224,225,226,227,231,232,233,234,235,236,237,245,246,247,248,249,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,342,343,344,345,346,355,356,357,358,359,360,361,364,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,433,451,452,453,454,455,474,475,476,494 +6302 - 31,32,52,53,54,73,74,75,94,95,96,97,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,195,196,197,202,203,204,205,217,218,219,224,225,226,239,240,241,246,247,248,260,261,262,263,267,268,269,282,283,284,289,290,291,303,304,305,306,311,312,313,314,325,326,327,334,335,336,346,347,348,356,357,358,359,367,368,369,370,378,379,380,381,382,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +6303 - 56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,486 +6304 - 67,68,89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,388,407,408,409,410,430,431,432,433,434,452,453,454,455,456,474,475,476,477,478,492 +6305 - 77,78,98,99,100,101,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,277,278,279,292,293,294,299,300,301,302,312,313,314,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,490 +6306 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,166,167,168,169,179,180,181,182,183,188,189,190,191,192,201,202,203,204,205,209,210,211,212,213,214,215,222,223,224,225,226,230,231,232,233,234,235,236,237,244,245,246,247,248,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,277,278,279,280,281,289,290,291,292,293,294,295,296,297,300,301,302,303,304,311,312,313,314,315,316,317,322,323,324,325,326,336,337,338,344,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,477,478,479,494 +6307 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,218,219,228,229,230,231,232,240,241,250,251,252,253,261,262,263,271,272,273,274,275,276,283,284,285,292,293,294,295,296,297,298,299,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,385,386,387,388,389,390,391,392,399,400,401,402,408,409,410,411,412,421,422,423,424,487 +6308 - 46,47,59,67,68,69,81,82,89,90,103,104,110,111,112,125,126,132,133,134,147,148,154,155,156,169,170,171,177,178,191,192,193,199,200,201,202,203,213,214,215,216,222,223,224,225,226,227,228,229,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,302,303,304,324,325,326,347,348,369,370,391,392,413,414,435,436,457,458,479,480,489 +6309 - 34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,277,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,316,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,488 +6310 - 75,76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,122,123,124,125,138,139,140,144,145,146,147,160,161,166,167,168,169,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,298,299,320,321,342,343,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,477,478,494 +6311 - 55,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,486 +6312 - 40,41,62,63,75,76,83,84,85,96,97,98,105,106,107,118,119,120,126,127,128,139,140,141,147,148,149,160,161,162,169,170,171,182,183,190,191,192,203,204,205,212,213,224,225,226,233,234,235,246,247,248,254,255,256,267,268,269,274,275,276,277,278,289,290,291,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,335,336,337,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,489 +6313 - 10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,164,181,182,183,184,185,186,193,195,202,203,204,205,206,207,208,211,212,213,214,215,216,217,218,219,225,226,227,228,229,233,234,235,236,237,238,239,240,241,247,248,249,250,254,255,256,257,259,260,261,262,263,269,270,271,272,275,276,277,278,279,281,282,283,284,285,291,292,293,294,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,318,319,320,321,322,323,324,325,326,327,334,335,336,337,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,491 +6314 - 31,32,52,53,54,73,74,75,76,95,96,97,116,117,118,119,137,138,139,140,158,159,160,161,172,173,180,181,182,183,193,194,195,201,202,203,204,214,215,216,217,223,224,225,226,235,236,237,238,239,245,246,247,255,256,257,258,259,260,261,267,268,269,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,302,303,304,311,312,313,314,315,316,317,318,319,320,321,323,324,325,326,333,334,335,336,337,338,339,340,341,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,434,435,436,437,438,456,457,458,459,489 +6315 - 80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,211,212,213,214,215,222,223,224,225,226,227,228,229,230,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,254,255,256,257,258,259,263,267,268,269,270,271,272,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +6316 - 29,30,31,51,52,53,54,55,73,74,75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,144,145,146,160,161,162,163,166,167,168,181,182,183,184,189,190,203,204,205,206,214,215,225,226,227,236,237,238,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,323,324,325,326,335,336,337,345,346,347,348,357,358,359,365,366,367,368,369,370,380,381,382,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +6317 - 35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,198,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,255,256,257,258,270,271,272,273,277,278,279,280,293,299,300,301,302,311,312,321,322,323,324,332,333,334,343,344,345,346,354,355,356,364,365,366,367,376,377,378,379,380,381,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +6318 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +6319 - 98,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,210,211,212,213,223,224,225,226,227,228,229,232,233,234,235,245,246,247,248,249,253,254,255,256,257,268,269,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +6320 - 32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,79,80,95,96,97,102,103,104,116,117,118,119,124,125,126,138,139,140,141,147,148,149,160,161,162,169,170,171,182,183,184,192,193,194,204,205,206,214,215,216,226,227,228,237,238,248,249,250,259,260,261,270,271,272,281,282,292,293,294,295,303,304,305,314,315,316,317,325,326,327,336,337,338,339,347,348,349,359,360,361,369,370,371,381,382,383,384,390,391,392,404,405,406,407,410,411,412,413,427,428,429,430,431,432,433,434,451,452,453,454,485 +6321 - 35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,126,139,140,141,142,147,148,161,162,163,164,165,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,298,299,300,301,302,313,314,315,316,321,322,323,324,335,336,337,343,344,345,346,357,358,359,364,365,366,367,368,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,452,493 +6322 - 56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,126,127,139,140,141,142,147,148,149,160,161,162,163,168,169,182,183,184,185,190,191,204,205,206,207,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,322,323,338,339,340,344,345,359,360,361,365,366,367,380,381,382,383,386,387,388,389,402,403,404,407,408,409,410,424,425,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +6323 - 82,102,103,104,105,124,125,126,139,145,146,147,148,160,161,162,167,168,169,170,181,182,183,184,188,189,190,191,203,204,205,206,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,489 +6324 - 60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,127,137,138,139,140,141,144,145,158,159,160,161,162,180,181,182,202,203,204,224,225,226,227,246,247,248,249,250,269,270,271,272,273,274,275,293,294,295,296,297,298,299,317,318,319,320,321,322,323,324,342,343,344,345,346,347,348,356,357,366,367,368,369,370,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,490 +6325 - 38,39,40,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,105,106,107,108,118,119,120,121,122,123,124,127,128,129,130,139,140,141,142,143,144,145,149,150,151,152,160,161,162,163,164,165,166,170,171,172,173,174,182,183,184,185,186,193,194,195,203,204,205,206,207,208,214,215,216,217,225,226,227,228,229,230,236,237,238,239,246,247,248,249,250,251,257,258,259,260,261,268,269,270,271,272,273,278,279,280,281,282,290,291,292,293,294,299,300,301,302,303,304,311,312,313,314,315,316,320,321,322,323,324,325,333,334,335,336,337,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,444,445,446,447,485 +6326 - 11,12,13,32,33,34,35,53,54,55,56,62,63,74,75,76,77,84,85,95,96,97,98,105,106,107,116,117,118,119,127,128,129,138,139,140,141,149,150,151,160,161,162,171,172,173,181,182,183,184,193,194,195,203,204,205,215,216,217,225,226,227,237,238,239,247,248,249,259,260,261,269,270,271,280,281,282,283,290,291,292,301,302,303,304,312,313,314,323,324,325,326,334,335,336,337,344,345,346,347,357,358,359,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,485 +6327 - 55,56,57,58,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,179,180,181,182,185,186,187,188,201,202,206,207,208,209,210,228,229,230,231,241,249,250,251,252,253,262,263,270,271,272,273,274,275,284,285,292,293,294,295,296,297,305,306,307,313,314,315,316,317,318,319,320,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,384,385,386,387,388,389,390,391,392,393,399,400,401,402,408,409,410,411,412,413,414,421,422,423,487 +6328 - 35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,189,206,207,209,210,211,231,232,233,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,449,450,451,486 +6329 - 38,39,40,59,60,61,62,81,82,83,84,96,97,103,104,105,118,119,120,124,125,126,127,139,140,141,142,146,147,148,149,161,162,163,167,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,210,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,340,341,342,343,346,347,355,356,357,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,489 +6330 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,106,107,108,118,119,120,121,122,123,128,129,130,139,140,141,142,143,144,145,150,151,152,161,162,163,172,173,174,182,183,184,194,195,196,203,204,205,216,217,218,225,226,227,237,238,239,240,246,247,248,259,260,261,268,269,270,280,281,282,289,290,291,292,301,302,303,304,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,357,363,364,365,366,367,368,376,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6331 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,143,147,148,149,161,162,163,164,165,168,169,170,171,182,183,184,185,186,190,191,192,193,204,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,251,255,256,257,258,259,269,270,271,272,277,278,279,280,291,292,293,294,298,299,300,301,302,313,314,315,320,321,322,323,334,335,336,337,341,342,343,344,345,356,357,358,359,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +6332 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,140,141,142,143,149,150,161,162,163,164,171,172,182,183,184,185,186,193,194,204,205,206,207,215,216,226,227,228,229,237,238,247,248,249,250,258,259,260,269,270,271,272,280,281,282,290,291,292,293,294,302,303,312,313,314,315,316,323,324,325,334,335,336,337,345,346,347,356,357,358,359,365,366,367,368,378,379,380,381,386,387,388,389,401,402,403,407,408,409,410,411,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,470,471,472,473,485 +6333 - 99,100,101,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,190,191,192,193,202,203,204,205,206,207,208,212,213,214,215,223,224,225,226,227,228,233,234,235,236,245,246,247,248,255,256,257,258,267,268,269,277,278,279,280,299,300,301,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,472,473,474,475,492 +6334 - 76,77,78,79,96,97,98,99,100,101,103,104,117,118,119,120,121,124,125,126,127,138,139,140,141,142,146,147,148,149,160,161,167,168,169,170,171,182,183,188,189,190,191,204,205,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +6335 - 57,58,59,60,61,76,77,78,79,80,81,82,83,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,126,127,128,129,138,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,357,358,359,360,364,365,366,367,379,380,381,386,387,388,389,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6336 - 52,53,59,60,61,73,74,75,76,81,82,83,95,96,97,102,103,104,105,117,118,124,125,126,138,139,140,145,146,147,148,160,161,162,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,213,225,226,231,232,233,234,235,246,247,248,253,254,255,256,268,269,270,274,275,276,277,278,290,291,292,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,357,358,359,360,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,489 +6337 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,194,204,205,206,207,208,213,214,215,216,226,227,228,229,234,235,236,237,238,247,248,249,250,251,256,257,258,259,260,269,270,271,272,278,279,280,281,290,291,292,293,294,299,300,301,302,303,312,313,314,315,321,322,323,324,334,335,336,337,342,343,344,345,346,355,356,357,358,359,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +6338 - 14,15,16,17,35,36,37,38,39,55,56,57,58,59,77,78,79,80,81,98,99,100,101,119,120,121,122,123,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,214,215,225,226,227,228,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,303,304,305,312,313,314,315,316,317,318,324,325,326,327,334,335,336,337,338,339,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,491 +6339 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,211,212,213,214,225,226,227,228,229,230,233,234,235,236,247,248,249,250,251,254,255,256,257,269,270,271,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +6340 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,78,79,80,81,94,95,96,101,102,103,115,116,117,123,124,125,137,138,144,145,146,165,166,167,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,251,252,253,254,255,256,274,275,276,277,278,279,280,299,300,301,302,303,323,324,325,326,346,347,348,368,369,370,379,380,388,389,390,391,392,401,402,403,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +6341 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,123,124,125,126,127,139,140,141,142,146,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,234,235,236,237,238,246,247,248,249,250,256,257,258,259,260,268,269,270,271,278,279,280,281,290,291,292,293,300,301,302,303,311,312,313,314,315,321,322,323,324,325,333,334,335,336,337,342,343,344,345,346,355,356,357,358,359,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +6342 - 49,50,51,52,53,54,71,72,73,74,75,76,77,78,96,97,98,99,100,101,120,121,122,123,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,251,252,253,254,273,274,275,276,277,296,297,298,299,319,320,321,342,343,344,364,365,366,386,387,388,403,404,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,472,473,474,488 +6343 - 9,10,11,31,32,33,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,139,140,141,142,161,162,163,164,168,169,170,183,184,185,188,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,257,258,259,260,269,270,271,272,273,274,275,276,279,280,281,291,292,293,294,295,296,297,300,301,302,303,313,314,315,316,317,318,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,425,426,427,428,491 +6344 - 31,32,33,34,35,53,54,55,56,57,58,75,76,78,79,80,81,98,101,102,103,104,124,125,126,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,299,300,301,302,304,305,306,307,310,311,312,313,320,321,322,323,332,333,341,342,343,344,354,355,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,487 +6345 - 55,56,57,58,59,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,195,201,202,203,204,205,211,212,213,214,215,216,217,223,224,225,226,232,233,234,235,236,237,238,239,244,245,246,247,248,253,254,255,256,257,258,259,260,261,266,267,268,269,274,275,276,277,278,279,280,281,282,287,288,289,290,294,295,296,297,298,299,301,302,303,304,309,310,311,312,314,315,316,317,318,319,320,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,344,345,346,347,354,355,356,357,358,359,360,361,366,367,368,369,376,377,378,379,380,381,382,388,389,390,391,400,401,410,411,412,413,432,433,434,435,453,454,455,456,476,477,494 +6346 - 77,78,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,145,146,162,163,164,185,186,187,207,208,209,229,230,231,252,253,254,274,275,276,277,290,291,297,298,299,300,312,313,320,321,322,334,335,342,343,344,356,357,364,365,366,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,447,448,490 +6347 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,255,256,257,258,269,270,271,272,273,277,278,279,280,290,291,292,293,294,299,300,301,302,312,313,314,321,322,323,324,334,335,336,341,342,343,344,345,346,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +6348 - 72,73,93,94,95,96,97,115,116,117,118,119,120,139,140,141,142,143,162,163,164,165,185,186,187,188,207,208,209,210,230,231,232,251,252,253,254,259,262,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,356,357,358,359,360,487 +6349 - 14,15,16,35,36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,386,387,388,389,390,391,397,398,399,400,401,402,403,409,410,411,412,413,420,421,422,423,424,432,433,487 +6350 - 49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,99,100,101,102,103,111,112,113,122,123,124,125,143,144,145,146,163,164,165,166,167,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,233,234,235,236,256,257,258,279,280,281,301,302,303,323,324,325,345,346,347,367,368,369,370,379,389,390,391,400,401,402,403,404,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,488 +6351 - 59,60,61,81,82,83,102,103,104,105,124,125,126,139,140,141,145,146,147,148,160,161,162,163,167,168,169,182,183,184,185,188,189,190,191,204,205,206,207,210,211,212,225,226,227,228,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,318,319,320,321,333,334,335,336,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,472,473,489 +6352 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,82,83,96,97,98,118,119,120,139,140,141,142,162,163,164,184,185,186,206,207,208,228,229,230,250,251,252,272,273,274,275,276,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,342,343,344,345,365,366,367,386,387,388,389,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +6353 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,105,106,107,108,117,118,119,120,121,126,127,128,129,130,138,139,140,141,147,148,149,150,151,160,161,162,163,167,168,169,170,171,172,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,342,343,344,345,357,358,359,360,364,365,366,367,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +6354 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,102,103,104,116,117,118,121,122,124,125,126,138,139,140,143,144,146,147,148,159,160,161,165,166,168,169,170,181,182,183,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,258,259,260,271,272,273,274,280,281,282,293,294,295,302,303,304,314,315,316,323,324,325,326,336,337,338,345,346,347,358,359,366,367,368,369,379,380,381,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +6355 - 9,10,11,30,31,32,33,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,139,140,141,142,148,149,150,161,162,163,164,168,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,195,204,205,206,207,210,211,212,213,214,215,216,217,225,226,227,228,229,231,232,233,234,235,237,238,239,247,248,249,250,252,253,254,255,256,258,259,260,261,269,270,271,272,273,274,275,276,277,279,280,281,282,290,291,292,293,294,295,296,297,298,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,429,430,491 +6356 - 57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,486 +6357 - 33,34,35,53,54,55,56,57,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,194,195,204,205,206,207,214,215,216,217,225,226,227,228,229,236,237,238,239,247,248,249,250,257,258,259,260,268,269,270,271,272,279,280,281,282,290,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,326,334,335,336,337,338,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +6358 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,211,212,213,214,215,225,226,227,228,229,232,233,234,235,236,237,248,249,250,251,254,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,470,471,472,473,474,475,492 +6359 - 75,76,77,86,87,96,97,98,99,100,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,165,166,167,168,169,170,171,172,173,180,181,182,183,184,188,189,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,278,279,280,281,282,301,302,303,304,311,312,323,324,325,326,333,334,335,343,344,345,346,347,355,356,357,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,450,490 +6360 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,231,232,233,234,253,254,255,256,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,345,346,358,359,360,361,366,367,368,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,487 +6361 - 79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,210,211,212,213,226,227,231,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +6362 - 66,67,68,69,88,89,90,91,92,93,94,95,96,97,112,113,114,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,166,167,168,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,320,321,322,323,340,341,342,343,344,345,346,367,368,369,390,391,412,413,414,435,436,457,458,478,479,480,488 +6363 - 39,40,41,42,43,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,159,160,161,162,163,180,181,182,183,184,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,311,312,313,322,323,324,325,333,334,335,344,345,346,347,355,356,357,358,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +6364 - 49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,107,112,113,114,115,123,124,125,126,127,128,129,130,133,134,135,136,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,213,225,226,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,278,279,280,281,282,293,294,295,296,301,302,303,304,305,314,315,316,317,324,325,326,327,336,337,338,339,347,348,349,358,359,360,361,369,370,371,380,381,382,383,391,392,393,403,404,405,406,407,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,493 +6365 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,469,470,471,472,486 +6366 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +6367 - 57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,183,184,185,186,187,192,193,194,195,204,205,206,207,208,213,214,215,216,217,226,227,228,229,230,235,236,237,238,247,248,249,250,251,252,257,258,259,260,269,270,271,272,273,278,279,280,281,282,291,292,293,294,295,299,300,301,302,303,312,313,314,315,316,321,322,323,324,325,334,335,336,337,338,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,467,468,469,485 +6368 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,144,145,146,147,157,158,159,160,161,167,168,169,170,178,179,180,181,190,191,192,193,200,201,202,203,204,205,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,281,282,302,303,304,324,325,326,346,347,348,349,367,368,369,370,389,390,391,410,411,412,431,432,433,451,452,453,454,473,474,475,476,494 +6369 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,147,148,149,150,151,152,159,160,161,162,168,169,170,171,172,173,181,182,183,184,189,190,191,192,193,194,203,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +6370 - 56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,138,139,140,141,160,161,162,181,182,183,184,203,204,205,225,226,227,247,248,249,269,270,271,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,366,367,368,388,389,390,409,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,490 +6371 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,486 +6372 - 59,80,81,82,101,102,103,104,123,124,125,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,469,470,486 +6373 - 10,11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,280,281,282,291,292,293,294,295,296,297,298,299,301,302,303,304,313,314,315,316,317,318,319,320,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +6374 - 36,37,38,54,55,56,57,58,59,74,75,76,77,78,79,80,95,96,97,98,99,116,117,118,119,138,139,140,159,160,161,181,182,183,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,277,278,279,300,301,302,322,323,324,345,346,367,368,389,390,402,403,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,490 +6375 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,212,213,214,215,222,223,224,225,226,227,228,229,234,235,236,237,244,245,246,247,248,249,250,255,256,257,258,259,266,267,268,269,270,277,278,279,280,289,290,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,450,451,452,453,454,472,473,474,475,492 +6376 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,146,147,148,158,159,160,161,167,168,169,170,171,180,181,182,191,192,193,202,203,204,212,213,214,215,224,225,226,233,234,235,236,237,246,247,248,249,254,255,256,257,258,259,268,269,270,271,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,322,323,324,338,339,340,344,345,346,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +6377 - 13,14,34,35,36,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,250,251,252,253,254,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,386,387,388,389,390,391,392,393,394,398,399,400,401,409,410,411,412,413,414,415,487 +6378 - 74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,253,254,255,256,258,259,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,381,382,383,384,385,386,387,405,406,407,408,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +6379 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,160,161,162,163,164,168,169,170,171,181,182,183,184,185,189,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,227,231,232,233,234,235,236,246,247,248,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,320,321,322,323,335,336,337,338,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +6380 - 57,58,59,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,405,406,426,427,428,448,449,450,470,471,486 +6381 - 75,76,77,78,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,211,212,213,214,223,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,254,255,256,257,267,268,269,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +6382 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,124,125,139,140,141,146,147,160,161,162,167,168,169,182,183,189,190,191,204,205,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,298,299,300,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,452,453,454,474,475,476,494 +6383 - 77,78,79,80,81,83,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,168,169,170,171,172,179,180,181,182,183,184,189,190,191,192,193,194,201,202,203,204,205,210,211,212,213,214,215,222,223,224,225,230,231,232,233,234,235,236,237,244,245,246,247,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,321,322,323,324,333,334,335,336,337,338,342,343,344,345,346,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,476,494 +6384 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +6385 - 87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,182,183,184,185,186,203,204,205,206,225,226,227,228,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,320,321,322,323,336,337,343,344,345,358,359,360,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,449,450,490 +6386 - 5,6,7,8,9,10,11,12,32,33,34,35,55,56,57,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,292,293,294,295,296,313,314,315,316,317,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,487 +6387 - 33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,119,120,121,140,141,142,143,162,163,164,167,168,169,170,183,184,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,381,382,383,384,385,403,404,405,425,426,447,448,491 +6388 - 13,14,15,16,34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,428,429,430,431,491 +6389 - 97,98,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,165,166,167,168,169,170,171,172,173,182,183,184,203,204,205,206,207,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,297,298,299,300,311,312,313,314,315,320,321,322,333,334,335,336,337,338,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,425,426,427,428,490 +6390 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,140,141,142,143,146,147,148,149,150,163,164,165,167,168,169,170,171,185,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,299,300,315,316,317,318,320,321,322,323,336,337,338,339,342,343,344,345,357,358,359,360,361,363,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,493 +6391 - 11,12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,164,165,166,167,168,186,187,188,189,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,306,307,314,315,316,317,318,319,320,327,328,329,335,336,337,338,339,340,341,342,343,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,406,407,408,409,410,411,412,413,414,415,421,422,423,424,430,431,432,433,434,435,436,487 +6392 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,227,228,229,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,301,302,313,314,315,322,323,324,335,336,337,343,344,345,357,358,359,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,425,426,427,428,429,491 +6393 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,119,120,121,140,141,142,143,162,163,164,168,169,170,171,183,184,185,186,189,190,191,192,193,194,205,206,207,208,210,211,212,213,214,215,216,227,228,229,231,232,233,234,236,237,238,248,249,250,251,252,253,254,255,258,259,260,270,271,272,273,274,275,276,279,280,281,282,292,293,294,295,296,297,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,403,404,405,426,427,491 +6394 - 50,51,52,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,126,127,128,129,130,135,136,137,138,139,140,141,149,150,151,152,157,158,159,160,161,171,172,173,174,179,180,181,182,193,194,195,196,201,202,203,215,216,217,218,223,224,225,237,238,239,240,245,246,247,259,260,261,262,266,267,268,269,281,282,283,284,289,290,291,302,303,304,305,306,311,312,313,324,325,326,327,333,334,335,345,346,347,348,349,355,356,357,358,366,367,368,369,370,377,378,379,380,388,389,390,391,400,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,485 +6395 - 56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,158,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,486 +6396 - 9,10,11,31,32,33,53,54,55,74,75,76,96,97,98,117,118,119,120,139,140,141,142,161,162,163,164,183,184,185,204,205,206,207,210,211,212,226,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,301,302,303,304,314,315,316,317,318,324,325,326,337,338,339,340,346,347,348,359,360,361,362,363,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +6397 - 79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,181,182,183,184,185,186,189,190,191,192,202,203,204,205,206,207,211,212,213,214,223,224,225,226,227,228,233,234,235,244,245,246,247,248,254,255,256,257,267,268,269,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,492 +6398 - 52,53,54,55,56,57,74,75,76,77,78,79,80,96,97,99,100,101,102,103,123,124,125,144,145,146,147,164,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,249,250,251,252,271,272,273,274,275,276,295,296,297,298,299,318,319,320,321,322,342,343,344,365,366,367,386,387,388,389,407,408,409,410,411,427,428,429,430,431,432,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +6399 - 34,35,36,37,38,39,40,41,42,43,54,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,322,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,490 +6400 - 56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,151,159,160,161,162,163,171,172,173,180,181,182,183,184,194,195,196,202,203,204,205,206,217,218,223,224,225,226,227,228,239,240,245,246,247,250,261,262,267,268,269,283,284,288,289,290,305,306,310,311,312,327,328,332,333,334,348,349,350,354,355,356,369,370,371,376,377,378,379,389,390,391,392,399,400,401,402,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +6401 - 35,36,37,38,39,40,41,42,54,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,138,139,140,141,142,143,159,160,161,162,163,164,180,181,182,183,184,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,303,311,312,313,321,322,323,324,325,332,333,334,335,343,344,345,346,347,355,356,357,358,359,360,361,362,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,490 +6402 - 15,16,17,18,19,36,37,38,39,40,41,42,57,58,59,60,61,62,63,64,65,77,78,79,80,81,86,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,247,248,249,250,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,344,345,346,347,357,358,359,360,361,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +6403 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,189,190,191,192,201,202,203,204,205,206,207,211,212,213,214,221,222,223,224,225,226,227,228,232,233,234,235,236,243,244,245,246,247,248,254,255,256,257,258,264,265,266,267,268,269,276,277,278,279,287,288,289,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +6404 - 53,54,55,56,57,74,75,76,77,78,79,80,94,95,96,97,98,99,101,102,103,116,117,118,119,123,124,125,138,139,140,144,145,146,160,161,162,165,166,167,182,183,184,185,186,187,188,189,205,206,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,343,344,345,361,362,365,366,367,383,384,387,388,389,405,406,407,409,410,411,428,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,476,493 +6405 - 34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,311,312,313,314,320,321,322,323,324,333,334,335,336,341,342,343,344,345,354,355,356,357,358,359,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,445,446,447,448,449,488 +6406 - 29,30,31,32,51,52,53,54,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,123,124,125,135,136,137,138,145,146,147,148,157,158,159,168,169,170,171,178,179,180,192,193,194,200,201,202,214,215,216,217,222,223,236,237,238,239,244,245,259,260,261,265,266,267,281,282,283,284,287,288,303,304,305,306,309,310,326,327,328,331,332,333,348,349,350,353,354,355,369,370,371,376,377,378,391,392,393,399,400,401,402,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,485 +6407 - 61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,159,160,161,162,163,180,181,182,183,184,202,203,204,205,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,322,323,324,325,333,334,335,336,337,338,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,490 +6408 - 34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +6409 - 55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,148,149,150,151,162,163,164,165,166,170,171,172,173,183,184,185,186,187,192,193,194,195,204,205,206,207,208,209,214,215,216,217,226,227,228,229,230,235,236,237,238,239,247,248,249,250,251,257,258,259,260,261,269,270,271,272,273,278,279,280,281,282,290,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,334,335,336,337,338,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,466,467,468,485 +6410 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,294,295,299,300,301,302,303,323,324,325,326,344,345,346,347,365,366,367,368,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,488 +6411 - 57,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +6412 - 53,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,117,118,138,139,140,160,161,162,163,181,182,183,184,185,202,203,204,205,206,207,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,320,321,322,323,324,344,345,346,366,367,368,386,387,388,389,390,398,399,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,490 +6413 - 56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,468,469,470,486 +6414 - 53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,170,171,190,191,192,212,213,214,234,235,236,250,251,252,253,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,340,341,342,343,344,345,346,347,357,358,359,362,363,364,365,367,368,369,370,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,469,487 +6415 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,254,255,256,257,276,277,278,279,298,299,300,301,312,313,320,321,322,323,333,334,335,341,342,343,344,355,356,357,358,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +6416 - 32,33,34,35,54,55,56,57,58,75,76,77,78,79,80,98,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,344,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,488 +6417 - 35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,106,117,118,119,120,121,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,185,186,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,342,343,344,345,357,358,359,360,364,365,366,367,379,380,381,382,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,493 +6418 - 11,12,13,32,33,34,35,54,55,56,75,76,77,78,96,97,98,99,118,119,120,139,140,141,160,161,162,163,181,182,183,184,202,203,204,205,206,207,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,296,297,299,300,301,302,303,304,322,323,324,325,326,345,346,347,348,364,365,366,367,368,369,384,385,386,387,388,389,390,391,406,407,408,409,410,411,429,430,431,490 +6419 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,450,469,470,471,486 +6420 - 48,49,50,52,53,66,67,68,69,70,71,72,73,74,75,76,77,88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,114,115,116,117,118,119,120,121,122,123,143,144,145,146,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,253,254,255,256,257,258,277,278,279,280,281,282,301,302,303,304,313,314,323,324,325,326,327,335,336,337,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,488 +6421 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,206,207,208,209,210,215,216,217,218,223,224,225,226,227,228,231,237,238,239,240,244,245,246,247,248,259,260,261,266,267,268,269,280,281,282,283,287,288,289,290,300,301,302,303,304,309,310,311,312,321,322,323,324,325,331,332,333,334,342,343,344,345,346,353,354,355,356,357,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,485 +6422 - 33,34,35,54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,124,125,139,140,141,146,147,148,160,161,162,169,170,171,182,183,192,193,203,204,205,214,215,225,226,236,237,246,247,248,258,259,268,269,280,281,290,291,302,303,312,313,323,324,325,333,334,335,345,346,355,356,357,367,368,378,379,380,388,389,390,400,401,402,403,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +6423 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +6424 - 47,48,49,59,60,68,69,70,71,81,82,83,90,91,92,103,104,105,112,113,114,125,126,134,135,136,146,147,148,156,157,158,168,169,170,178,179,180,190,191,192,200,201,202,212,213,214,222,223,224,225,234,235,236,237,238,245,246,247,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,293,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,368,369,370,390,391,392,393,413,414,415,435,436,437,438,458,459,460,461,480,481,482,483,489 +6425 - 29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,124,125,126,127,128,146,147,148,149,150,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,429,430,431,432,433,444,445,446,447,453,454,487 +6426 - 28,29,30,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,94,95,96,116,117,118,138,139,140,160,161,162,182,183,184,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,323,324,325,344,345,346,347,358,359,360,365,366,367,368,369,380,381,382,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,490 +6427 - 32,33,34,35,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,101,102,103,104,116,117,118,119,120,123,124,125,126,139,140,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,332,333,334,344,345,346,347,353,354,355,356,357,365,366,367,368,369,375,376,377,378,379,380,381,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +6428 - 115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,198,199,200,201,202,203,204,206,207,208,209,210,211,212,213,220,221,222,223,224,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,260,276,277,278,279,280,281,282,283,300,301,302,303,304,305,319,320,321,322,323,324,325,326,327,339,340,341,342,343,344,345,346,347,348,349,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,413,488 +6429 - 38,39,59,60,61,81,82,83,96,102,103,104,105,117,118,124,125,126,127,138,139,140,146,147,148,159,160,161,162,167,168,169,170,180,181,182,183,184,189,190,191,192,202,203,204,205,210,211,212,213,223,224,225,226,232,233,234,235,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,489 +6430 - 75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,124,125,135,136,137,138,139,146,147,156,157,158,159,168,169,178,179,188,189,190,210,211,212,230,231,232,233,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,302,303,304,312,313,314,315,316,325,326,327,334,335,336,347,348,349,357,369,370,371,390,391,392,412,413,414,433,434,435,454,455,456,469,470,471,472,473,474,475,476,477,488 +6431 - 83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,153,160,161,162,181,182,183,184,185,202,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,251,252,253,254,255,275,276,277,297,298,299,319,320,321,322,332,333,334,335,336,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,490 +6432 - 73,74,75,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,261,262,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,316,317,318,337,338,339,340,359,360,361,380,381,382,383,402,403,404,423,424,425,426,427,445,446,447,448,467,468,469,492 +6433 - 11,12,13,14,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,137,138,139,140,141,159,160,161,162,180,181,182,183,202,203,204,205,212,213,214,215,216,223,224,225,226,227,232,233,234,235,236,237,238,239,245,246,247,248,249,254,255,256,257,258,259,260,261,262,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,296,297,298,299,303,304,305,306,312,313,314,315,318,319,320,321,325,326,327,328,334,335,336,337,338,339,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,491 +6434 - 77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,159,160,161,162,163,164,181,182,183,202,203,204,205,224,225,226,227,246,247,248,249,268,269,270,271,272,273,291,292,293,294,295,296,297,298,315,316,317,318,319,320,321,339,340,341,342,343,363,364,365,366,385,386,387,388,407,408,409,429,430,431,448,449,450,451,452,453,470,471,472,473,474,490 +6435 - 91,92,93,94,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +6436 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +6437 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,125,126,127,138,139,140,141,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,342,343,344,345,359,360,361,362,364,365,366,367,381,382,383,386,387,388,389,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +6438 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,145,146,147,148,149,157,158,159,160,166,167,168,169,170,178,179,180,181,182,187,188,189,190,191,192,200,201,202,203,208,209,210,211,212,213,214,222,223,224,225,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,277,278,279,280,290,291,292,293,294,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,494 +6439 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,138,139,140,141,142,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +6440 - 33,34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,116,117,118,119,122,123,124,125,137,138,139,140,144,145,146,147,159,160,161,162,165,166,167,168,169,181,182,183,186,187,188,189,190,203,204,205,207,208,209,210,211,229,230,231,232,233,234,253,254,255,256,276,277,278,279,299,300,301,302,321,322,323,324,344,345,346,366,367,368,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +6441 - 79,80,81,82,83,84,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,149,150,151,152,161,162,163,164,165,166,167,172,173,174,182,183,184,185,186,188,189,193,194,195,196,203,204,205,206,211,215,216,217,218,224,225,226,227,237,238,239,245,246,247,248,258,259,260,261,267,268,269,279,280,281,282,288,289,290,291,300,301,302,303,309,310,311,312,320,321,322,323,324,331,332,333,334,341,342,343,344,345,353,354,355,356,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,444,445,446,485 +6442 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,102,103,104,105,106,116,117,118,125,126,127,128,147,148,149,150,151,169,170,171,172,173,191,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,260,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,487 +6443 - 61,62,63,64,65,82,83,84,85,86,103,104,105,106,107,108,124,125,126,127,128,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,246,252,253,254,255,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,466,467,468,486 +6444 - 51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,119,120,121,122,123,124,125,126,127,135,136,137,138,141,142,145,146,147,148,149,150,156,157,158,159,163,164,168,171,172,173,178,179,180,181,185,186,190,193,194,195,196,200,201,202,207,208,216,217,218,222,223,224,239,240,244,245,246,261,262,267,268,269,283,284,285,289,290,291,304,305,306,307,311,312,313,326,327,328,329,333,334,335,336,348,349,350,355,356,357,358,369,370,371,372,378,379,380,381,390,391,392,393,400,401,402,403,404,405,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,485 +6445 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,101,102,103,104,105,106,107,127,128,129,149,150,151,170,171,172,192,193,194,213,214,215,216,234,235,236,237,249,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,330,331,332,333,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,365,366,367,368,374,375,376,377,378,379,380,381,382,383,387,388,389,397,398,399,400,401,402,403,410,411,487 +6446 - 28,29,30,31,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,121,122,123,124,125,136,137,138,144,145,146,147,148,158,159,160,167,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,260,268,269,270,279,280,281,282,290,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,338,346,347,348,349,358,359,360,361,368,369,370,371,380,381,382,383,384,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,485 +6447 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,119,120,125,126,127,128,146,147,148,149,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,207,208,209,210,211,212,213,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,330,331,342,343,344,345,352,353,354,363,364,365,366,374,375,376,377,378,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,488 +6448 - 38,39,40,41,59,60,61,62,63,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,164,165,166,184,185,186,187,205,206,207,208,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,255,256,257,258,268,269,270,271,276,277,278,279,289,290,291,292,297,298,299,300,311,312,313,319,320,321,333,334,335,336,340,341,342,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,428,429,450,451,489 +6449 - 41,42,62,63,64,84,85,86,98,99,105,106,107,119,120,121,126,127,128,129,139,140,141,142,147,148,149,150,160,161,162,163,164,169,170,171,172,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,224,225,226,227,233,234,235,239,245,246,247,248,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,489 +6450 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,77,78,79,93,94,99,100,101,120,121,122,123,139,140,141,142,143,144,160,161,162,163,164,165,166,182,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,234,235,236,237,238,239,259,260,261,262,283,284,285,305,306,307,327,328,329,334,348,349,350,351,354,355,368,369,370,371,372,376,377,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,488 +6451 - 121,122,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,274,275,276,277,297,298,299,310,311,312,313,319,320,321,332,333,334,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,401,402,403,404,490 +6452 - 7,8,9,29,30,31,51,52,53,73,74,75,95,96,97,117,118,119,138,139,140,141,160,161,162,171,172,173,174,182,183,184,192,193,194,195,196,203,204,205,206,213,214,215,216,217,218,225,226,227,234,235,236,237,238,239,240,247,248,249,255,256,257,258,260,261,262,269,270,271,277,278,279,281,282,283,291,292,293,298,299,300,302,303,304,313,314,315,320,321,322,323,324,325,326,335,336,337,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,429,430,431,491 +6453 - 16,17,18,19,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,99,100,101,102,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,213,225,226,227,228,229,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,302,303,304,305,312,313,314,315,316,317,324,325,326,334,335,336,337,338,339,345,346,347,348,356,357,358,359,360,361,362,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,491 +6454 - 49,50,51,52,71,72,73,74,80,81,82,93,94,95,96,102,103,104,105,115,116,117,118,124,125,126,127,137,138,139,140,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,302,314,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,432,451,452,453,473,474,475,489 +6455 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,124,125,126,127,139,140,146,147,148,149,167,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +6456 - 9,10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,95,96,97,98,99,117,118,119,120,121,139,140,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,208,209,210,211,212,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,430,431,432,491 +6457 - 62,63,64,83,84,85,86,99,100,101,105,106,107,108,118,119,120,121,122,123,124,125,129,130,131,139,140,141,142,143,144,145,146,147,149,150,151,152,153,160,161,162,163,168,169,171,172,173,174,182,183,184,189,190,191,192,193,194,195,204,205,206,207,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,359,362,363,364,378,379,380,383,384,385,386,400,401,402,405,406,407,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +6458 - 32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,317,318,319,338,339,340,341,361,362,363,383,384,385,386,405,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +6459 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,126,127,128,138,139,140,141,142,146,147,148,149,150,159,160,161,162,167,168,169,170,181,182,183,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,494 +6460 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,142,143,144,145,146,159,160,161,167,168,181,182,183,189,190,203,204,205,209,210,211,212,225,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,476,494 +6461 - 103,104,105,106,107,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,194,195,196,197,205,206,207,208,209,210,213,216,217,218,226,227,228,229,230,237,238,239,240,246,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,289,290,291,292,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,340,341,342,343,344,345,354,355,356,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,421,422,423,424,425,485 +6462 - 28,29,50,51,52,71,72,73,82,83,92,93,94,95,103,104,105,106,114,115,116,117,125,126,127,128,136,137,138,139,146,147,148,149,150,158,159,160,161,168,169,170,171,179,180,181,182,190,191,192,193,194,195,196,201,202,203,204,211,212,213,214,215,216,217,218,223,224,225,226,233,234,235,236,237,238,239,240,245,246,247,248,253,254,255,256,257,258,259,260,267,268,269,270,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,364,365,366,386,387,388,408,409,410,430,431,432,433,453,454,455,489 +6463 - 39,40,41,42,61,62,63,64,81,82,83,84,85,103,104,105,106,123,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,357,358,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,421,422,423,424,425,426,443,444,445,446,486 +6464 - 13,14,34,35,36,37,56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,229,230,231,250,251,252,253,254,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,320,321,337,338,339,340,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,491 +6465 - 34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,126,127,128,129,148,149,150,151,169,170,171,172,173,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,280,296,297,298,299,300,301,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,408,409,410,411,412,418,419,420,421,422,423,431,432,441,442,443,487 +6466 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,103,104,105,106,118,119,127,128,129,140,141,149,150,151,163,164,171,172,173,182,183,184,185,186,187,193,194,195,203,204,205,206,207,208,209,210,215,216,217,224,225,226,227,228,229,230,231,232,233,237,238,239,245,246,247,248,253,254,255,256,258,259,260,261,266,267,268,269,276,277,278,280,281,282,288,289,290,298,299,300,301,302,303,304,310,311,312,321,322,323,324,325,332,333,334,343,344,345,346,347,354,355,356,365,366,367,368,376,377,378,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,432,433,434,445,446,447,448,449,450,487 +6467 - 51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,126,127,128,129,134,135,136,137,138,139,140,148,149,150,151,156,157,158,169,170,171,172,173,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,345,346,347,348,355,356,357,367,368,369,370,376,377,378,379,380,388,389,390,391,398,399,400,401,402,403,404,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +6468 - 51,54,55,56,57,58,59,60,72,73,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,104,105,106,114,115,116,117,118,127,128,129,136,137,138,139,150,151,157,158,159,160,161,172,173,174,179,180,181,195,196,201,202,217,218,223,224,239,240,245,246,261,262,267,268,283,284,289,290,305,306,311,312,313,327,328,333,334,335,349,350,355,356,357,370,371,372,378,379,380,392,393,400,401,402,403,413,414,415,423,424,425,426,427,434,435,436,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,485 +6469 - 62,63,64,83,84,85,96,105,106,107,116,117,118,119,126,127,128,129,137,138,139,140,147,148,149,150,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,216,217,218,222,223,224,225,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,489 +6470 - 53,54,55,56,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,167,168,169,170,181,182,183,184,185,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,339,340,341,344,345,346,360,361,362,363,367,368,369,383,384,385,387,388,389,390,391,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +6471 - 121,123,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,191,193,205,206,207,208,209,227,228,229,230,231,232,250,251,252,253,254,274,275,276,277,291,297,298,299,311,312,313,319,320,321,333,334,335,341,342,343,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,402,403,404,405,406,407,490 +6472 - 73,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,159,160,161,180,181,182,202,203,204,224,225,226,246,247,248,268,269,270,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,343,344,345,346,366,367,368,387,388,389,390,408,409,410,411,428,429,430,431,432,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,490 +6473 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,104,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,205,206,207,208,209,226,227,228,229,230,234,235,236,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,324,325,326,335,336,337,338,345,346,347,357,358,359,360,361,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +6474 - 17,18,19,20,38,39,40,41,42,60,61,62,63,64,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,301,302,303,304,310,311,312,313,314,315,316,322,323,324,325,326,332,333,334,335,336,337,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,491 +6475 - 93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,168,169,170,171,190,191,192,193,212,213,214,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +6476 - 99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,167,168,169,170,171,176,177,178,179,180,181,191,192,193,213,214,215,235,236,237,257,258,259,279,280,281,300,301,302,322,323,324,325,344,345,346,365,366,367,368,387,388,389,408,409,410,411,430,431,432,451,452,453,454,472,473,474,475,492 +6477 - 53,54,55,56,57,58,61,62,63,73,74,75,76,77,78,79,80,81,83,84,85,95,96,97,98,105,106,107,116,117,118,119,126,127,128,129,138,139,140,141,147,148,149,150,161,162,163,164,168,169,170,171,172,183,184,185,186,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,356,357,358,359,362,363,364,378,379,380,384,385,386,400,401,402,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +6478 - 53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,124,125,126,127,128,129,137,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,236,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,356,357,358,359,360,378,379,380,381,382,383,386,387,389,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,487 +6479 - 99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,147,148,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,214,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,293,294,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,494 +6480 - 28,29,30,31,50,51,52,53,54,55,74,75,76,77,78,97,98,99,100,101,121,122,123,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,269,270,271,272,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,344,363,364,365,366,367,387,388,389,390,410,411,412,413,414,433,434,435,436,456,457,458,487 +6481 - 97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,203,204,205,206,211,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,492 +6482 - 11,12,13,14,15,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,118,119,120,140,141,142,161,162,163,164,183,184,185,204,205,206,226,227,228,234,235,236,248,249,250,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,324,325,326,327,336,337,338,339,340,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +6483 - 60,61,75,76,81,82,83,97,98,103,104,119,120,124,125,126,140,141,142,146,147,162,163,164,167,168,169,183,184,185,189,190,191,205,206,207,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,296,297,298,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,470,471,489 +6484 - 48,49,50,70,71,72,73,90,91,92,93,94,95,111,112,113,115,116,117,133,134,137,138,139,140,148,149,150,159,160,161,170,171,172,181,182,183,192,193,203,204,205,206,213,214,215,225,226,227,234,235,236,237,247,248,249,250,256,257,258,259,269,270,271,272,273,278,279,280,292,293,294,295,296,297,300,301,302,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,362,363,364,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,489 +6485 - 95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,169,170,171,172,190,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,474,492 +6486 - 34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,118,119,120,139,140,141,142,161,162,163,183,184,185,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,300,301,302,303,315,316,317,322,323,324,325,337,338,339,340,344,345,346,347,360,361,362,366,367,368,369,382,383,384,385,388,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,491 +6487 - 92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,167,168,169,170,188,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +6488 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +6489 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,116,117,118,119,120,121,125,126,127,138,139,140,141,146,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,376,377,378,386,387,388,389,398,399,400,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +6490 - 82,83,84,104,105,125,126,127,139,140,146,147,148,160,161,162,167,168,169,170,182,183,189,190,191,204,205,211,212,225,226,227,232,233,234,247,248,249,254,255,256,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,429,449,450,451,471,472,489 +6491 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,125,126,139,140,141,142,147,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,224,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,255,256,257,269,270,271,272,273,276,277,278,279,292,293,294,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,494 +6492 - 26,27,28,29,30,31,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,98,99,100,101,121,122,123,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,275,276,277,297,298,299,318,319,320,339,340,341,342,361,362,363,370,371,372,382,383,384,385,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,487 +6493 - 59,60,61,62,63,80,81,82,83,84,85,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,146,147,148,149,150,160,161,162,163,167,168,169,170,171,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,297,298,299,300,314,315,316,320,321,322,335,336,337,342,343,344,357,358,359,364,365,366,379,380,381,386,387,388,401,402,403,407,408,409,410,424,425,426,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,493 +6494 - 6,7,8,9,29,30,31,32,33,51,52,54,55,56,77,78,79,100,101,102,122,123,124,145,146,147,168,169,190,191,212,213,233,234,235,255,256,276,277,278,298,299,317,318,319,320,321,322,338,339,340,341,342,343,344,345,346,359,360,361,362,363,366,367,368,380,381,382,383,384,385,389,390,391,402,403,404,405,412,424,425,426,427,487 +6495 - 36,37,38,39,57,58,59,60,61,62,76,77,79,80,81,82,83,84,85,97,98,99,105,106,118,119,120,121,126,127,128,139,140,141,142,147,148,149,150,161,162,163,168,169,170,171,183,184,185,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,317,318,319,334,335,336,340,341,342,356,357,362,363,364,378,379,380,384,385,386,400,401,402,403,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,451,493 +6496 - 117,118,119,120,121,122,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,192,193,194,195,196,202,203,204,205,217,218,219,222,223,224,225,240,241,244,245,246,262,263,266,267,284,285,288,289,305,306,310,311,325,326,327,328,332,333,334,345,346,347,348,349,355,356,357,358,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,485 +6497 - 58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,168,169,170,171,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,275,276,277,278,279,298,299,300,301,321,322,323,342,343,344,345,364,365,366,377,378,379,385,386,387,388,399,400,401,402,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +6498 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,117,118,119,120,121,125,137,138,139,140,146,147,158,159,160,167,168,169,180,181,182,188,189,190,203,204,205,206,210,211,226,227,228,229,230,231,232,250,251,252,253,254,274,275,276,277,295,296,298,299,300,317,318,321,322,323,338,339,344,345,360,361,366,367,382,388,389,403,404,409,410,425,426,431,432,447,452,453,469,474,475,493 +6499 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +6500 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,77,78,79,80,94,95,100,101,102,121,122,123,142,143,144,163,164,165,185,186,187,206,207,208,209,228,229,230,231,232,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +6501 - 129,130,131,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,225,226,227,228,229,247,248,249,250,251,252,272,273,274,295,296,297,311,312,317,318,319,333,334,335,338,339,340,341,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,404,490 +6502 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,100,101,102,103,104,105,114,115,116,117,118,123,124,125,126,127,136,137,138,139,140,147,148,149,150,158,159,160,161,162,170,171,172,173,179,180,181,182,183,184,192,193,194,195,201,202,203,204,215,216,217,224,225,226,237,238,239,240,246,247,248,260,261,262,268,269,270,271,282,283,284,290,291,292,293,303,304,305,306,312,313,314,315,324,325,326,327,328,335,336,337,338,346,347,348,349,350,357,358,359,360,367,368,369,370,371,380,381,382,383,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +6503 - 56,57,58,59,60,63,64,75,76,77,78,79,80,81,82,83,85,86,87,96,97,98,99,100,101,103,104,107,108,109,116,117,118,119,120,121,125,126,128,129,130,131,137,138,139,140,141,149,150,151,152,158,159,160,161,170,171,172,173,180,181,182,183,191,192,193,194,195,202,203,204,205,212,213,214,215,216,225,226,227,228,233,234,235,236,237,248,249,250,251,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,384,385,386,387,400,401,402,403,407,408,409,422,423,424,429,430,431,443,444,445,446,450,451,452,453,466,467,468,469,470,471,472,473,474,493 +6504 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,71,72,73,74,75,78,79,80,81,93,94,95,102,103,115,116,117,137,138,139,141,142,143,144,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,204,212,213,214,234,235,236,257,258,259,280,281,292,302,303,313,314,324,325,334,335,346,347,356,357,368,369,378,379,380,389,390,391,400,401,402,403,404,405,406,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +6505 - 4,5,6,7,8,9,10,11,12,13,26,27,28,29,30,31,32,33,34,35,36,37,38,48,49,50,51,52,53,54,55,56,57,58,59,60,61,79,80,81,82,83,103,104,105,106,125,126,127,128,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,388,389,390,391,392,393,397,398,399,400,401,402,403,404,413,414,415,419,420,421,422,423,424,487 +6506 - 59,60,81,82,84,85,86,87,103,104,105,106,107,108,109,113,114,115,125,126,127,128,129,135,136,137,138,139,147,148,149,150,158,159,160,161,162,169,170,171,172,181,182,183,184,185,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,363,364,365,381,382,383,384,385,386,387,404,405,406,407,408,409,410,428,429,430,431,432,450,451,452,453,473,474,475,493 +6507 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,191,192,193,194,195,213,214,215,216,217,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +6508 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,170,171,172,182,183,184,185,191,192,193,194,205,206,207,208,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,321,322,323,336,337,338,339,343,344,345,357,358,359,360,366,367,379,380,381,382,387,388,389,390,402,403,404,405,409,410,411,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,476,493 +6509 - 18,19,35,36,37,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,161,162,163,164,182,183,184,185,194,195,204,205,206,216,217,226,227,228,239,247,248,249,260,269,270,271,277,278,279,280,281,291,292,293,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,346,347,348,358,359,360,361,362,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +6510 - 97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,147,148,149,156,157,158,159,160,169,170,171,178,179,180,190,191,192,200,201,211,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +6511 - 35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,342,359,360,361,362,363,364,365,366,381,382,383,384,385,403,404,405,406,425,426,427,447,448,449,486 +6512 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,102,103,104,105,116,117,118,119,120,121,124,125,126,127,138,139,140,141,142,143,144,146,147,148,149,161,163,164,165,166,167,168,169,170,186,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,314,315,316,317,318,322,323,324,336,337,338,339,344,345,346,357,358,359,360,365,366,367,378,379,380,381,386,387,388,389,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +6513 - 41,42,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,123,139,140,141,142,161,162,163,182,183,184,185,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,299,300,301,302,321,322,323,324,332,333,334,335,342,343,344,345,346,354,355,356,357,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,490 +6514 - 76,77,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,166,167,168,169,170,178,179,180,181,182,188,189,190,191,192,200,201,202,203,204,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,348,365,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,437,454,455,456,457,458,459,476,477,478,479,480,481,494 +6515 - 26,27,28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,405,414,415,416,417,487 +6516 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,123,124,125,137,138,139,145,146,147,159,166,167,168,169,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,252,253,254,255,256,277,278,299,300,301,321,322,323,343,344,345,364,365,366,381,382,383,385,386,387,388,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +6517 - 10,11,12,13,32,33,34,53,54,55,74,75,76,77,96,97,98,117,118,119,120,139,140,141,160,161,162,163,182,183,184,185,203,204,205,206,213,214,215,216,224,225,226,227,228,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,273,274,275,276,277,278,279,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +6518 - 75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,211,212,213,214,215,216,221,222,223,224,225,226,227,232,233,234,235,236,237,238,243,244,245,246,247,248,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,366,367,368,369,370,388,389,390,391,392,393,410,411,412,413,414,415,432,433,434,435,436,437,455,456,457,458,459,477,478,479,480,481,494 +6519 - 39,40,60,61,62,81,82,83,84,96,97,103,104,105,106,117,118,119,125,126,127,138,139,140,141,146,147,148,149,159,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,233,234,235,239,240,245,246,247,248,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,362,363,364,365,366,367,368,369,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,489 +6520 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,145,146,147,148,149,150,157,158,159,160,161,163,169,170,171,172,179,180,181,182,189,190,191,192,193,194,195,200,201,202,203,210,211,212,213,214,215,216,217,222,223,224,225,230,231,232,233,234,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,280,281,282,283,288,289,290,291,292,293,294,295,296,302,303,304,305,313,324,325,326,327,345,346,347,348,349,366,367,368,369,370,387,388,389,390,391,405,406,408,409,410,411,412,427,428,429,430,431,432,433,448,449,450,451,452,453,470,471,472,473,474,494 +6521 - 58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +6522 - 31,32,33,34,35,36,53,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,101,102,103,104,105,106,123,124,125,126,127,128,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,278,279,280,281,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,440,441,442,443,444,445,447,488 +6523 - 56,57,58,61,62,63,76,77,78,79,80,83,84,85,97,98,99,100,101,102,103,105,106,107,118,119,120,121,122,126,127,128,129,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,386,387,388,389,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +6524 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,114,115,116,117,136,137,138,139,159,160,161,162,182,183,184,185,205,206,207,208,209,228,229,230,231,232,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,303,322,323,324,325,326,345,346,347,348,357,358,367,368,369,370,371,379,380,381,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,490 +6525 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,168,169,170,171,172,190,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,426,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +6526 - 8,9,10,11,30,31,32,51,52,53,72,73,74,75,94,95,96,115,116,117,137,138,139,159,160,171,172,180,181,182,190,191,192,193,194,195,202,203,204,210,211,212,213,214,215,216,217,218,224,225,231,232,233,234,235,236,237,238,239,240,245,246,247,253,254,255,256,260,261,262,267,268,269,274,275,276,277,281,282,283,284,289,290,291,295,296,297,298,302,303,304,305,311,312,313,317,318,319,320,322,323,324,325,333,334,335,339,340,341,342,343,344,345,346,347,356,357,358,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,491 +6527 - 62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,297,298,299,319,320,321,322,341,342,343,344,356,357,358,363,364,365,366,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,490 +6528 - 91,92,93,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,190,191,212,213,233,234,235,255,256,257,276,277,278,279,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +6529 - 97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,146,147,148,149,150,162,163,164,183,184,185,204,205,206,207,208,226,227,228,229,230,231,232,249,250,251,252,253,254,274,275,276,277,297,298,299,300,312,313,319,320,321,322,333,334,341,342,343,355,356,357,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,490 +6530 - 13,14,34,35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,486 +6531 - 31,32,38,39,40,59,60,61,62,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,450,486 +6532 - 52,53,74,75,81,82,96,97,102,103,104,118,119,124,125,126,139,140,141,146,147,148,161,162,163,168,169,183,184,190,191,205,206,212,213,227,228,234,235,248,249,250,255,256,257,270,271,272,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,343,344,345,365,366,367,387,388,409,410,431,432,453,454,455,475,476,477,489 +6533 - 34,35,36,41,42,43,55,56,57,58,62,63,64,65,76,77,78,79,80,84,85,86,97,98,99,100,105,106,107,118,119,120,121,126,127,128,140,141,142,143,147,148,149,150,162,163,164,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,339,340,341,342,356,357,358,359,361,362,363,364,377,378,379,380,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +6534 - 53,54,55,56,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,122,123,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,190,191,192,206,207,208,209,211,212,213,228,229,230,231,232,233,234,235,251,252,253,254,255,256,276,277,278,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,493 +6535 - 78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,147,148,149,158,159,160,161,162,169,170,171,172,179,180,181,182,190,191,192,193,201,202,203,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,273,276,277,278,297,298,299,300,319,320,321,322,326,340,341,342,343,348,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,452,469,470,471,472,494 +6536 - 25,26,47,48,69,70,91,92,93,102,103,113,114,115,124,125,135,136,137,146,147,158,159,168,169,180,181,190,191,192,202,203,212,213,214,224,225,226,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,301,302,303,313,314,315,323,324,325,345,346,347,367,368,369,390,391,392,412,413,414,434,435,436,457,458,489 +6537 - 37,38,39,58,59,60,61,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,248,249,251,252,253,254,255,268,269,270,271,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +6538 - 32,33,34,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,122,126,127,128,129,130,138,139,140,141,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,194,195,196,202,203,204,205,216,217,218,223,224,225,226,227,238,239,240,245,246,247,248,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,309,310,311,312,323,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,366,367,368,369,370,375,376,377,378,379,380,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,485 +6539 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,118,119,123,124,125,145,146,147,166,167,168,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,299,300,301,302,321,322,323,324,337,338,343,344,345,357,358,359,360,365,366,367,379,380,381,382,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +6540 - 48,49,50,51,52,53,54,70,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,122,123,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,402,403,404,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,487 +6541 - 11,12,13,14,33,34,35,54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,212,213,214,227,228,229,233,234,235,236,237,249,250,251,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,302,303,304,315,316,317,318,319,324,325,326,337,338,339,340,341,342,345,346,347,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,405,406,407,408,409,491 +6542 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,146,147,161,162,163,168,169,182,183,184,189,190,191,203,204,205,206,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,295,296,297,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +6543 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,100,101,102,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,191,208,209,210,211,212,213,231,232,233,234,235,255,256,257,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,355,356,357,365,366,367,377,378,379,380,381,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +6544 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,320,321,322,323,338,339,340,342,343,344,345,359,360,361,362,364,365,366,367,381,382,383,386,387,388,389,403,404,405,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +6545 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,99,100,101,102,113,114,115,116,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,278,279,280,300,301,302,322,323,324,343,344,345,346,365,366,367,377,386,387,388,389,399,400,401,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,469,470,471,472,473,488 +6546 - 55,56,76,77,78,84,98,99,100,105,106,107,120,121,122,126,127,128,129,141,142,143,147,148,149,150,163,164,165,168,169,170,171,184,185,186,190,191,192,193,205,206,207,208,211,212,213,214,227,228,229,230,232,233,234,235,249,250,251,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,468,469,470,489 +6547 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,80,81,82,83,84,96,97,98,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,387,388,389,398,399,400,401,402,403,404,409,410,411,431,432,433,487 +6548 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,163,164,165,184,185,186,206,207,227,228,229,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,321,322,323,324,336,337,338,344,345,346,358,359,360,361,366,367,368,380,381,382,383,384,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +6549 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,102,103,104,105,124,125,126,127,146,147,148,149,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,277,278,279,280,298,299,300,301,311,312,313,314,315,316,317,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,412,431,432,433,434,453,454,455,456,487 +6550 - 89,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,169,170,171,172,173,191,192,193,194,212,213,214,215,216,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +6551 - 11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,189,190,191,192,204,205,206,207,209,210,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,279,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +6552 - 69,70,71,81,82,83,91,92,93,103,104,105,112,113,114,115,124,125,126,127,134,135,136,137,146,147,148,156,157,158,159,168,169,170,178,179,180,181,190,191,192,201,202,203,212,213,214,223,224,225,233,234,235,236,245,246,247,248,249,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,453,454,455,474,475,476,477,489 +6553 - 14,15,16,35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,121,122,123,142,143,144,145,164,165,166,185,186,187,206,207,208,209,212,213,214,215,228,229,230,233,234,235,236,237,238,249,250,251,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,280,281,282,292,293,294,295,296,297,298,302,303,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +6554 - 59,60,61,81,82,83,102,103,104,105,124,125,126,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,252,253,254,273,274,275,294,295,296,297,315,316,317,318,337,338,339,359,360,361,380,381,382,383,402,403,404,424,425,446,447,468,469,486 +6555 - 60,61,62,63,64,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,141,142,143,144,161,162,163,164,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,248,249,252,253,254,255,275,276,277,278,298,299,300,311,312,320,321,322,332,333,334,342,343,344,345,354,355,356,357,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,425,426,427,428,490 +6556 - 55,56,57,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,160,161,162,163,165,166,167,168,181,182,183,184,188,189,190,202,203,204,205,210,211,212,224,225,226,232,233,234,245,246,247,254,255,256,266,267,268,269,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +6557 - 83,84,85,86,87,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,163,164,165,166,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,275,276,277,298,299,319,320,321,333,334,341,342,343,355,356,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,448,490 +6558 - 33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +6559 - 33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,103,104,105,106,116,117,118,125,126,127,128,147,148,149,150,167,168,169,170,171,172,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,347,353,354,355,364,365,366,367,368,374,375,376,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,488 +6560 - 67,68,69,70,77,78,79,89,90,91,92,99,100,101,102,112,113,114,121,122,123,124,134,135,136,143,144,145,146,156,157,158,165,166,167,168,178,179,180,181,187,188,189,190,201,202,203,204,209,210,211,212,224,225,226,231,232,233,234,246,247,248,249,250,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,343,344,345,365,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,477,478,479,480,489 +6561 - 30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,94,95,102,103,104,105,124,125,126,145,146,147,148,166,167,168,169,170,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,279,280,281,282,301,302,303,304,312,313,323,324,325,326,333,334,335,345,346,347,348,355,356,357,365,366,367,368,369,376,377,378,379,380,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +6562 - 14,15,16,35,36,37,56,57,58,59,78,79,80,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,206,207,208,209,210,227,228,229,230,231,232,233,234,235,249,250,251,253,254,255,256,257,258,270,271,272,273,277,278,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +6563 - 39,40,41,61,62,63,82,83,84,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,161,162,163,168,169,170,183,184,185,189,190,191,205,206,207,208,210,211,212,213,228,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,360,363,364,365,379,380,381,385,386,387,401,402,403,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,493 +6564 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,143,144,145,146,157,158,159,160,166,167,168,169,179,180,181,188,189,190,191,192,200,201,202,203,208,209,210,211,212,213,214,215,222,223,224,225,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,278,279,280,281,289,290,291,292,293,294,295,300,301,302,303,313,314,315,316,322,323,324,325,344,345,346,347,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,453,454,455,456,457,476,477,478,479,494 +6565 - 37,38,39,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +6566 - 92,93,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,147,148,149,169,170,171,190,191,192,212,213,214,234,235,255,256,257,258,259,277,278,279,280,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,363,364,365,385,386,407,408,428,429,430,450,451,472,473,492 +6567 - 14,15,16,34,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,212,213,227,228,229,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,301,302,303,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +6568 - 36,37,38,57,58,59,60,79,80,81,101,102,103,122,123,124,144,145,146,166,167,168,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,316,317,318,338,339,340,359,360,361,380,381,382,383,402,403,404,423,424,425,445,446,447,486 +6569 - 99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,182,183,184,185,186,204,205,206,207,208,209,225,226,227,228,229,230,231,249,251,252,253,254,255,275,276,277,297,298,299,319,320,321,322,333,340,341,342,343,354,355,356,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,490 +6570 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,430,450,451,452,453,474,475,486 +6571 - 14,15,16,17,33,35,36,37,38,57,58,59,60,77,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,340,341,342,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +6572 - 14,15,16,17,35,36,37,38,39,55,56,57,58,59,60,61,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,205,206,207,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,278,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +6573 - 39,40,41,54,55,56,61,62,63,74,75,76,77,78,79,80,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,125,126,127,128,139,140,141,142,146,147,148,149,150,161,162,163,164,167,168,169,170,171,184,185,186,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,360,362,363,364,365,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,493 +6574 - 11,12,13,14,31,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,159,160,161,162,181,182,183,202,203,204,205,215,216,217,218,224,225,226,236,237,238,239,240,241,246,247,248,257,258,259,260,261,262,263,268,269,270,279,280,281,283,284,285,290,291,292,301,302,303,305,306,307,312,313,314,315,324,325,326,327,328,334,335,336,337,338,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +6575 - 35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +6576 - 91,92,93,94,95,96,97,110,111,112,113,114,115,116,117,118,119,120,121,122,132,133,134,135,136,137,138,139,140,141,142,143,144,145,155,164,165,166,167,186,187,188,189,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,301,302,303,304,305,325,326,327,347,348,349,359,360,361,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,488 +6577 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,203,204,205,211,212,213,214,224,225,226,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +6578 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,73,74,75,76,77,94,95,96,97,116,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,299,300,301,302,303,304,305,315,316,317,318,319,320,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +6579 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,233,234,235,236,255,256,257,258,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,492 +6580 - 54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,146,147,148,155,156,157,158,167,168,169,170,177,178,179,180,181,189,190,191,192,200,201,202,203,204,205,206,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,324,325,326,327,328,337,338,339,340,347,348,349,350,359,360,361,362,370,371,372,381,382,383,384,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,473,474,475,476,477,493 +6581 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,186,190,191,192,204,205,206,207,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,280,281,291,292,293,294,295,296,297,301,302,303,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +6582 - 31,32,33,52,53,54,55,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,121,137,138,139,140,141,142,143,159,160,161,163,164,165,181,182,183,185,186,187,202,203,204,205,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,280,281,282,295,296,297,302,303,304,317,318,319,324,325,326,339,340,341,346,347,348,361,362,363,368,369,370,384,385,386,389,390,391,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,452,453,454,455,493 +6583 - 38,39,60,61,82,83,103,104,105,119,120,121,122,123,125,126,127,139,140,141,142,143,144,145,146,147,148,161,162,163,164,168,169,170,183,184,189,190,191,205,206,207,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,341,342,358,359,360,363,364,379,380,381,384,385,386,401,402,403,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,493 +6584 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,102,103,104,114,115,116,117,124,125,126,136,137,144,145,146,147,157,158,165,166,167,168,185,186,187,188,189,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,278,279,280,281,282,302,303,304,325,326,327,348,349,370,371,376,377,391,392,393,398,399,400,413,414,415,421,422,423,424,425,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,488 +6585 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,125,126,127,136,137,138,139,140,146,147,148,149,159,160,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,274,275,276,277,278,279,280,299,300,301,302,322,323,324,343,344,345,346,365,366,367,368,379,380,381,386,387,388,389,400,401,402,403,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +6586 - 52,53,54,55,74,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,486 +6587 - 97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +6588 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,165,166,167,168,169,179,180,181,182,188,189,190,191,201,202,203,210,211,212,213,223,224,225,232,233,234,235,236,245,246,247,254,255,256,257,258,268,269,270,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,361,362,365,366,367,368,387,388,389,390,410,411,412,432,433,434,455,456,477,478,479,494 +6589 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,161,162,163,164,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +6590 - 80,81,82,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,168,169,170,177,190,191,192,211,212,213,214,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,476,477,492 +6591 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,188,191,192,193,205,206,207,208,209,213,214,215,226,227,228,229,230,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,273,277,278,279,280,281,291,292,293,294,299,300,301,302,303,313,314,315,316,321,322,323,324,335,336,337,338,342,343,344,345,346,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +6592 - 29,30,31,32,33,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,274,275,276,277,278,279,280,281,298,299,300,301,302,303,304,322,323,324,325,326,343,344,345,346,347,348,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,488 +6593 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,103,104,105,106,118,119,120,121,122,123,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,164,170,171,172,173,181,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,228,236,237,238,246,247,248,249,257,258,259,260,267,268,269,270,278,279,280,281,289,290,291,292,299,300,301,302,303,310,311,312,313,321,322,323,324,332,333,334,335,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,376,377,378,379,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +6594 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,123,124,125,126,127,137,138,139,140,144,145,146,147,148,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,298,299,300,301,302,313,314,315,323,324,325,345,346,347,366,367,368,369,386,387,388,389,390,391,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,488 +6595 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,82,83,84,92,93,94,95,96,97,98,103,104,105,106,114,115,116,117,118,119,125,126,127,128,136,137,138,139,146,147,148,149,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,276,277,278,279,299,300,301,302,321,322,323,324,334,335,336,337,343,344,345,346,355,356,357,358,365,366,367,368,377,378,379,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +6596 - 40,50,51,61,62,72,73,83,84,93,94,95,96,105,106,115,116,117,126,127,128,137,138,139,147,148,149,150,158,159,160,169,170,171,179,180,181,182,191,192,193,201,202,203,204,208,209,210,211,212,213,214,215,219,223,224,225,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,299,300,301,302,310,311,312,313,314,321,322,323,324,332,333,334,335,343,344,345,346,354,355,356,365,366,367,368,387,388,389,390,409,410,411,412,413,432,433,434,489 +6597 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,161,162,163,164,167,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +6598 - 45,59,60,66,67,68,81,82,88,89,90,103,104,105,110,111,112,124,125,126,133,134,146,147,148,149,155,156,168,169,170,171,177,178,179,191,192,193,199,200,201,213,214,215,216,220,221,222,223,235,236,237,238,242,243,244,245,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,346,347,348,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,478,479,480,489 +6599 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,161,162,163,164,167,168,169,170,182,183,184,185,188,189,190,191,192,203,204,205,206,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,255,256,257,269,270,271,272,273,274,276,277,278,279,292,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +6600 - 96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,140,141,144,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,205,206,207,211,212,213,227,228,229,233,234,235,248,249,250,255,256,257,270,271,272,277,278,279,292,293,294,298,299,300,314,315,316,320,321,322,342,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,475,492 +6601 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,126,127,128,137,138,139,140,141,142,147,148,149,150,157,158,159,160,161,162,168,169,170,171,179,180,181,182,189,190,191,192,202,203,210,211,212,213,214,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,321,322,323,324,343,344,345,346,358,365,366,367,368,378,379,380,387,388,389,399,400,401,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +6602 - 11,12,13,32,33,34,35,54,55,56,76,77,78,97,98,99,119,120,121,141,142,143,163,164,165,184,185,186,206,207,208,228,229,230,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,301,302,314,315,316,317,318,322,323,324,336,337,338,339,340,342,343,344,345,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,491 +6603 - 36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,127,128,129,130,139,140,141,142,143,144,149,150,151,152,161,162,163,164,165,171,172,173,174,181,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,283,289,290,291,292,301,302,303,304,310,311,312,313,314,322,323,324,325,326,332,333,334,335,336,343,344,345,346,347,354,355,356,357,358,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6604 - 31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,99,100,101,102,103,114,115,116,117,124,125,126,136,137,138,147,148,149,157,158,159,168,169,170,179,180,181,189,190,191,192,201,202,203,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,262,263,268,269,270,271,272,273,274,275,285,289,290,291,292,306,307,311,312,313,327,328,329,333,334,335,348,349,350,351,355,356,357,368,369,370,371,372,377,378,379,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,493 +6605 - 31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,100,101,102,103,104,105,106,107,126,127,128,129,148,149,150,151,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,418,419,420,421,422,423,424,429,430,431,432,433,434,435,441,442,443,454,455,456,457,487 +6606 - 38,39,40,41,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,120,121,122,124,125,126,141,142,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,297,298,299,300,301,315,316,321,322,323,336,337,338,343,344,345,358,359,360,365,366,380,381,382,383,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,493 +6607 - 36,37,38,39,40,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,148,149,150,151,160,161,162,163,164,165,170,171,172,173,180,181,182,183,184,185,186,192,193,194,195,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,236,237,238,239,244,245,246,247,248,249,257,258,259,260,261,266,267,268,269,270,278,279,280,281,282,283,288,289,290,291,300,301,302,303,309,310,311,312,313,320,321,322,323,324,325,331,332,333,334,335,342,343,344,345,346,353,354,355,356,357,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +6608 - 52,53,54,74,75,76,95,96,97,98,117,118,119,139,140,141,161,162,163,182,183,184,185,204,205,206,207,212,226,227,228,229,232,233,234,248,249,250,251,254,255,256,257,271,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,338,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,489 +6609 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +6610 - 29,30,31,51,52,53,54,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,122,123,124,125,126,127,128,129,130,131,139,140,141,160,161,162,163,182,183,184,185,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,280,281,282,283,291,292,293,294,295,296,302,303,304,305,312,313,314,315,316,324,325,326,327,334,335,336,337,345,346,347,348,356,357,358,366,367,368,369,370,379,380,381,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +6611 - 34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,146,147,148,149,150,159,160,161,162,163,164,169,170,171,172,181,182,183,184,185,192,193,194,202,203,204,205,206,214,215,216,224,225,226,227,236,237,238,245,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,301,302,303,304,310,311,312,313,323,324,325,333,334,335,343,344,345,346,347,355,356,357,358,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +6612 - 50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,192,208,209,210,211,212,213,214,231,232,233,234,235,236,254,255,256,257,258,259,278,279,280,281,301,302,303,322,323,324,325,343,344,345,346,357,364,365,366,367,368,378,379,380,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,468,469,470,471,472,488 +6613 - 35,36,37,38,39,56,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,486 +6614 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,123,124,125,126,127,135,136,137,138,139,141,142,143,146,147,148,149,150,156,157,158,159,163,164,165,169,170,171,172,173,178,179,180,181,192,193,194,195,200,201,202,214,215,216,217,222,223,224,236,237,238,239,240,244,245,246,258,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,349,354,355,356,357,367,368,369,370,371,377,378,379,380,388,389,390,391,392,400,401,402,403,404,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +6615 - 36,37,38,39,40,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,128,129,130,131,140,141,142,143,144,145,146,150,151,152,153,161,162,163,164,165,166,172,173,174,175,181,182,183,184,185,186,187,194,195,196,197,202,203,204,205,206,207,216,217,218,219,224,225,226,227,228,237,238,239,240,245,246,247,248,249,259,260,261,262,266,267,268,269,270,280,281,282,283,288,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,326,332,333,334,335,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,446,447,448,485 +6616 - 94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,144,145,146,154,155,156,157,158,167,168,169,176,177,189,190,191,198,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,452,453,454,474,475,476,492 +6617 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,365,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,486 +6618 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,121,122,123,124,125,126,128,129,130,131,138,139,140,141,142,143,144,145,150,151,152,153,160,161,162,163,164,165,172,173,174,175,182,183,184,185,193,194,195,196,204,205,206,207,214,215,216,217,218,226,227,228,229,235,236,237,238,239,248,249,250,251,256,257,258,259,260,271,272,273,278,279,280,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,399,400,401,402,403,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,473,493 +6619 - 36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,144,149,150,151,152,160,161,162,163,164,171,172,173,174,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,289,290,291,292,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,335,343,344,345,346,347,348,354,355,356,357,358,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6620 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,104,105,106,117,118,119,127,128,129,139,140,148,149,150,161,162,169,170,171,172,183,184,185,191,192,193,205,206,207,208,212,213,214,215,228,229,230,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,364,365,366,379,380,386,387,388,400,401,402,408,409,410,422,423,424,425,426,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6621 - 60,61,62,63,81,82,83,84,96,97,103,104,105,117,118,119,124,125,126,139,140,141,145,146,147,148,160,161,162,167,168,169,181,182,183,184,188,189,190,191,202,203,204,205,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +6622 - 53,54,55,56,57,58,64,74,75,76,77,78,79,80,84,85,86,87,95,96,97,101,102,104,105,106,107,108,117,118,119,123,124,125,126,127,128,129,139,140,141,144,145,146,147,148,149,162,163,164,166,167,168,169,184,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,298,299,300,315,316,317,320,321,322,337,338,339,342,343,344,358,359,360,364,365,366,380,381,386,387,388,402,403,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,493 +6623 - 74,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,145,146,147,160,161,162,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +6624 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,104,116,117,118,119,125,126,127,139,140,141,148,149,170,171,172,191,192,193,194,213,214,215,216,235,236,237,256,257,258,259,269,270,271,272,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,339,340,341,342,343,344,355,356,357,362,363,364,365,366,377,378,383,384,385,386,387,388,389,399,400,402,403,404,405,406,407,408,410,411,412,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,487 +6625 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,139,140,141,142,143,149,160,161,162,163,168,169,170,182,183,184,190,191,192,203,204,205,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,494 +6626 - 4,5,6,7,8,9,10,11,12,25,26,27,28,29,30,31,32,33,34,35,46,47,48,49,54,55,56,57,58,68,69,78,79,80,81,91,101,102,103,124,125,126,146,147,148,169,170,171,191,192,193,213,214,215,235,236,237,257,258,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,342,343,344,345,346,347,356,357,358,364,365,366,367,368,369,370,379,380,381,384,385,386,387,390,391,392,393,401,402,403,404,405,406,407,408,409,413,414,415,416,424,425,426,427,428,429,437,438,487 +6627 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,103,104,105,106,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,270,271,272,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,387,388,389,390,397,398,399,400,401,402,403,404,409,410,411,412,420,421,422,423,424,431,432,433,434,454,455,456,487 +6628 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,100,101,102,103,104,115,116,117,118,119,123,124,125,126,137,138,139,140,146,147,148,149,167,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,386,387,388,389,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,444,445,446,447,451,452,453,454,455,456,487 +6629 - 36,38,39,57,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,150,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,238,246,247,248,249,250,257,258,259,260,268,269,270,271,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6630 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,127,139,140,141,142,143,144,146,147,148,149,161,162,163,165,166,169,170,171,172,182,183,184,185,191,192,193,194,204,205,206,213,214,215,216,226,227,228,235,236,237,238,247,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,294,300,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,343,344,345,346,357,358,359,360,365,366,367,368,379,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,485 +6631 - 13,14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,171,183,184,185,186,190,191,192,193,194,195,204,205,206,207,208,210,211,212,213,214,215,216,217,226,227,228,229,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,340,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +6632 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,137,138,139,144,145,146,160,165,166,167,186,187,188,189,206,207,208,209,210,228,229,230,231,232,233,234,250,251,252,253,254,255,256,277,278,279,300,301,322,323,324,344,345,346,366,367,368,378,379,387,388,389,399,400,401,408,409,410,411,421,422,423,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +6633 - 71,72,73,74,75,76,93,94,95,96,97,98,99,118,119,120,121,122,142,143,144,163,164,165,185,186,187,207,208,209,228,229,230,231,248,249,250,251,252,269,270,271,272,273,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,338,339,340,341,342,343,344,345,346,347,348,349,350,351,367,368,369,370,371,372,373,487 +6634 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,145,146,147,148,160,161,162,168,169,170,182,183,184,185,190,191,192,193,204,205,206,207,213,214,215,227,228,229,235,236,249,250,251,252,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,494 +6635 - 13,14,15,16,17,34,35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,214,215,216,226,227,228,229,234,235,236,237,238,239,247,248,249,250,254,255,256,257,258,259,260,261,269,270,271,274,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +6636 - 31,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,125,126,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,297,298,299,311,312,313,314,319,320,321,333,334,335,341,342,343,355,356,357,358,359,363,364,365,366,378,379,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,454,490 +6637 - 8,9,10,11,12,13,14,30,31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,79,80,81,82,102,103,104,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,487 +6638 - 11,12,13,14,15,32,33,34,35,54,55,56,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,182,183,184,185,204,205,206,226,227,228,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +6639 - 33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,102,103,104,105,106,124,125,126,127,128,146,147,148,149,167,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,312,313,314,315,316,317,318,319,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,407,408,409,410,411,412,413,414,415,416,417,433,434,435,436,437,438,487 +6640 - 33,34,55,56,77,78,99,100,120,121,122,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,486 +6641 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,126,127,128,137,138,139,140,141,149,150,159,160,161,162,170,171,180,181,182,183,191,192,193,202,203,204,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,473,494 +6642 - 32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,124,125,126,146,147,148,168,169,170,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,408,409,410,411,423,424,425,426,427,445,446,447,448,487 +6643 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,114,118,119,120,121,122,123,127,128,129,139,140,141,142,149,150,151,160,161,162,163,170,171,172,181,182,183,191,192,193,203,204,205,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,494 +6644 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,102,117,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,186,189,190,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,260,278,279,280,281,299,300,301,302,303,320,321,322,323,324,335,336,341,342,343,344,345,346,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,490 +6645 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,145,146,147,148,149,159,160,161,162,163,167,168,170,171,181,182,183,184,192,193,194,203,204,205,206,214,215,216,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,360,368,369,370,380,381,382,389,390,391,402,403,404,409,410,411,412,413,424,425,426,427,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +6646 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,99,100,101,116,117,118,119,138,139,140,160,161,162,182,183,184,185,186,187,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,253,254,255,256,257,258,276,277,278,279,280,300,301,302,303,323,324,325,337,345,346,347,358,359,367,368,369,370,379,380,381,382,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,490 +6647 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,486 +6648 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,102,103,104,116,117,118,125,126,127,138,139,140,148,149,160,161,170,171,172,181,182,183,193,194,203,204,205,215,216,225,226,238,239,246,247,248,260,261,268,269,270,282,283,290,291,292,304,305,312,313,314,326,327,335,336,347,348,349,357,358,369,370,371,379,380,381,390,391,392,401,402,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +6649 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,118,119,120,121,124,125,126,139,140,141,142,146,147,148,161,162,163,168,169,170,184,190,191,192,212,213,214,234,235,236,251,252,256,257,258,271,272,273,274,275,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,318,319,320,321,322,335,336,339,340,341,342,343,357,358,360,361,362,363,364,365,366,379,380,381,382,383,384,386,387,388,401,402,403,404,405,409,410,411,425,431,432,433,453,454,455,487 +6650 - 74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,145,146,147,148,155,156,157,158,159,160,167,168,169,170,178,179,188,189,190,191,192,210,211,212,213,232,233,234,235,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,492 +6651 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,102,103,116,117,118,119,120,123,124,125,138,139,140,141,145,146,147,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,402,403,408,409,410,411,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,475,488 +6652 - 79,80,92,93,94,101,102,114,115,116,123,124,136,137,138,144,145,146,157,158,159,166,167,168,179,180,181,188,189,190,201,202,203,210,211,212,223,224,225,226,227,228,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,298,299,300,301,302,303,304,320,321,322,342,343,344,364,365,366,386,387,388,409,410,431,432,452,453,454,474,475,476,489 +6653 - 36,37,58,59,79,80,81,96,97,101,102,103,118,119,123,124,125,140,141,145,146,147,161,162,163,166,167,168,183,184,185,188,189,190,205,206,207,210,211,212,227,228,232,233,234,237,248,249,250,254,255,256,258,259,260,270,271,272,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,340,342,343,344,358,359,364,365,385,386,387,407,408,409,429,430,431,432,452,453,489 +6654 - 53,54,55,74,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,486 +6655 - 63,64,65,75,76,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,161,162,163,164,182,183,184,185,203,204,205,206,207,208,225,226,227,228,229,230,231,247,248,249,251,252,253,254,274,275,276,277,297,298,299,319,320,321,333,334,341,342,343,355,356,357,363,364,365,377,378,379,380,385,386,387,399,400,401,402,403,406,407,408,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,473,490 +6656 - 59,60,61,81,82,83,92,93,94,103,104,105,114,115,116,125,126,127,136,137,138,147,148,149,157,158,159,160,169,170,171,179,180,181,182,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,234,235,236,237,243,244,245,246,247,256,257,258,259,265,266,267,268,269,270,271,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,452,453,454,455,475,476,489 +6657 - 12,13,14,15,34,35,36,55,56,57,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,205,206,207,227,228,229,235,236,248,249,250,255,256,257,258,259,270,271,272,275,276,277,278,279,280,281,292,293,294,296,297,298,299,302,303,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,344,345,346,358,359,360,361,362,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +6658 - 77,78,79,97,98,99,100,101,102,118,119,120,122,123,124,139,140,141,144,145,146,160,161,162,163,164,166,167,168,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,236,237,246,247,248,249,251,252,253,254,255,257,258,259,268,269,270,271,272,273,274,275,276,279,280,281,291,292,294,295,296,297,298,301,302,303,316,317,318,319,322,323,324,325,344,345,346,365,366,367,386,387,388,389,408,409,410,429,430,431,450,451,452,471,472,473,488 +6659 - 56,57,58,59,76,77,78,79,80,81,82,96,97,98,99,100,103,104,117,118,119,120,124,125,126,139,140,141,145,146,147,160,161,162,167,168,169,182,183,184,188,189,190,205,206,207,209,210,211,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,294,295,296,298,299,300,315,316,317,320,321,322,337,338,339,343,344,359,360,365,366,381,382,386,387,388,403,404,408,409,410,425,426,427,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +6660 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,116,117,137,138,158,159,160,180,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,233,234,235,236,257,258,279,280,281,301,302,303,323,324,325,345,346,347,367,368,369,380,381,389,390,401,402,403,410,411,412,423,424,425,432,433,434,446,447,453,454,455,468,469,470,471,472,473,474,475,476,490 +6661 - 77,78,79,80,98,99,100,101,102,103,119,120,121,123,124,125,136,140,141,142,145,146,147,161,162,163,167,168,169,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,494 +6662 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,120,121,122,123,124,125,145,146,147,167,168,169,188,189,190,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,299,300,301,322,323,324,344,345,346,360,366,367,368,382,388,389,390,402,403,404,409,410,411,424,425,426,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +6663 - 34,35,36,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,168,169,170,182,183,184,186,187,190,191,192,204,205,206,207,213,214,225,226,227,228,235,236,247,248,249,250,257,258,269,270,271,278,279,280,290,291,292,293,300,301,302,312,313,314,322,323,324,334,335,336,344,345,357,358,359,365,366,367,379,380,381,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,451,485 +6664 - 50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,116,117,118,138,139,140,160,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,207,212,213,214,215,235,236,237,258,259,280,281,301,302,303,323,324,325,345,346,347,366,367,368,380,388,389,390,402,408,409,410,411,424,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +6665 - 55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,428,429,430,450,451,452,472,473,474,486 +6666 - 101,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,191,192,193,194,199,200,201,202,203,213,214,215,216,221,222,223,224,225,235,236,237,238,243,244,245,246,256,257,258,259,265,266,267,278,279,280,281,287,288,289,300,301,302,303,321,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,453,454,455,456,475,476,477,478,479,492 +6667 - 52,53,54,55,73,74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,121,122,123,124,137,138,139,144,145,146,165,166,167,168,186,187,188,189,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,256,257,258,278,279,280,300,301,302,322,323,324,343,344,345,365,366,367,387,388,389,401,402,403,408,409,410,423,424,425,426,427,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +6668 - 54,55,56,57,75,76,77,78,79,97,98,99,100,101,102,118,119,120,122,123,124,125,140,141,144,145,146,147,162,163,166,167,168,183,184,185,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,255,256,257,277,278,279,299,300,301,321,322,323,343,344,364,365,366,386,387,388,403,404,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,494 +6669 - 36,37,38,58,59,60,80,81,82,102,103,104,124,125,140,141,145,146,147,162,163,167,168,169,184,185,189,190,191,205,206,207,211,212,213,227,228,233,234,249,250,254,255,256,270,271,272,276,277,278,279,292,293,294,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,489 +6670 - 8,9,10,11,12,13,14,30,31,32,33,34,35,36,37,51,52,53,54,57,58,59,72,73,74,94,95,96,115,116,117,118,137,138,139,159,160,161,181,182,183,203,204,205,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,280,281,282,283,292,293,294,295,303,304,305,315,316,317,326,327,337,338,339,340,341,348,349,350,360,361,362,363,364,365,366,370,371,372,383,384,385,386,387,388,392,393,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,491 +6671 - 41,42,43,62,63,64,65,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,209,210,226,227,230,231,232,233,253,254,255,275,276,277,297,298,299,310,311,319,320,321,332,333,334,341,342,343,354,355,356,357,363,364,365,376,377,378,379,380,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,490 +6672 - 59,60,61,80,81,82,83,102,103,104,113,114,124,125,126,135,136,137,146,147,148,157,158,159,168,169,170,178,179,180,181,189,190,191,192,196,197,200,201,202,203,211,212,213,214,216,217,218,219,222,223,224,225,233,234,235,236,237,238,239,240,244,245,246,247,254,255,256,257,258,259,260,261,266,267,268,269,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,344,359,360,364,365,366,386,387,388,407,408,409,429,430,431,451,452,473,474,489 +6673 - 13,14,15,34,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,213,214,215,228,229,230,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,280,281,292,293,294,295,296,297,298,299,301,302,303,314,315,316,317,318,319,322,323,324,335,336,337,338,339,340,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +6674 - 52,53,54,74,75,76,81,95,96,97,98,102,103,104,117,118,119,124,125,126,138,139,140,141,145,146,147,160,161,162,167,168,169,182,183,184,188,189,190,191,203,204,205,206,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,489 +6675 - 82,83,84,103,104,105,106,118,119,125,126,127,139,140,141,142,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,233,234,247,248,249,254,255,256,269,270,271,276,277,278,292,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,492 +6676 - 32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,124,125,137,138,139,140,146,147,158,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,193,202,203,204,205,213,214,215,216,224,225,226,227,236,237,238,246,247,248,258,259,260,261,268,269,270,280,281,282,283,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,338,346,347,348,349,357,358,359,360,361,368,369,370,371,380,381,382,383,384,385,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,485 +6677 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,126,127,137,138,139,140,145,146,147,148,158,159,160,161,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,228,229,230,231,232,233,234,252,253,254,255,256,272,273,274,276,277,278,279,294,295,296,299,300,301,315,316,317,321,322,323,337,338,339,343,344,345,359,360,361,365,366,367,381,382,383,387,388,389,404,405,409,410,411,426,427,428,430,431,432,449,450,451,452,453,454,471,472,473,474,475,493 +6678 - 32,33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +6679 - 77,78,79,80,83,98,99,100,101,102,103,105,119,120,121,123,124,125,127,140,141,142,146,147,149,161,162,163,167,168,169,171,183,184,189,190,193,204,205,206,210,211,212,213,215,226,227,231,232,233,234,237,248,249,250,253,254,255,256,259,270,271,272,273,274,275,276,277,281,293,294,295,296,297,298,299,303,319,320,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +6680 - 71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,255,256,257,277,278,279,280,300,301,302,322,323,324,345,346,367,368,388,389,390,409,410,411,412,431,432,433,447,448,451,452,453,454,469,470,471,472,473,474,475,490 +6681 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,123,124,125,126,138,139,140,141,142,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,190,191,192,193,202,203,204,212,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,268,269,270,279,280,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,345,346,347,356,357,358,366,367,368,378,379,380,387,388,389,390,401,402,403,408,409,410,411,423,424,425,426,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +6682 - 32,33,34,35,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,486 +6683 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +6684 - 32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,101,102,103,104,115,116,117,118,119,124,125,126,127,137,138,139,140,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,224,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,282,283,291,292,293,294,295,302,303,304,313,314,315,316,317,324,325,326,335,336,337,338,339,340,341,345,346,347,348,358,359,360,361,362,363,364,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,451,452,453,454,455,485 +6685 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,81,82,98,99,100,102,103,104,119,120,121,124,125,141,142,146,147,167,168,169,189,190,210,211,212,232,233,234,253,254,255,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,312,313,314,317,318,319,320,321,333,334,335,337,338,339,340,341,342,343,355,356,357,358,359,360,361,364,365,366,378,379,380,381,382,387,388,408,409,410,430,431,432,452,453,454,487 +6686 - 73,74,75,76,95,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,142,143,144,145,146,147,148,149,168,169,170,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,446,447,448,449,468,469,470,471,492 +6687 - 52,53,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,121,122,124,125,126,127,145,146,147,148,166,167,168,169,188,189,190,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,270,271,272,276,277,278,299,300,321,322,343,344,365,366,386,387,388,399,400,401,408,409,410,420,421,422,423,424,425,426,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,475,488 +6688 - 115,116,117,118,119,120,121,122,123,124,125,126,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,214,215,216,217,236,237,238,257,258,259,260,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,467,468,469,470,492 +6689 - 36,37,58,59,80,81,102,103,117,118,123,124,125,139,140,141,145,146,147,161,162,167,168,169,182,183,184,189,190,204,205,206,210,211,212,225,226,227,232,233,234,236,247,248,249,254,255,256,258,259,269,270,271,272,273,274,275,276,277,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,317,318,319,320,321,322,323,324,334,335,336,341,342,343,357,362,363,364,384,385,386,406,407,408,428,429,430,450,451,489 +6690 - 14,15,16,35,36,37,38,56,57,58,59,76,77,78,79,80,98,99,100,101,102,119,120,121,122,140,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,323,324,325,336,337,338,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,427,428,429,431,491 +6691 - 63,64,65,78,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,162,163,164,165,184,185,186,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,277,278,299,300,320,321,322,332,333,342,343,344,354,355,356,364,365,366,376,377,378,379,385,386,387,388,399,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,490 +6692 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,72,73,74,75,76,77,93,94,95,96,97,114,115,116,117,118,136,137,138,139,157,158,159,160,179,180,181,182,193,194,195,201,202,203,213,214,215,216,217,218,219,223,224,225,234,235,236,237,238,239,240,241,245,246,247,255,256,257,258,259,260,261,262,263,267,268,269,270,276,277,278,279,284,285,289,290,291,292,298,299,300,305,306,307,311,312,313,314,315,316,320,321,322,323,326,327,328,329,334,335,336,337,338,339,342,343,344,345,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +6693 - 14,15,16,36,37,38,57,58,59,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,205,206,207,226,227,228,229,235,236,237,238,248,249,250,256,257,258,259,260,269,270,271,276,277,278,279,280,281,282,291,292,293,297,298,299,300,303,304,313,314,319,320,321,324,325,335,336,340,341,342,345,346,347,357,358,359,361,362,363,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,426,427,428,429,491 +6694 - 80,81,82,100,102,103,104,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,189,190,191,192,202,203,204,205,206,210,211,212,213,214,224,225,226,227,232,233,234,235,245,246,247,248,252,253,254,255,256,257,267,268,269,273,274,275,276,277,278,279,288,289,290,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,321,322,323,333,334,335,336,337,338,339,343,344,345,355,356,357,358,359,360,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +6695 - 82,83,103,104,105,124,125,126,127,140,141,142,143,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,210,211,212,213,226,227,228,229,232,233,234,248,249,250,254,255,256,269,270,271,272,276,277,292,293,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,492 +6696 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,116,117,120,121,122,123,124,125,138,139,146,147,160,161,168,169,182,183,190,191,212,213,214,234,235,256,257,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +6697 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,104,105,117,118,119,125,126,127,138,139,140,147,148,149,161,162,168,169,170,171,183,184,185,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,252,253,254,273,274,275,276,277,294,295,296,298,299,300,315,316,317,320,321,322,336,337,338,342,343,344,358,359,360,364,365,366,380,381,386,387,388,402,403,408,409,410,424,425,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +6698 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +6699 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,124,125,140,141,142,146,147,161,162,163,168,169,183,184,189,190,191,204,205,206,211,212,226,227,232,233,234,248,249,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,316,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,449,450,470,471,472,494 +6700 - 34,35,36,37,38,39,51,52,53,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,126,127,128,129,130,136,137,138,139,140,141,149,150,151,152,153,158,159,160,161,162,172,173,174,175,179,180,181,182,183,195,196,197,201,202,203,204,205,217,218,219,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,335,343,344,345,346,347,348,349,354,355,356,357,358,359,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +6701 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,486 +6702 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,455,486 +6703 - 55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,103,104,105,117,118,119,120,125,126,127,139,140,141,146,147,148,161,162,163,168,169,184,185,186,187,189,190,191,206,207,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,278,295,296,297,298,299,300,316,317,320,321,322,338,339,342,343,359,360,361,364,365,381,382,386,387,402,403,404,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,493 +6704 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,126,127,128,129,136,137,138,139,140,141,142,149,150,151,157,158,159,160,161,171,172,173,174,179,180,181,182,193,194,195,196,201,202,203,214,215,216,217,224,225,236,237,238,239,246,247,258,259,260,261,268,269,280,281,282,289,290,301,302,303,304,311,312,322,323,324,325,326,332,333,334,344,345,346,347,355,356,364,365,366,367,368,369,377,378,379,385,386,387,388,389,390,399,400,401,402,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +6705 - 13,14,15,34,35,36,55,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,184,185,186,206,207,208,227,228,229,234,235,236,237,249,250,251,254,255,256,257,258,259,270,271,272,276,277,278,280,281,291,292,293,294,297,298,299,302,303,313,314,315,318,319,320,324,325,335,336,337,338,340,341,345,346,358,359,360,361,362,363,364,366,367,368,381,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +6706 - 34,35,36,37,38,39,40,41,42,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,82,83,84,85,91,92,93,94,95,96,97,98,99,103,104,105,106,113,114,115,116,123,124,125,126,143,144,145,146,163,164,165,166,184,185,186,187,204,205,206,207,225,226,227,228,236,237,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,304,305,306,307,312,313,314,315,316,327,328,329,349,350,369,370,371,372,390,391,392,393,398,399,400,401,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,488 +6707 - 81,82,83,96,97,98,102,103,104,105,118,119,120,123,124,125,126,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,183,184,188,189,190,204,205,206,210,211,226,227,228,231,232,233,248,249,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,426,427,428,448,449,450,469,470,471,492 +6708 - 119,120,121,122,123,124,141,142,143,144,145,146,147,148,149,159,160,161,162,163,170,171,172,180,181,182,183,193,194,195,196,201,202,203,217,218,222,223,224,239,240,241,244,245,262,263,266,267,268,284,285,288,289,290,291,305,306,307,311,312,313,314,315,316,317,318,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,485 +6709 - 35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +6710 - 66,67,68,69,70,71,73,74,75,76,77,78,79,80,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,142,144,145,146,147,165,166,167,168,169,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,319,320,321,322,323,324,325,342,343,344,345,346,347,348,366,367,368,369,370,371,390,391,392,393,405,406,407,412,413,414,415,427,428,429,430,431,434,435,436,437,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,488 +6711 - 55,56,57,58,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,160,161,162,163,165,166,167,168,183,184,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,272,276,277,278,299,300,321,322,323,343,344,345,365,366,386,387,388,400,401,402,408,409,410,422,423,424,425,426,428,429,430,431,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +6712 - 58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,139,140,141,142,143,144,160,161,162,163,182,183,184,203,204,205,206,225,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,319,320,321,322,342,343,344,364,365,366,380,381,386,387,388,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +6713 - 98,99,100,102,103,104,120,121,122,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,211,212,213,227,228,229,233,234,249,250,251,254,255,256,271,272,276,277,278,297,298,299,319,320,321,341,342,343,363,364,385,386,406,407,408,428,429,430,450,451,471,472,473,492 +6714 - 53,54,55,56,75,76,77,78,96,97,98,117,118,119,120,139,140,141,160,161,162,163,168,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,228,232,233,234,235,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,477,489 +6715 - 97,98,103,104,105,119,120,121,125,126,127,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,183,184,185,188,189,190,191,204,205,206,207,211,212,226,227,228,232,233,234,248,249,250,254,255,270,271,275,276,277,297,298,299,318,319,320,340,341,342,362,363,383,384,385,405,406,427,428,448,449,450,470,471,492 +6716 - 37,38,39,58,59,60,61,80,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,181,182,183,184,190,191,192,203,204,205,206,212,213,214,224,225,226,227,234,235,236,245,246,247,248,249,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,343,344,345,346,366,367,368,388,389,390,409,410,411,412,431,432,433,434,454,455,489 +6717 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,123,124,125,139,140,141,142,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,210,211,212,225,226,227,231,232,233,234,247,248,249,252,253,254,255,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,449,450,470,471,472,494 +6718 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +6719 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,117,118,119,120,121,125,126,127,139,140,141,146,147,148,149,161,162,167,168,169,170,188,189,190,191,206,207,208,209,210,211,228,229,230,231,232,233,234,250,251,254,255,256,257,277,278,279,300,301,310,311,322,323,331,332,333,343,344,345,354,355,365,366,367,376,377,378,386,387,388,398,399,400,401,407,408,409,410,421,422,423,424,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +6720 - 11,12,13,32,33,34,35,54,55,56,75,76,77,78,96,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,337,338,339,344,345,346,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6721 - 13,14,15,34,35,36,56,57,58,77,78,79,99,100,120,121,122,141,142,143,162,163,164,184,185,186,205,206,207,227,228,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,270,271,276,277,278,281,282,291,292,293,297,298,299,302,303,304,313,314,315,318,319,320,324,325,335,336,339,340,341,345,346,347,357,358,359,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +6722 - 113,114,115,116,124,125,126,127,135,136,137,138,139,140,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,170,171,179,180,183,184,185,186,187,192,193,201,202,203,214,215,223,224,225,236,237,245,246,247,258,259,268,269,280,281,290,291,302,303,312,313,324,325,334,335,346,347,356,357,368,369,378,379,390,391,412,413,414,434,435,436,456,457,458,478,479,480,492 +6723 - 35,36,37,38,56,57,58,59,60,77,78,79,80,98,99,100,101,102,103,104,119,120,121,122,125,126,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,191,192,193,205,206,207,214,215,226,227,228,236,237,247,248,249,258,259,269,270,271,280,281,291,292,301,302,303,312,313,314,323,324,325,334,335,336,345,346,356,357,358,366,367,368,378,379,380,387,388,389,401,402,403,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +6724 - 68,69,70,71,89,90,91,92,93,94,111,112,113,114,115,116,125,126,127,128,129,130,133,134,135,136,137,138,147,148,149,150,151,152,155,156,157,158,159,160,168,169,170,171,172,173,174,177,178,179,180,181,182,190,191,192,193,194,195,199,200,201,202,203,204,211,212,213,214,215,216,217,221,222,223,224,225,226,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,342,343,344,345,346,347,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,413,430,431,432,433,434,435,452,453,454,455,456,475,476,477,489 +6725 - 12,13,14,15,34,35,36,37,55,56,57,58,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,168,169,170,171,191,192,193,213,214,215,234,235,236,237,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,487 +6726 - 5,6,7,26,27,28,29,48,49,50,69,70,71,91,92,113,114,135,136,156,157,158,170,171,172,178,179,180,190,191,192,193,194,195,196,201,202,212,213,214,215,216,217,218,223,224,234,235,236,238,239,240,245,246,247,256,257,260,261,262,267,268,269,278,282,283,284,289,290,291,292,300,301,304,305,306,312,313,314,315,322,323,325,326,327,335,336,337,338,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +6727 - 14,15,35,36,57,58,78,79,80,99,100,101,121,122,123,142,143,144,164,165,185,186,187,206,207,208,228,229,230,233,234,235,249,250,251,253,254,255,256,257,271,272,274,275,276,279,280,293,294,295,296,297,301,302,315,316,317,318,323,324,337,338,339,340,344,345,359,360,361,364,365,366,367,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +6728 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,126,127,128,138,139,140,147,148,149,150,161,162,163,169,170,171,184,185,186,187,188,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,299,300,301,314,315,316,317,322,323,324,336,337,338,344,345,346,357,358,359,367,368,379,380,381,389,390,401,402,403,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +6729 - 38,39,59,60,61,81,82,83,103,104,105,119,120,125,126,140,141,142,146,147,148,162,163,168,169,184,185,189,190,191,205,206,211,212,227,228,232,233,234,248,249,254,255,257,258,269,270,271,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,340,341,342,361,362,363,383,384,404,405,406,426,427,448,449,489 +6730 - 31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,77,78,79,93,94,95,100,101,102,115,116,117,123,124,125,136,137,138,146,147,148,158,159,160,168,169,170,171,180,181,182,191,192,193,202,203,214,215,216,224,225,236,237,238,246,247,259,260,261,268,269,270,282,283,290,291,292,304,305,306,313,314,315,326,327,328,335,336,337,338,348,349,358,359,360,369,370,371,381,382,383,384,391,392,393,404,405,406,407,412,413,414,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,485 +6731 - 54,55,56,57,58,75,76,77,78,79,80,81,83,96,97,98,102,103,104,105,117,118,119,124,125,126,138,139,140,145,146,147,148,160,161,162,167,168,169,182,183,184,189,190,204,205,206,210,211,212,227,228,229,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,342,343,359,360,361,364,365,366,381,382,383,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,493 +6732 - 6,7,8,9,27,28,29,30,31,49,50,51,52,70,71,72,73,74,92,93,94,95,114,115,116,135,136,137,138,157,158,159,179,180,181,187,188,189,190,191,192,193,201,202,203,209,210,211,212,213,214,215,216,224,225,230,231,232,233,234,235,236,237,238,239,246,247,252,253,254,259,260,261,268,269,270,274,275,276,281,282,283,290,291,292,293,296,297,304,305,312,313,314,315,318,319,326,327,335,336,337,338,340,341,342,347,348,349,358,359,360,361,362,363,364,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,491 +6733 - 37,38,39,59,60,61,81,82,103,104,117,118,119,124,125,126,139,140,141,146,147,148,161,162,163,168,169,183,184,185,189,190,191,204,205,206,211,212,213,226,227,228,232,233,234,236,248,249,254,255,256,258,259,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,318,319,320,321,322,323,334,335,336,341,342,356,357,362,363,364,384,385,386,406,407,427,428,429,449,450,489 +6734 - 96,97,98,99,100,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,166,167,168,169,170,180,181,182,183,188,189,190,191,192,193,201,202,203,204,205,209,210,211,212,213,214,215,223,224,225,226,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,299,300,301,314,315,316,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,494 +6735 - 15,16,17,18,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,84,85,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,166,183,184,185,186,187,188,189,190,208,209,210,211,212,232,233,234,235,255,256,257,277,278,279,292,299,300,301,312,313,314,321,322,323,334,335,336,343,344,345,356,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,490 +6736 - 40,41,42,61,62,63,64,82,83,84,85,104,105,106,125,126,127,145,146,147,148,167,168,169,170,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,426,427,444,445,446,447,448,486 +6737 - 34,35,36,37,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,103,104,119,120,121,124,125,126,140,141,142,146,147,148,149,161,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,213,214,215,226,227,228,235,236,237,247,248,249,257,258,269,270,271,278,279,280,286,290,291,292,300,301,302,312,313,314,321,322,323,334,335,336,343,344,356,357,358,364,365,366,378,379,380,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +6738 - 31,32,33,34,35,52,53,54,56,57,58,73,74,75,79,80,81,95,96,97,101,102,103,104,116,117,118,124,125,126,127,138,139,147,148,149,159,160,161,170,171,172,181,182,193,194,202,203,204,215,216,217,224,225,226,238,239,246,247,260,261,268,269,282,283,290,291,304,305,312,313,326,327,334,335,348,349,356,357,358,369,370,371,378,379,380,381,390,391,392,401,402,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +6739 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,117,118,119,120,121,126,127,128,138,139,140,141,147,148,149,159,160,161,162,163,169,170,171,181,182,183,184,190,191,192,204,205,212,213,214,231,232,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,295,296,297,300,301,302,323,324,333,334,344,345,346,355,356,366,367,368,377,378,379,387,388,389,390,399,400,401,402,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,488 +6740 - 94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,166,167,168,169,188,189,190,191,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +6741 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,146,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,192,204,205,206,211,212,213,226,227,228,231,232,233,234,235,247,248,249,252,253,254,255,256,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,335,336,337,338,341,342,343,363,364,365,384,385,386,406,407,408,428,429,449,450,451,471,472,473,494 +6742 - 9,10,11,12,13,14,30,31,32,33,51,52,53,54,55,73,74,75,76,94,95,96,97,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,184,203,204,205,225,226,227,247,248,249,256,257,258,259,269,270,271,272,277,278,279,280,281,291,292,293,294,299,300,301,302,303,313,314,315,316,317,320,321,322,323,324,325,326,337,338,339,340,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +6743 - 36,37,57,58,59,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,146,147,164,165,168,169,190,191,211,212,213,233,234,254,255,256,272,273,274,276,277,292,293,294,295,296,297,298,299,313,314,315,318,319,320,334,335,336,340,341,342,355,356,357,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,407,408,409,422,423,424,425,429,430,431,451,452,487 +6744 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,137,138,139,140,146,147,148,159,160,161,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,210,211,212,213,217,226,227,228,229,232,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,363,364,365,366,379,380,381,382,385,386,387,388,402,403,404,405,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +6745 - 57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,338,339,340,360,361,362,382,383,384,403,404,405,425,426,427,447,448,449,469,470,486 +6746 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,175,180,181,182,183,184,185,203,204,205,206,207,208,209,215,216,217,218,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,252,253,254,255,256,257,258,259,260,261,262,263,274,275,276,277,278,279,280,281,285,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,321,322,323,324,335,336,337,338,341,342,343,344,345,346,356,357,358,359,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,493 +6747 - 36,37,38,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,447,448,449,486 +6748 - 54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,294,295,296,297,298,317,318,319,340,341,362,363,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +6749 - 64,65,82,83,84,85,86,87,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,162,163,164,165,166,167,182,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,252,253,254,275,276,297,298,318,319,320,340,341,342,354,355,362,363,364,376,377,378,384,385,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,445,446,447,448,449,490 +6750 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,100,101,102,113,114,115,121,122,123,124,135,136,142,143,144,145,165,166,167,168,188,189,190,191,192,211,212,213,214,234,235,236,237,257,258,259,280,281,282,302,303,304,324,325,326,335,336,345,346,347,348,356,357,358,366,367,368,369,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +6751 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,147,148,149,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,268,269,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,338,339,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +6752 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,145,146,147,148,168,169,170,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,471,472,473,474,475,492 +6753 - 17,18,39,40,61,62,82,83,84,104,105,106,110,125,126,127,128,139,140,147,148,149,161,162,169,170,182,183,184,190,191,192,203,204,205,211,212,213,225,226,227,232,233,234,235,236,246,247,248,254,255,256,257,258,267,268,269,270,276,277,278,279,280,289,290,291,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,347,353,354,355,357,358,359,360,361,362,363,369,370,375,376,383,384,385,391,392,393,404,405,406,414,415,426,427,437,489 +6754 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,121,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,206,207,208,209,228,229,230,250,251,252,253,273,274,275,276,295,296,297,298,299,320,321,322,343,344,345,366,367,377,378,387,388,389,399,400,401,402,403,404,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,488 +6755 - 56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,190,191,192,193,194,201,202,203,204,205,206,213,214,215,216,223,224,225,226,227,234,235,236,237,246,247,256,257,258,259,276,277,278,279,280,281,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,386,387,388,389,390,391,400,410,411,412,413,433,434,435,436,456,457,458,478,479,480,487 +6756 - 91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,209,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +6757 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,123,124,125,127,128,138,139,140,141,142,145,146,149,150,159,160,161,162,163,166,167,171,172,181,182,183,184,188,193,194,203,204,205,206,209,215,216,217,224,225,226,227,230,237,238,239,246,247,248,251,252,259,260,267,268,269,270,280,281,282,283,289,290,291,302,303,304,305,311,312,313,324,325,326,333,334,335,346,347,356,357,358,367,368,369,378,379,380,388,389,390,401,402,403,409,410,411,412,423,424,425,426,427,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,485 +6758 - 11,12,13,14,35,36,37,58,59,60,80,81,82,98,99,100,101,103,104,105,117,118,119,120,121,122,123,126,127,138,139,140,141,142,143,144,145,148,149,150,159,160,161,162,164,165,166,171,172,173,180,181,182,183,186,187,193,194,195,201,202,203,204,216,217,223,224,225,238,239,240,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,304,305,306,311,312,313,326,327,328,333,334,335,347,348,349,355,356,357,358,368,369,370,371,378,379,380,381,382,383,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,485 +6759 - 38,39,60,61,62,81,82,83,84,96,97,103,104,105,106,118,119,120,125,126,127,139,140,141,146,147,148,160,161,162,163,168,169,170,182,183,184,190,191,192,204,205,206,211,212,213,214,215,225,226,227,233,234,235,236,237,246,247,248,254,255,256,257,258,268,269,270,271,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,333,334,335,340,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,489 +6760 - 50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,101,102,103,104,105,115,116,117,118,124,125,126,127,128,137,138,139,140,147,148,149,150,160,161,162,163,170,171,172,182,183,184,185,186,191,192,193,194,205,206,207,208,209,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,336,337,338,339,340,343,344,345,346,357,358,359,360,365,366,367,368,379,380,381,382,387,388,389,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +6761 - 37,38,39,40,59,60,61,62,81,82,83,84,103,104,105,116,117,125,126,127,138,139,147,148,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,212,213,224,225,226,227,233,234,235,246,247,248,249,255,256,257,268,269,270,271,277,278,279,280,290,291,292,298,299,300,302,303,311,312,313,314,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,382,384,385,386,406,407,408,428,429,430,450,451,489 +6762 - 30,31,32,33,34,35,52,53,54,55,56,57,58,78,79,80,101,102,122,123,124,143,144,145,146,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,232,233,252,253,254,255,256,276,277,278,299,300,301,321,322,323,342,343,344,345,364,365,366,378,379,385,386,387,388,400,401,402,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +6763 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,161,162,163,164,165,169,170,183,184,185,186,191,192,193,205,206,207,213,214,226,227,228,235,236,248,249,250,257,258,269,270,271,272,278,279,280,291,292,293,300,301,302,313,314,315,322,323,334,335,336,337,343,344,345,357,358,359,364,365,366,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +6764 - 3,4,5,6,7,8,9,10,25,26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,81,82,83,104,105,106,126,127,128,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,235,250,251,252,253,254,255,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,487 +6765 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,124,125,139,140,141,142,146,147,148,160,161,162,163,168,169,170,182,183,184,189,190,191,192,204,205,211,212,213,225,226,227,232,233,234,235,248,249,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +6766 - 68,69,70,71,72,73,74,75,76,77,88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,120,121,122,123,132,143,144,145,162,163,164,165,166,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,213,226,227,231,232,233,234,235,236,256,257,258,259,260,280,281,282,303,304,305,325,326,327,347,348,349,357,358,369,370,371,379,380,390,391,392,393,401,402,403,404,405,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,488 +6767 - 11,12,32,33,34,54,55,56,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,192,193,194,195,205,206,207,213,214,215,216,217,226,227,228,229,234,235,236,238,239,248,249,250,255,256,257,258,259,260,261,270,271,272,276,277,278,279,281,282,292,293,298,299,300,302,303,314,315,319,320,321,322,323,324,336,337,338,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,404,405,406,407,491 +6768 - 53,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,169,170,171,172,173,181,182,183,184,185,186,191,192,193,194,195,203,204,205,206,207,212,213,214,215,216,217,224,225,226,227,228,234,235,236,237,238,246,247,248,249,250,256,257,258,259,260,268,269,270,271,272,278,279,280,281,282,290,291,292,293,299,300,301,302,303,312,313,314,315,320,321,322,323,324,334,335,336,337,342,343,344,345,346,356,357,358,359,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,469,470,471,472,485 +6769 - 74,75,76,77,78,79,80,95,96,97,98,101,102,117,118,119,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,182,183,189,190,191,204,205,210,211,212,213,226,227,231,232,233,234,235,247,248,249,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,298,299,315,316,320,321,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,494 +6770 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +6771 - 36,37,57,58,59,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,163,164,165,167,168,169,189,190,210,211,212,232,233,253,254,255,274,275,276,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,338,339,340,341,342,343,356,357,358,359,360,361,364,365,378,379,380,381,382,386,387,400,401,402,408,409,410,430,431,432,452,453,454,487 +6772 - 56,57,58,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,141,142,143,144,163,164,165,185,186,187,206,207,208,209,228,229,230,231,232,233,251,252,253,254,255,256,275,276,277,278,279,299,300,301,321,322,323,342,343,344,345,355,356,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,490 +6773 - 12,13,14,34,35,36,37,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,102,103,104,118,119,120,121,124,125,126,140,141,142,146,147,148,168,169,189,190,191,211,212,213,232,233,234,254,255,256,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,333,334,335,339,340,341,342,343,344,355,356,357,360,361,362,363,364,365,366,377,378,381,382,383,384,387,388,399,400,401,402,403,404,405,409,410,411,421,422,423,424,425,431,432,487 +6774 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,124,125,126,127,128,129,139,140,141,148,149,150,158,159,160,169,170,171,172,180,181,182,183,184,190,191,192,193,203,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,364,365,366,381,382,383,384,386,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +6775 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,448,449,450,486 +6776 - 30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,95,96,97,116,117,118,119,137,138,139,140,158,159,160,161,162,180,181,182,183,184,185,186,203,204,205,206,207,208,209,210,211,230,231,232,233,234,235,254,255,256,257,258,278,279,280,281,294,295,296,301,302,303,304,314,315,316,317,324,325,326,335,336,337,346,347,348,356,357,358,359,366,367,368,369,370,378,379,380,381,387,388,389,390,391,400,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +6777 - 102,103,104,118,123,124,125,126,139,140,141,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,190,191,192,204,205,206,208,209,212,213,226,227,233,234,235,247,248,249,255,256,257,269,270,271,277,278,291,292,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,492 +6778 - 79,80,81,100,101,102,103,120,121,122,123,124,125,141,142,143,146,147,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,224,225,226,227,228,229,233,234,246,247,248,249,250,251,252,255,256,268,269,272,273,274,275,276,277,278,296,297,298,299,300,319,320,321,341,342,343,363,364,365,385,386,407,408,429,430,451,452,472,473,474,489 +6779 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,124,125,126,127,139,140,141,142,146,147,148,160,161,162,168,169,170,181,182,183,189,190,191,203,204,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,292,293,294,297,298,299,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,429,448,449,450,470,471,472,494 +6780 - 30,31,32,33,34,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,92,93,94,95,100,101,102,114,115,122,123,124,136,137,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,325,326,327,328,329,337,338,339,340,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,487 +6781 - 63,64,65,84,85,86,87,98,99,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,166,167,168,169,181,182,183,184,203,204,205,206,207,208,225,226,227,228,229,230,250,251,252,253,273,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,377,378,379,384,385,386,399,400,401,406,407,408,422,423,424,425,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +6782 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,94,95,96,115,116,117,137,138,159,160,181,182,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,409,410,411,425,426,427,430,431,432,448,449,450,451,452,453,454,471,472,473,474,490 +6783 - 36,37,38,58,59,79,80,81,101,102,103,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,445,446,447,486 +6784 - 27,28,29,30,49,50,51,52,53,54,71,72,73,74,75,76,77,96,97,98,99,100,119,120,121,122,141,142,143,144,161,162,163,164,165,166,179,180,181,182,183,184,185,186,187,188,189,190,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,255,256,257,258,259,260,280,281,282,283,302,303,304,305,324,325,326,327,345,346,347,348,366,367,368,369,370,382,383,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +6785 - 36,37,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,486 +6786 - 72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,136,137,138,158,159,160,163,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,232,233,234,235,244,245,246,247,255,256,257,258,266,267,268,278,279,280,288,289,301,302,303,324,325,346,347,348,368,369,370,390,391,392,411,412,413,423,432,433,434,435,445,446,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,490 +6787 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,147,148,160,161,162,163,168,169,170,182,183,184,190,191,192,203,204,205,211,212,213,214,225,226,231,232,233,234,235,246,247,248,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,298,299,313,314,315,320,321,341,342,343,363,364,384,385,386,406,407,427,428,429,449,450,470,471,472,494 +6788 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,100,101,102,103,104,113,114,115,116,117,125,126,127,135,136,137,138,147,148,149,150,157,158,159,160,161,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,276,277,278,279,292,293,294,295,299,300,301,314,315,316,322,323,324,335,336,337,344,345,346,357,358,359,366,367,368,379,380,381,388,389,390,401,402,403,404,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +6789 - 15,16,17,36,37,38,57,58,59,60,62,63,78,79,80,81,84,85,100,101,102,106,107,121,122,123,128,129,143,144,164,165,166,186,187,188,207,208,209,229,230,250,251,252,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,322,323,337,338,339,340,343,344,345,358,359,360,361,363,364,365,366,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,491 +6790 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,144,145,146,147,149,150,160,161,162,163,166,167,168,169,171,181,182,183,184,188,189,190,191,202,203,204,205,209,210,211,212,213,224,225,226,227,230,231,232,233,234,235,246,247,248,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,320,321,322,342,343,344,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,494 +6791 - 56,57,58,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,187,188,189,190,191,192,193,204,205,206,210,211,212,213,214,215,226,227,228,233,234,235,236,237,247,248,249,255,257,258,259,269,270,276,279,280,281,290,291,292,298,301,302,312,313,314,319,322,323,324,334,335,336,344,345,346,356,357,358,366,367,368,378,379,380,387,388,389,400,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +6792 - 38,39,59,60,61,80,81,82,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,160,161,162,165,166,167,183,184,185,186,187,188,206,207,208,209,228,229,230,231,250,251,252,253,254,271,272,273,274,275,276,293,294,297,298,299,315,316,320,321,337,342,343,344,358,359,364,365,366,380,381,382,386,387,388,403,404,408,409,425,426,427,428,429,430,431,448,449,450,451,452,493 +6793 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +6794 - 59,60,77,81,82,97,98,99,102,103,104,118,119,120,121,124,125,126,139,140,141,142,146,147,148,160,161,162,163,168,169,170,181,182,183,184,190,191,192,202,203,204,205,212,213,214,223,224,225,226,227,228,234,235,236,245,246,247,248,249,250,251,252,253,254,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,321,322,323,344,345,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,489 +6795 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,103,104,105,117,118,119,120,125,126,127,139,140,141,147,148,149,160,161,162,168,169,170,182,183,189,190,191,204,205,210,211,212,226,227,228,229,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,296,297,298,299,317,318,319,320,321,322,339,340,341,342,343,344,361,362,364,365,366,382,383,384,386,387,388,404,405,406,408,409,410,426,427,428,429,430,431,449,450,451,452,471,472,473,474,493 +6796 - 13,14,15,16,17,34,35,36,37,38,39,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,187,188,204,205,206,207,208,209,210,211,226,227,228,230,231,232,233,234,235,248,249,250,255,256,257,258,270,271,272,278,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,344,345,346,347,358,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6797 - 37,38,59,60,81,82,102,103,104,124,125,126,140,141,146,147,162,163,167,168,169,184,185,189,190,191,205,206,207,210,211,212,227,228,232,233,234,248,249,250,254,255,256,257,269,270,271,272,273,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,317,318,319,320,321,322,335,336,340,341,342,361,362,363,383,384,385,405,406,426,427,428,448,449,450,489 +6798 - 77,78,79,99,100,101,120,121,122,140,141,142,143,144,161,162,163,164,165,166,167,182,183,184,185,188,189,203,204,205,206,210,211,224,225,226,227,232,245,246,247,248,249,250,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,320,321,322,343,344,365,366,387,388,389,409,410,411,431,432,433,434,454,455,476,477,478,489 +6799 - 35,36,37,57,58,59,78,79,80,99,100,101,121,122,123,142,143,144,164,165,166,185,186,187,207,208,228,229,230,234,235,236,237,250,251,255,256,257,258,259,271,272,273,276,277,278,280,281,293,294,295,297,298,299,302,303,315,316,317,318,319,320,323,324,325,337,338,339,340,341,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,404,405,426,427,448,449,491 +6800 - 16,17,18,19,20,21,37,38,39,40,41,42,57,58,59,60,61,62,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,225,226,227,228,247,248,249,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,323,324,325,334,335,336,337,338,339,345,346,347,357,358,359,360,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +6801 - 55,56,57,58,59,60,61,76,77,78,79,82,83,84,96,97,98,99,104,105,106,117,118,119,120,125,126,127,128,139,140,141,145,146,147,148,149,160,161,162,166,167,168,169,170,182,183,187,188,189,190,191,204,205,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,271,272,273,274,275,276,293,294,295,296,297,298,299,315,316,319,320,321,336,337,338,342,343,358,359,363,364,365,380,381,385,386,387,401,402,403,407,408,409,423,424,425,428,429,430,446,447,448,449,450,451,468,469,470,471,472,493 +6802 - 8,9,10,29,30,31,32,50,51,52,53,71,72,73,74,76,77,78,79,80,92,93,94,95,99,100,101,102,103,113,114,115,116,124,125,126,127,128,129,135,136,137,148,149,150,151,157,158,159,171,172,173,174,179,180,181,194,195,196,200,201,202,216,217,218,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,269,283,284,285,289,290,291,292,304,305,306,307,311,312,313,314,326,327,328,334,335,336,337,346,347,348,349,350,357,358,359,360,361,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,485 +6803 - 54,55,56,57,58,59,75,76,77,78,79,80,81,84,95,96,97,98,103,104,105,106,117,118,119,125,126,127,139,140,147,148,149,161,162,163,168,169,170,183,184,185,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,343,344,360,361,362,365,366,382,383,384,386,387,388,403,404,405,408,409,410,425,426,427,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +6804 - 79,80,81,92,93,94,95,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,145,146,147,157,158,159,160,167,168,169,179,180,181,182,189,190,191,193,201,202,203,204,211,212,213,214,215,216,217,223,224,225,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,298,299,300,301,311,312,313,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,489 +6805 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,101,102,103,118,119,120,123,124,125,139,140,141,145,146,147,161,162,163,167,168,169,184,189,190,191,205,206,211,212,213,227,232,233,234,249,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,339,340,341,342,343,344,356,357,360,361,362,363,365,366,378,379,380,381,382,383,384,387,388,400,401,402,403,404,405,409,410,411,423,424,425,431,432,433,453,454,455,487 +6806 - 54,55,56,57,74,75,76,77,78,79,95,96,97,98,100,101,102,116,117,118,122,123,124,125,138,139,146,147,160,161,168,169,182,183,190,191,204,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,316,317,318,320,321,322,337,338,339,342,343,344,359,360,365,366,381,382,387,388,403,404,409,410,425,426,430,431,432,447,448,449,450,451,452,453,471,472,473,474,493 +6807 - 12,13,14,34,35,56,57,78,79,99,100,101,121,122,142,143,144,164,165,166,185,186,187,207,208,209,213,214,215,216,228,229,230,233,234,235,236,237,238,250,251,252,254,255,256,260,271,272,273,275,276,277,293,294,295,296,297,298,302,315,316,318,319,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,382,383,384,385,386,405,406,407,491 +6808 - 78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,126,127,128,129,130,131,138,139,140,141,142,143,144,151,152,153,159,160,161,162,163,165,166,173,174,175,181,182,183,186,187,194,195,196,203,204,205,208,209,216,217,218,225,226,227,236,237,238,239,247,248,249,257,258,259,260,269,270,271,277,278,279,280,291,292,293,298,299,300,301,313,314,315,316,318,319,320,321,322,336,337,338,339,340,341,342,358,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,444,445,446,447,448,449,465,466,467,468,469,470,493 +6809 - 34,35,36,56,57,58,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,146,147,162,163,164,165,167,168,169,184,185,186,189,190,210,211,212,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,321,322,342,343,344,364,365,366,385,386,387,402,403,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +6810 - 73,74,78,79,95,96,100,101,117,118,122,123,139,140,144,145,161,166,167,183,188,189,205,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,276,277,298,299,320,321,342,343,364,365,386,387,408,409,430,431,452,453,474,475,489 +6811 - 34,35,36,37,55,56,57,58,59,60,76,77,78,81,82,97,98,99,103,104,124,125,126,146,147,167,168,169,189,190,191,211,212,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,291,292,293,295,296,297,298,299,313,314,317,318,319,320,321,322,335,336,338,339,340,343,344,357,358,359,360,361,365,366,380,381,382,387,388,409,410,411,431,432,453,454,487 +6812 - 59,60,81,82,97,102,103,104,118,119,124,125,139,140,141,145,146,147,161,162,167,168,169,183,184,189,190,191,204,205,206,211,212,213,214,226,227,233,234,235,247,248,249,254,255,256,257,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,338,339,341,342,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,489 +6813 - 76,77,78,79,97,98,99,100,101,118,119,120,122,123,124,139,140,141,145,146,161,162,167,168,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,232,233,234,248,249,253,254,255,256,270,271,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,338,339,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +6814 - 54,55,56,57,58,59,60,61,62,63,64,70,71,76,77,78,79,80,81,82,83,84,85,86,92,93,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,127,128,129,130,136,137,138,139,140,141,142,149,150,151,152,158,159,160,161,162,163,169,170,171,172,173,181,182,183,184,185,186,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,297,298,299,300,301,312,313,314,315,320,321,322,323,324,334,335,336,343,344,345,346,355,356,357,366,367,368,377,378,379,380,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6815 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,81,82,83,96,97,98,99,100,103,104,105,119,120,121,125,126,147,148,168,169,170,190,191,211,212,213,233,234,254,255,256,276,277,278,290,291,292,293,294,295,297,298,299,311,312,313,314,315,316,317,318,319,320,332,333,334,335,338,339,340,341,342,354,355,356,361,362,363,364,365,366,376,377,378,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,409,410,411,412,413,414,421,422,423,424,425,426,435,436,487 +6816 - 34,35,36,56,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,250,251,252,253,254,273,274,275,295,296,297,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,363,364,365,380,381,382,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,493 +6817 - 38,39,40,60,61,81,82,83,98,99,103,104,105,120,121,125,126,141,142,143,146,147,148,150,163,164,167,168,169,172,184,185,186,189,190,194,206,207,210,211,212,215,216,227,228,229,231,232,233,236,237,249,250,253,254,255,257,258,259,270,271,272,275,276,278,279,280,291,292,293,294,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,334,335,336,338,339,340,341,356,357,358,361,362,382,383,384,403,404,405,425,426,427,447,448,489 +6818 - 75,76,77,78,97,98,99,100,101,102,118,119,120,122,123,124,125,139,140,141,145,146,147,161,162,163,168,169,182,183,184,190,191,204,205,206,213,214,225,226,227,228,234,235,236,247,248,249,256,257,269,270,271,277,278,279,291,299,300,301,320,321,322,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,384,385,386,405,406,407,427,428,429,448,449,450,470,471,492 +6819 - 36,37,38,57,58,59,60,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,147,148,149,163,164,165,166,169,170,171,185,186,187,188,191,192,193,206,207,208,209,213,214,227,228,229,230,234,235,236,249,250,251,256,257,258,270,271,272,273,278,279,292,293,294,299,300,301,314,315,316,321,322,335,336,337,342,343,344,356,357,358,359,363,364,365,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +6820 - 75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,146,147,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,247,248,255,256,257,269,270,276,277,278,291,292,293,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,382,386,387,408,409,430,431,452,453,474,475,494 +6821 - 100,101,102,103,104,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,150,162,163,164,165,170,171,172,183,184,185,186,191,192,193,204,205,206,207,212,213,214,215,226,227,228,233,234,235,236,247,248,249,253,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,313,314,315,316,317,318,320,321,322,336,337,338,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,471,472,473,494 +6822 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,486 +6823 - 38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,100,101,102,103,104,105,106,121,122,123,124,126,127,128,142,143,144,145,149,150,163,164,165,166,171,172,184,185,186,187,193,194,205,206,207,208,214,215,216,227,228,229,236,237,248,249,250,258,259,269,270,271,280,281,291,292,293,301,302,303,313,314,322,323,324,334,335,336,344,345,346,356,357,358,365,366,367,378,379,380,386,387,388,400,401,402,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +6824 - 102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,171,172,173,176,177,178,179,180,181,182,183,184,185,193,194,195,198,199,200,214,215,216,217,235,236,237,238,239,257,258,259,260,261,277,278,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,448,449,450,451,469,470,471,472,492 +6825 - 36,37,38,39,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,212,229,232,233,234,255,256,257,277,278,279,299,300,301,312,313,321,322,323,334,335,336,342,343,344,356,357,358,364,365,366,378,379,380,381,385,386,387,388,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +6826 - 50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,145,146,147,148,149,157,158,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,323,324,325,326,333,334,335,336,345,346,347,348,356,357,366,367,368,369,370,379,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +6827 - 55,56,57,58,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,125,141,142,143,144,145,146,147,167,168,169,189,190,210,211,212,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,294,295,299,300,321,322,343,344,365,366,387,388,402,403,408,409,410,424,425,426,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +6828 - 13,14,15,16,34,35,36,37,38,56,57,58,59,78,79,80,99,100,101,121,122,123,143,144,164,165,166,186,187,207,208,209,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,315,316,317,318,321,322,323,337,338,339,340,343,344,345,359,360,361,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,491 +6829 - 64,65,76,79,80,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,122,123,124,125,126,127,128,129,130,140,141,142,161,162,163,182,183,184,185,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,248,249,252,253,254,275,276,277,297,298,299,319,320,321,342,343,364,365,385,386,387,401,402,403,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,469,470,471,472,473,490 +6830 - 70,71,72,73,82,83,84,85,86,87,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,140,141,142,143,144,145,146,147,148,149,150,158,159,160,180,181,182,202,203,204,205,224,225,226,227,247,248,249,250,251,269,270,271,272,273,274,292,293,294,295,296,297,315,316,317,318,319,320,339,340,341,342,343,361,362,363,364,365,366,385,386,387,388,389,408,409,410,411,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,477,490 +6831 - 54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,103,104,118,119,120,125,126,127,140,141,146,147,148,162,163,168,169,170,184,185,186,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,341,342,343,359,360,361,363,364,365,381,382,384,385,386,403,404,406,407,408,424,425,426,427,428,429,446,447,448,449,450,469,470,471,493 +6832 - 28,29,30,33,34,35,50,51,52,53,55,56,57,58,72,73,74,75,79,80,94,95,96,101,102,103,115,116,117,118,124,125,137,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,183,184,191,192,203,204,205,206,213,214,215,225,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,280,281,293,294,302,303,315,316,317,324,325,326,337,338,339,346,347,348,359,360,361,362,368,369,370,382,383,384,385,390,391,392,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,456,485 +6833 - 38,39,59,60,61,81,82,83,97,98,103,104,105,118,119,120,125,126,127,140,141,142,147,148,161,162,163,168,169,170,183,184,185,190,191,205,206,207,211,212,213,226,227,228,233,234,235,236,247,248,249,254,255,256,257,268,269,270,271,272,273,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,333,334,335,340,341,342,356,362,363,383,384,385,405,406,407,427,428,449,450,489 +6834 - 33,34,35,55,56,57,77,78,99,100,121,122,142,143,144,164,165,166,187,188,209,210,211,231,232,253,254,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +6835 - 102,103,104,124,125,126,140,141,142,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,233,234,247,248,249,250,255,256,269,270,271,277,278,291,292,298,299,300,320,321,341,342,343,363,364,365,385,386,406,407,408,428,429,430,449,450,451,471,472,473,492 +6836 - 49,50,51,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,159,160,161,181,182,203,204,205,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,280,281,282,291,292,293,294,302,303,304,313,314,315,316,324,325,326,336,337,346,347,348,367,368,369,370,389,390,391,392,410,411,412,413,425,426,430,431,432,433,434,446,447,448,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +6837 - 13,14,15,34,35,36,55,56,57,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,205,206,207,213,214,215,226,227,228,234,235,236,237,238,248,249,250,255,256,257,259,270,271,275,276,277,278,280,281,291,292,293,297,298,299,301,302,313,314,315,318,319,320,322,323,335,336,337,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,404,405,406,407,426,427,428,491 +6838 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,454,455,473,474,475,476,477,478,494 +6839 - 36,37,38,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,103,104,105,120,121,122,124,125,126,142,143,146,147,148,168,169,190,191,211,212,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,270,271,272,275,276,277,291,292,293,296,297,298,299,313,314,317,318,319,320,321,334,335,336,337,338,339,340,342,343,357,358,359,360,361,364,365,379,380,381,382,386,387,408,409,429,430,431,451,452,487 +6840 - 52,53,54,55,56,57,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,140,141,161,162,163,165,166,167,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,235,236,237,249,250,257,258,259,280,281,302,303,304,324,325,326,336,337,346,347,357,358,367,368,369,379,380,389,390,391,401,402,410,411,412,423,424,425,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +6841 - 14,15,16,36,37,38,39,57,58,59,60,61,77,78,79,80,82,83,99,100,101,104,105,120,121,122,125,126,127,147,148,169,170,190,191,192,212,213,233,234,235,254,255,256,270,271,272,275,276,277,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,333,334,335,338,339,340,341,342,355,356,357,359,360,361,362,363,364,377,378,379,380,381,382,383,385,386,387,400,401,402,403,404,407,408,409,429,430,431,487 +6842 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,149,150,161,162,163,170,171,172,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,233,234,235,236,238,239,246,247,254,255,256,257,258,268,269,275,276,277,278,279,290,291,294,295,296,297,299,300,301,312,313,314,315,316,317,318,321,322,335,336,337,338,343,344,364,365,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,494 +6843 - 81,82,83,98,99,102,103,104,105,119,120,121,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,211,212,227,228,229,232,233,234,249,250,253,254,255,275,276,277,296,297,298,318,319,320,339,340,341,361,362,363,383,384,404,405,406,425,426,427,447,448,449,468,469,470,492 +6844 - 29,30,31,32,50,51,52,53,54,71,72,73,74,75,76,93,94,95,97,98,114,115,116,118,119,120,136,137,140,141,142,162,163,164,182,183,184,185,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,253,254,255,256,257,258,278,279,280,281,302,303,304,325,326,327,347,348,349,369,370,371,381,382,390,391,392,402,403,404,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +6845 - 103,104,119,124,125,126,140,141,142,145,146,147,148,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,232,233,234,247,248,249,254,255,256,269,270,275,276,277,297,298,299,318,319,320,340,341,361,362,363,383,384,385,405,406,426,427,428,448,449,470,471,492 +6846 - 7,8,9,10,11,28,29,30,31,32,33,51,52,53,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,207,208,209,229,230,231,232,251,252,253,254,255,256,257,258,259,260,261,262,273,274,275,276,277,278,279,280,281,282,283,284,285,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,328,329,335,336,337,338,339,340,350,351,355,356,357,358,359,360,361,376,377,378,379,380,381,382,398,399,400,401,402,421,422,423,487 +6847 - 36,37,38,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,125,127,128,141,142,143,149,150,151,162,163,164,171,172,173,183,184,185,193,194,195,205,206,207,215,216,217,226,227,228,237,238,239,247,248,249,259,260,261,268,269,270,271,280,281,282,289,290,291,292,302,303,304,311,312,313,323,324,325,332,333,334,335,344,345,346,354,355,356,364,365,366,367,376,377,378,385,386,387,398,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +6848 - 32,33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,97,98,99,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,169,170,171,182,183,184,185,192,193,205,206,214,215,216,237,238,245,246,259,260,267,268,281,282,288,289,290,303,304,310,311,325,326,332,333,334,346,347,348,355,356,368,369,377,378,379,380,389,390,391,400,401,402,403,404,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +6849 - 64,65,85,86,87,106,107,108,109,121,122,123,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,187,188,190,203,204,205,206,207,226,227,228,229,230,250,251,252,253,273,274,275,295,296,297,318,319,340,341,354,362,363,376,377,383,384,385,398,399,400,401,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,449,450,467,468,469,470,490 +6850 - 95,96,97,98,99,100,116,117,118,119,120,121,122,125,126,137,138,139,140,143,144,147,148,149,159,160,165,166,167,168,169,170,171,180,181,182,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,277,278,298,299,300,320,321,322,342,343,364,365,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,494 +6851 - 36,37,38,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,401,402,403,404,423,424,425,426,444,445,446,447,486 +6852 - 58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,137,138,139,158,159,160,180,181,182,201,202,203,204,211,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,302,303,304,305,326,327,348,349,370,371,379,391,392,393,401,402,403,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,490 +6853 - 79,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,141,142,143,146,147,148,149,150,162,163,164,165,183,184,185,186,187,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,354,355,356,362,363,364,376,377,378,379,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,445,446,447,490 +6854 - 12,13,14,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,213,214,215,216,217,218,225,226,227,228,233,234,235,236,237,238,239,240,246,247,248,249,254,255,256,257,258,259,260,261,262,268,269,270,271,275,276,277,278,279,281,282,283,284,290,291,292,293,297,298,299,302,303,304,305,312,313,314,315,318,319,320,321,323,324,325,326,335,336,337,338,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +6855 - 36,37,38,57,58,59,60,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,124,125,126,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,207,208,209,210,211,212,213,234,235,236,257,258,279,280,300,301,302,321,322,323,324,332,333,343,344,345,355,356,365,366,376,377,378,384,385,386,387,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,445,446,447,448,449,488 +6856 - 30,31,32,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,116,117,121,122,123,136,137,138,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,294,295,299,300,301,302,322,323,324,325,344,345,346,347,359,366,367,368,369,380,381,382,387,388,389,390,402,403,404,405,406,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,488 +6857 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,123,124,125,126,127,128,129,135,136,137,138,139,140,141,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,192,193,194,195,196,199,200,201,202,203,204,205,206,214,215,216,217,218,221,222,223,224,225,226,227,228,236,237,238,239,240,243,244,245,246,247,248,249,250,258,259,260,261,262,265,266,267,268,269,270,271,280,281,282,283,284,288,289,290,291,292,293,294,302,303,304,305,306,311,312,313,314,315,316,323,324,325,326,327,334,335,336,337,338,339,345,346,347,348,356,357,358,359,360,361,366,367,368,369,370,379,380,381,382,383,384,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +6858 - 51,52,53,54,55,73,74,75,76,77,78,79,80,95,96,99,100,101,102,103,123,124,125,146,147,148,168,169,170,190,191,210,211,212,213,231,232,233,234,252,253,254,274,275,296,297,318,319,320,340,341,342,362,363,364,383,384,385,386,403,404,405,406,407,408,423,424,425,426,444,445,446,465,466,467,488 +6859 - 30,31,32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,146,162,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,486 +6860 - 27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,100,101,102,103,104,105,112,113,114,115,116,123,124,125,126,127,134,135,136,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,290,291,292,293,294,295,296,311,312,313,314,315,332,333,334,335,336,337,354,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,451,452,453,454,455,456,457,458,459,487 +6861 - 91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,137,143,144,145,146,147,166,167,168,169,170,188,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,257,274,275,276,277,278,279,280,281,282,283,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,377,378,379,380,381,382,487 +6862 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,144,145,146,166,167,168,189,190,211,212,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,492 +6863 - 97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,145,146,147,148,149,154,155,156,157,158,159,160,167,168,169,170,171,176,177,178,179,180,189,190,191,192,193,198,199,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,370,384,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,470,471,488 +6864 - 55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,295,296,297,318,319,340,341,362,363,384,385,406,407,428,429,450,451,471,472,473,486 +6865 - 70,71,72,73,74,82,83,84,92,93,94,95,96,101,102,103,104,105,106,114,115,116,117,118,119,122,123,124,125,126,127,136,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,163,166,167,168,169,170,180,181,182,183,184,187,188,189,190,191,192,201,202,203,204,205,206,209,210,211,212,213,214,223,224,225,226,227,228,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,303,304,305,306,307,310,311,312,313,314,315,318,319,320,321,322,323,332,333,334,335,336,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,452,453,489 +6866 - 88,89,110,111,112,113,114,115,116,132,133,134,135,136,137,138,139,140,141,142,143,144,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,210,211,212,213,214,215,216,236,237,238,258,259,260,280,281,282,301,302,303,322,323,324,325,344,345,346,365,366,367,387,388,389,409,410,411,430,431,432,452,453,454,474,475,476,477,492 +6867 - 128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,174,183,184,185,186,187,204,205,206,207,225,226,227,228,229,247,248,249,250,251,270,271,272,273,274,275,294,295,296,297,298,299,318,319,320,321,322,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,403,404,405,490 +6868 - 62,63,73,74,75,76,84,85,94,95,96,97,98,99,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,142,143,144,145,146,147,148,149,158,159,160,161,165,166,167,168,169,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,224,225,226,227,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,323,324,325,345,346,347,366,367,368,369,379,380,388,389,390,401,402,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +6869 - 9,10,11,12,13,30,31,32,33,34,52,53,54,55,56,67,74,75,76,77,78,89,96,97,98,99,117,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,186,204,205,206,207,208,226,227,228,229,230,248,249,250,251,252,254,255,256,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,324,325,326,327,336,337,338,339,340,341,345,346,347,348,349,358,359,360,361,362,363,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,491 +6870 - 32,33,34,35,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,432,449,450,451,452,453,486 +6871 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,492 +6872 - 78,79,100,101,102,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,165,166,168,169,170,171,172,179,180,181,182,190,191,192,193,194,200,201,202,203,212,213,214,215,216,222,223,224,225,234,235,236,237,238,244,245,246,247,256,257,258,259,266,267,268,269,270,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,344,345,346,366,367,368,388,389,390,410,411,412,413,432,433,434,435,455,456,457,478,479,494 +6873 - 51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,138,148,149,150,151,152,153,156,157,158,159,160,170,171,172,173,174,175,178,179,180,181,182,183,191,192,193,194,195,201,202,203,204,205,206,211,212,213,214,215,216,224,225,226,227,228,229,230,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +6874 - 35,36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,247,248,249,250,251,252,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,320,321,322,323,324,336,337,338,344,345,346,347,358,359,360,367,368,369,381,382,383,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,491 +6875 - 53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,148,149,150,151,152,158,159,160,161,162,163,164,165,170,171,172,173,174,180,181,182,183,184,185,186,192,193,194,195,196,197,203,204,205,206,207,215,216,217,218,219,224,225,226,227,228,229,237,238,239,240,246,247,248,249,250,251,259,260,261,262,267,268,269,270,271,272,280,281,282,283,284,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,323,324,325,326,333,334,335,336,344,345,346,347,348,354,355,356,357,358,364,365,366,367,368,376,377,378,379,380,385,386,387,388,389,398,399,400,401,402,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,485 +6876 - 14,15,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,206,207,208,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,300,301,315,316,317,321,322,323,337,338,342,343,344,359,360,361,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +6877 - 56,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,486 +6878 - 70,90,91,92,93,94,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,221,222,223,224,225,232,233,234,235,236,237,244,245,246,247,253,254,255,256,257,258,259,260,261,262,266,267,268,269,274,275,276,277,278,279,280,281,282,283,284,289,290,296,297,298,299,300,301,302,303,304,305,306,318,319,320,321,322,323,324,325,326,327,328,340,341,342,343,344,345,346,347,348,349,363,364,365,366,367,368,369,388,389,390,391,410,411,412,413,414,415,432,433,434,435,436,437,454,455,456,457,477,478,492 +6879 - 75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,143,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,458,470,471,472,479,480,481,489 +6880 - 56,57,58,59,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,449,450,451,471,472,473,486 +6881 - 83,84,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,148,149,150,151,155,156,157,158,159,160,161,162,168,169,170,171,172,173,177,178,179,180,181,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +6882 - 97,98,101,103,104,105,111,112,113,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,221,222,233,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,303,320,321,322,323,324,325,341,342,343,344,345,346,347,363,364,365,366,367,368,384,385,386,387,388,389,406,407,408,409,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,476,492 +6883 - 77,78,79,80,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,127,128,129,130,131,139,140,141,142,143,144,145,146,150,151,152,153,161,162,163,164,165,168,172,173,174,175,182,183,184,185,186,194,195,196,197,202,203,204,205,206,207,208,216,217,218,219,224,225,226,227,228,229,230,237,238,239,240,241,245,246,247,248,249,250,251,252,259,260,261,262,267,268,269,270,272,273,274,275,280,281,282,283,284,288,289,290,291,292,296,297,298,301,302,303,304,305,310,311,312,313,321,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,357,358,363,364,365,366,367,376,377,378,379,380,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,445,446,447,485 +6884 - 52,53,57,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,137,138,139,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,235,236,237,238,258,259,260,281,282,303,304,325,326,330,331,346,347,348,352,353,354,355,367,368,369,370,374,375,376,377,378,379,380,381,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,490 +6885 - 56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,486 +6886 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,160,161,162,163,164,169,170,171,181,182,183,184,190,191,192,202,203,204,211,212,213,214,224,225,226,233,234,235,236,246,247,248,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +6887 - 74,75,76,77,78,96,97,98,99,100,103,117,118,119,120,121,125,126,127,128,129,139,140,141,142,143,147,148,149,150,151,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,223,224,225,226,227,228,229,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,297,298,299,300,301,302,311,312,313,314,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,489 +6888 - 53,54,55,56,57,58,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,124,125,126,127,128,140,141,142,149,161,162,163,183,184,185,204,205,206,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,301,302,322,323,324,325,344,345,346,347,364,365,366,367,368,385,386,387,388,389,405,406,407,408,409,410,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,465,466,467,468,469,470,490 +6889 - 98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,169,170,171,172,173,174,180,181,182,183,184,185,186,191,192,193,194,195,201,202,203,204,205,206,207,212,213,214,215,216,222,223,224,225,226,227,228,233,234,235,236,237,238,243,244,245,246,247,248,249,254,255,256,257,258,259,265,266,267,268,269,270,276,277,278,279,280,287,288,289,290,291,297,298,299,300,301,302,310,311,312,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,471,472,473,492 +6890 - 26,27,48,49,50,61,62,70,71,72,83,84,92,93,94,105,106,114,115,116,127,128,136,137,138,148,149,150,158,159,160,170,171,172,180,181,182,192,193,194,202,203,204,214,215,216,223,224,225,226,236,237,240,241,245,246,247,257,258,259,261,262,263,267,268,269,277,278,279,280,281,282,283,284,290,291,292,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,344,345,346,359,360,366,367,368,388,389,390,411,412,433,434,455,456,489 +6891 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,146,147,148,149,150,151,160,161,162,163,164,167,168,169,170,171,172,173,182,183,184,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,493 +6892 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,95,99,100,101,115,116,117,121,122,123,143,144,145,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,258,271,278,279,280,281,301,302,303,304,324,325,326,347,348,357,367,368,369,370,379,380,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,414,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +6893 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,128,138,139,140,141,142,147,148,149,150,151,160,161,162,163,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,251,252,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,494 +6894 - 29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,100,101,102,103,122,123,124,125,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,236,237,238,239,247,248,258,259,260,261,281,282,283,303,304,305,306,312,313,325,326,327,334,335,346,347,348,349,355,356,357,368,369,370,371,377,378,379,380,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,488 +6895 - 9,10,11,12,31,32,33,34,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,271,272,273,279,280,281,282,293,294,295,296,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,491 +6896 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,104,105,116,117,118,126,127,138,139,148,149,160,161,170,171,182,183,192,193,204,205,213,214,226,227,233,234,235,236,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,301,302,316,317,324,337,338,346,347,359,360,368,369,381,382,389,390,403,404,411,412,425,426,427,431,432,433,448,449,450,451,452,453,454,471,472,473,474,493 +6897 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,106,115,116,117,118,119,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,164,165,166,167,168,169,170,171,181,182,183,186,187,188,189,190,191,192,203,204,205,207,208,209,210,211,214,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,270,271,272,273,274,275,293,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,345,359,360,361,362,364,365,366,367,368,369,381,382,383,384,385,388,389,390,391,403,404,405,406,407,410,411,412,413,426,427,428,429,430,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +6898 - 24,25,26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,98,99,100,117,118,119,120,121,122,123,139,140,141,142,143,144,145,162,163,164,165,166,167,185,186,187,188,189,190,191,209,210,211,212,213,214,234,235,236,237,257,258,259,260,281,282,283,303,304,305,312,313,314,326,327,334,335,336,337,338,348,349,357,358,359,360,361,362,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,437,454,455,456,457,458,459,488 +6899 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,80,81,82,83,95,96,97,98,102,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,320,321,322,323,324,325,326,327,333,334,335,336,337,342,343,344,354,355,356,357,358,362,363,364,365,376,377,378,379,383,384,385,386,387,398,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,487 +6900 - 56,57,58,59,78,79,80,81,82,100,101,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,486 +6901 - 74,75,76,77,96,97,98,99,101,102,103,104,118,119,120,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,167,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,298,299,300,301,302,313,314,315,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,489 +6902 - 93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +6903 - 12,13,14,33,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,302,315,316,317,318,321,322,323,337,338,339,340,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,491 +6904 - 32,33,34,35,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,103,120,121,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,297,298,299,319,320,321,340,341,342,343,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,488 +6905 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,106,107,117,118,119,120,121,122,138,139,140,141,142,149,150,151,152,160,161,162,163,170,171,172,173,174,181,182,183,184,189,190,191,192,193,194,195,196,203,204,205,211,212,213,214,215,216,217,224,225,226,232,233,234,235,236,237,246,247,248,249,254,255,256,257,258,268,269,270,271,274,275,276,277,278,290,291,292,293,295,296,297,298,299,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,493 +6906 - 70,71,72,73,74,75,76,88,89,90,91,92,93,94,95,96,97,98,99,110,111,112,113,114,115,116,117,118,119,120,121,132,133,134,135,141,142,143,154,155,162,163,164,165,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,255,256,257,258,259,260,279,280,281,282,302,303,304,305,325,326,327,347,348,349,368,369,370,371,382,383,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,488 +6907 - 34,35,36,37,38,54,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,209,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,424,425,426,446,447,448,491 +6908 - 91,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,163,166,167,168,169,170,190,191,192,193,211,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +6909 - 12,13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,230,248,249,250,251,258,270,271,272,273,277,278,279,280,281,292,293,294,295,298,299,300,301,302,303,314,315,316,317,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,382,383,384,385,386,405,406,407,408,409,410,427,428,429,430,431,491 +6910 - 9,10,11,12,31,32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,97,98,100,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,487 +6911 - 98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,168,169,170,171,172,176,177,178,179,180,181,182,189,190,191,192,193,194,198,199,200,201,202,203,211,212,213,214,215,216,221,222,223,233,234,235,236,237,254,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +6912 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,95,96,97,103,104,105,118,119,120,124,125,126,144,145,146,147,148,165,166,167,168,185,186,187,188,189,206,207,208,209,227,228,229,230,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,295,296,297,298,302,303,324,325,345,346,347,366,367,368,385,386,387,388,389,405,406,407,408,409,410,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,463,464,465,466,467,468,469,488 +6913 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,486 +6914 - 74,75,76,77,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,148,149,150,161,162,163,170,171,172,183,184,185,191,192,193,204,205,206,212,213,214,215,226,227,228,234,235,236,247,248,249,255,256,257,258,269,270,271,277,278,279,292,293,294,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,344,361,362,363,364,365,366,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,492 +6915 - 98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,169,170,171,172,179,180,181,182,183,190,191,192,193,200,201,202,203,204,211,212,213,214,215,222,223,224,225,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +6916 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,102,119,120,129,140,141,142,149,150,151,161,162,163,164,170,171,172,183,184,185,186,190,191,192,193,205,206,207,208,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,449,450,451,452,493 +6917 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,169,170,171,172,173,174,175,180,181,182,183,184,185,186,193,194,195,196,203,204,205,206,207,208,209,215,216,217,218,225,226,227,228,229,237,238,239,240,247,248,249,250,259,260,261,262,268,269,270,271,272,280,281,282,283,290,291,292,293,294,301,302,303,304,305,312,313,314,315,316,323,324,325,326,334,335,336,337,338,344,345,346,347,348,356,357,358,359,365,366,367,368,369,378,379,380,381,382,386,387,388,389,390,400,401,402,403,404,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +6918 - 115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,171,176,177,178,192,193,198,199,214,215,220,221,235,236,237,242,243,257,258,259,264,265,277,278,279,280,281,286,287,288,289,295,296,297,298,299,300,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,324,325,334,335,336,337,338,339,340,346,347,368,369,390,391,412,413,414,434,435,436,456,457,458,479,480,481,494 +6919 - 31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,122,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,299,300,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,487 +6920 - 11,12,13,14,34,35,36,37,38,57,58,59,60,78,79,80,81,82,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,212,213,214,215,236,237,238,258,259,260,280,281,282,302,303,304,311,312,323,324,325,326,333,334,343,344,345,346,347,354,355,356,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,488 +6921 - 47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,116,117,119,120,121,122,123,124,128,143,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,270,271,272,273,274,290,291,292,293,294,295,311,312,313,314,315,316,317,318,319,320,321,322,323,324,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,390,391,392,393,394,395,487 +6922 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,124,125,139,140,141,142,146,147,161,162,163,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,232,233,234,235,236,247,248,249,254,255,256,257,269,270,271,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,471,472,473,474,494 +6923 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,126,127,128,129,130,131,138,139,140,141,142,143,144,149,150,151,152,159,160,161,162,163,164,165,171,172,173,174,180,181,182,183,184,185,188,193,194,195,196,202,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,250,259,260,261,262,268,269,270,271,272,273,280,281,282,283,290,291,292,293,294,295,301,302,303,304,305,312,313,314,315,316,322,323,324,325,326,334,335,336,337,338,343,344,345,346,347,356,357,358,359,364,365,366,367,368,378,379,380,381,382,385,386,387,388,400,401,402,403,404,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,468,469,470,471,485 +6924 - 56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,187,188,189,204,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,360,361,363,364,365,366,382,383,384,386,387,388,404,405,406,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +6925 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,486 +6926 - 52,53,54,55,74,75,76,77,96,97,98,99,119,120,121,141,142,143,163,164,165,186,187,188,208,209,210,230,231,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,428,429,430,450,451,472,473,486 +6927 - 13,14,15,16,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,235,236,237,238,239,247,248,249,250,251,257,258,259,260,261,268,269,270,271,272,279,280,281,282,283,290,291,292,293,294,301,302,303,304,305,312,313,314,315,316,322,323,324,325,326,334,335,336,337,338,343,344,345,346,347,356,357,358,359,360,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,433,491 +6928 - 30,31,32,33,34,35,55,56,57,58,59,60,78,79,80,81,82,83,84,103,104,105,106,107,117,118,119,120,126,127,128,129,130,138,139,140,141,142,149,150,151,152,159,160,161,162,163,172,173,174,180,181,182,183,194,195,196,197,202,203,204,216,217,218,219,223,224,225,226,238,239,240,245,246,247,259,260,261,262,267,268,269,281,282,283,288,289,290,291,303,304,305,310,311,312,313,324,325,326,333,334,335,345,346,347,348,355,356,357,366,367,368,369,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +6929 - 101,102,103,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,164,165,166,167,168,169,186,187,188,189,207,208,209,210,229,230,231,232,250,251,252,253,272,273,274,275,276,294,295,296,297,298,318,319,320,321,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,490 +6930 - 11,12,13,14,32,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,140,141,142,161,162,163,183,184,185,205,206,207,209,210,211,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,301,302,316,317,323,324,338,339,340,345,346,361,362,366,367,368,369,383,384,385,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,491 +6931 - 30,31,32,55,56,57,58,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,486 +6932 - 115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,180,181,189,190,191,211,212,213,233,234,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,453,472,473,474,475,492 +6933 - 72,73,74,75,76,94,95,96,97,98,99,100,117,118,119,120,121,122,123,140,141,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,348,350,351,354,355,356,357,487 +6934 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,169,170,171,178,179,180,181,182,192,193,194,195,196,199,200,201,202,203,213,214,215,216,217,218,221,222,223,224,235,236,237,238,239,240,243,244,245,246,257,258,259,260,261,265,266,267,278,279,280,281,282,283,287,288,289,299,300,301,303,304,305,310,311,312,319,320,321,322,325,326,333,334,335,336,337,338,339,340,341,342,343,346,347,348,356,357,358,359,360,361,362,363,368,369,370,381,390,391,412,413,434,435,456,457,479,480,494 +6935 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,104,105,106,107,108,109,116,117,118,119,120,121,122,124,127,128,129,130,131,138,139,140,141,142,143,150,151,152,153,159,160,161,162,163,164,165,172,173,174,175,181,182,183,184,185,186,187,194,195,196,197,203,204,205,206,207,208,216,217,218,219,224,225,226,227,228,238,239,240,241,246,247,248,249,260,261,262,268,269,270,271,272,282,283,284,290,291,292,293,294,295,296,297,303,304,305,306,312,313,314,315,316,317,324,325,326,327,333,334,335,336,337,345,346,347,348,355,356,357,358,366,367,368,369,377,378,379,380,386,387,388,389,390,399,400,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +6936 - 81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,274,275,276,277,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,402,403,407,408,409,410,425,426,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,490 +6937 - 33,34,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,279,282,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,396,397,398,399,400,401,402,418,419,420,421,487 +6938 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,126,127,128,139,140,141,148,149,150,162,163,164,170,171,172,184,185,186,187,191,192,193,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,269,270,271,272,275,276,277,278,291,292,293,294,298,299,300,312,313,314,315,321,322,323,333,334,335,336,343,344,345,355,356,357,366,367,368,377,378,379,388,389,390,399,400,401,402,409,410,411,422,423,424,425,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +6939 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,100,101,102,103,104,105,106,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,277,278,279,280,287,299,300,301,302,321,322,323,324,333,334,342,343,344,345,346,354,355,356,357,363,364,365,366,367,376,377,378,379,380,381,382,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +6940 - 32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,103,104,105,117,118,119,120,124,125,126,127,128,139,140,141,142,144,145,146,147,148,149,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,254,255,256,257,269,270,271,272,273,277,278,279,291,292,293,294,295,300,301,302,313,314,315,316,322,323,324,325,335,336,337,344,345,346,347,357,358,359,366,367,368,369,379,380,381,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +6941 - 73,74,75,82,83,84,85,94,95,96,97,98,104,105,106,107,116,117,118,119,125,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,234,235,236,237,238,245,246,247,248,249,256,257,258,259,260,267,268,269,270,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,431,432,433,452,453,454,455,474,475,476,489 +6942 - 31,32,52,53,54,55,56,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,123,124,125,140,141,142,147,163,164,185,186,187,196,197,208,209,210,214,215,216,217,218,219,230,231,232,233,234,235,236,237,238,239,240,241,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,298,299,300,311,312,313,321,322,333,334,335,343,344,345,355,356,357,358,366,367,378,379,380,381,382,383,388,389,401,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,452,493 +6943 - 78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,169,170,171,172,173,174,175,180,181,182,183,184,185,186,189,190,191,192,193,202,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,291,292,293,294,295,296,313,314,315,316,317,318,334,335,336,337,338,339,340,341,356,357,358,359,361,362,363,377,378,379,380,381,384,385,386,399,400,401,402,403,406,407,408,421,422,423,424,425,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +6944 - 53,54,55,56,57,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,144,145,146,147,148,168,169,170,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,298,299,300,301,302,303,304,305,306,311,312,313,320,321,322,323,333,334,335,336,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,425,426,427,428,487 +6945 - 28,29,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,100,101,102,103,104,124,125,126,127,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,278,279,280,301,302,303,304,308,309,310,311,312,313,324,325,326,330,331,332,333,334,335,336,337,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,488 +6946 - 60,61,62,63,80,81,82,83,84,85,102,103,104,105,106,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,380,381,382,383,402,403,404,424,425,426,427,446,447,448,449,468,469,470,471,472,473,486 +6947 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,144,145,146,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,268,269,270,271,276,277,278,279,290,291,292,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,492 +6948 - 27,28,29,30,31,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,91,92,93,94,97,98,99,100,101,113,114,115,120,121,122,123,135,136,137,143,144,145,146,157,158,159,166,167,168,180,188,189,190,191,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,321,322,323,324,325,326,327,328,329,335,336,337,338,343,344,345,349,350,351,357,358,359,360,365,366,367,372,373,380,381,382,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,487 +6949 - 73,74,75,76,82,94,95,96,97,98,102,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,146,147,148,149,159,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,473,489 +6950 - 80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,187,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,233,234,235,246,247,254,255,256,267,268,269,275,276,277,278,289,290,291,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,344,364,365,366,386,387,408,409,430,431,452,453,474,475,494 +6951 - 34,35,36,55,56,57,58,77,78,79,80,100,101,102,122,123,124,139,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,447,448,449,486 +6952 - 59,60,61,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,158,159,160,161,162,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,206,211,212,213,214,225,226,227,228,229,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,318,319,320,321,322,323,340,341,342,343,344,345,346,361,362,363,364,366,367,368,382,383,384,385,388,389,390,391,403,404,405,406,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +6953 - 92,93,94,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,148,149,150,151,156,157,158,159,160,170,171,172,173,179,180,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,467,468,469,470,471,492 +6954 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,98,99,100,101,120,121,122,141,142,143,163,164,184,185,186,206,207,227,228,229,249,250,251,255,256,271,272,276,277,278,279,280,292,293,294,298,299,300,301,302,303,314,315,316,320,321,323,324,325,336,337,338,345,346,347,358,359,360,367,368,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +6955 - 72,73,74,75,82,83,84,94,95,96,97,103,104,105,106,116,117,118,119,124,125,126,127,128,138,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,320,321,322,323,333,334,335,336,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,472,473,474,475,489 +6956 - 70,71,72,73,74,75,92,93,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,166,167,168,169,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +6957 - 57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,127,128,129,130,138,139,140,141,142,148,149,150,151,152,160,161,162,169,170,171,172,173,174,182,183,184,190,191,192,193,194,195,204,205,206,207,210,211,212,213,214,215,216,226,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,363,364,365,377,378,379,380,385,386,387,399,400,401,402,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,493 +6958 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,99,101,102,103,117,118,123,124,125,126,139,140,145,146,147,148,149,160,161,162,168,169,170,171,172,182,183,191,192,193,194,204,205,214,215,216,225,226,227,237,238,239,247,248,249,260,261,269,270,271,281,282,283,291,292,303,304,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,386,387,388,389,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +6959 - 32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,99,100,104,105,106,107,125,126,127,128,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,193,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,321,322,323,343,344,345,346,354,355,356,357,358,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +6960 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,94,95,96,97,99,100,101,102,103,115,116,117,118,122,123,124,125,126,137,138,139,145,146,147,148,149,158,159,160,161,168,169,170,171,172,180,181,182,191,192,193,194,202,203,204,214,215,216,223,224,225,226,237,238,239,245,246,247,259,260,261,267,268,269,281,282,283,289,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,368,369,370,378,379,380,381,382,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +6961 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,149,159,160,161,162,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,205,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,293,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,471,472,473,474,494 +6962 - 32,33,34,35,52,53,54,55,56,57,58,74,75,76,77,78,79,80,96,101,102,103,118,119,123,124,139,140,141,145,146,160,161,162,166,167,168,182,183,184,188,189,204,205,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,280,281,296,297,298,302,303,317,318,319,323,324,325,339,340,341,345,346,347,361,362,363,365,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,493 +6963 - 10,11,12,13,14,15,32,33,34,35,36,53,54,55,56,75,76,77,78,96,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,252,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +6964 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,182,183,184,185,188,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,231,232,233,234,235,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,494 +6965 - 71,72,73,74,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,167,168,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,223,224,225,226,227,234,235,236,237,245,246,247,248,249,255,256,257,258,259,266,267,268,269,270,277,278,279,280,288,289,290,291,292,298,299,300,301,302,310,311,312,313,314,320,321,322,323,324,333,334,335,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,450,451,452,453,454,473,474,475,476,492 +6966 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,100,101,102,103,114,115,116,123,124,125,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,271,272,273,274,275,276,277,294,295,296,297,298,299,300,319,320,321,322,323,324,335,336,342,343,344,345,346,347,357,358,366,367,368,369,379,380,381,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,488 +6967 - 75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,189,193,194,195,196,201,202,203,204,205,206,207,209,210,211,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,258,259,260,261,268,269,270,271,272,279,280,281,282,283,289,290,291,292,293,294,301,302,303,304,305,311,312,313,314,315,323,324,325,326,333,334,335,336,337,344,345,346,347,348,355,356,357,358,359,365,366,367,368,369,377,378,379,380,381,386,387,388,389,390,399,400,401,402,403,407,408,409,410,411,412,421,422,423,424,425,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,485 +6968 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,171,172,173,174,175,178,179,180,181,182,183,184,185,186,193,194,195,196,197,201,202,203,204,205,206,207,215,216,217,218,219,224,225,226,227,228,237,238,239,240,241,245,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,279,280,281,282,283,289,290,291,292,300,301,302,303,304,305,310,311,312,313,314,321,322,323,324,325,326,332,333,334,335,336,342,343,344,345,346,347,354,355,356,357,358,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,472,485 +6969 - 77,78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,161,162,163,164,165,170,171,183,184,185,186,190,191,192,204,205,206,207,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +6970 - 27,28,29,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,168,169,170,171,172,181,182,183,184,185,186,187,191,192,193,194,202,203,204,205,206,207,208,209,214,215,216,217,224,225,226,227,228,229,230,236,237,238,239,245,246,247,248,249,250,251,252,253,258,259,260,261,268,269,270,271,272,273,274,275,276,277,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,319,320,321,322,323,324,325,326,327,335,336,337,338,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,485 +6971 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,249,250,251,252,255,256,257,258,259,271,272,273,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,491 +6972 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,142,143,144,145,146,147,148,149,158,159,160,161,162,167,168,169,170,171,172,180,181,182,183,184,193,194,202,203,204,205,206,207,215,216,224,225,226,227,228,229,238,246,247,248,249,250,260,261,268,269,270,271,282,283,290,291,292,293,303,304,305,313,314,315,325,326,327,335,336,337,347,348,349,358,359,360,369,370,371,380,381,382,383,390,391,392,402,403,404,405,406,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,485 +6973 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,147,148,149,150,151,158,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,186,187,191,192,193,194,195,202,203,204,205,206,207,208,213,214,215,216,217,224,225,226,227,228,229,230,234,235,236,237,238,239,247,248,249,250,251,252,256,257,258,259,260,269,270,271,272,273,274,277,278,279,280,281,282,291,292,293,294,295,298,299,300,301,302,303,312,313,314,315,316,317,320,321,322,323,324,325,334,335,336,337,338,341,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,485 +6974 - 10,11,12,13,33,34,35,55,56,57,58,78,79,80,100,101,102,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,269,270,271,272,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,402,403,404,405,406,487 +6975 - 11,12,13,14,33,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,163,164,165,185,186,187,206,207,208,209,228,229,230,231,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,403,404,405,406,407,426,427,428,429,491 +6976 - 29,30,31,32,33,34,51,52,53,54,55,56,73,74,75,78,95,96,97,99,100,118,119,121,122,140,141,142,143,144,163,164,165,166,185,186,187,207,208,209,210,229,230,231,232,233,250,251,252,253,254,255,256,272,273,276,277,278,294,295,299,300,301,316,317,322,323,324,337,338,339,344,345,346,359,360,367,368,381,382,388,389,390,403,404,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +6977 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,486 +6978 - 85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,173,183,184,185,204,205,206,226,227,228,248,249,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,311,315,319,320,321,322,332,333,342,343,344,354,355,365,366,367,376,377,387,388,389,398,399,400,401,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +6979 - 75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,128,129,130,131,138,139,140,141,142,143,144,145,146,147,151,152,153,159,160,161,162,163,164,165,166,167,168,169,173,174,175,180,181,182,183,184,185,186,187,188,189,195,196,197,202,203,204,205,206,207,208,209,210,217,218,219,224,225,226,227,228,229,230,231,238,239,240,241,246,247,248,249,250,251,252,260,261,262,263,269,270,271,272,273,281,282,283,284,291,292,293,294,295,296,297,298,299,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,343,344,345,346,347,356,357,358,359,364,365,366,367,368,369,378,379,380,381,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +6980 - 27,28,29,30,31,32,33,34,35,36,37,49,50,51,52,57,58,71,72,73,93,94,95,115,116,117,120,121,122,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,191,192,203,204,205,206,214,215,226,227,228,236,237,238,259,260,282,283,304,305,327,349,350,371,372,380,381,392,393,394,402,403,404,405,406,407,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,490 +6981 - 57,58,59,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,163,164,165,185,186,187,207,208,209,228,229,230,231,232,251,252,253,254,274,275,276,277,289,296,297,298,299,310,311,312,320,321,322,332,333,334,335,342,343,344,354,355,356,357,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,490 +6982 - 10,11,12,13,31,32,33,34,35,53,54,55,56,57,74,75,76,77,78,95,96,97,98,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,225,226,227,246,247,248,253,254,255,256,257,258,268,269,270,275,276,277,278,279,280,281,290,291,292,297,298,299,300,301,302,303,304,312,313,314,315,319,320,321,322,323,324,325,326,335,336,337,338,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +6983 - 121,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,192,193,194,195,196,197,206,207,208,209,227,228,229,230,249,250,251,252,271,272,273,292,293,294,314,315,316,317,334,336,337,338,339,340,356,357,358,359,360,361,362,363,378,379,380,381,383,384,385,401,402,403,404,405,406,424,425,426,427,428,490 +6984 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,103,104,116,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,255,256,257,258,270,271,272,273,277,278,279,280,292,293,294,295,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,390,405,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +6985 - 54,55,56,57,58,59,60,77,78,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +6986 - 91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,165,166,167,168,169,170,178,179,189,190,191,192,193,212,213,214,215,235,236,237,257,258,259,279,280,281,300,301,302,303,322,323,324,343,344,345,346,364,365,366,367,386,387,388,407,408,409,428,429,430,450,451,452,471,472,473,492 +6987 - 30,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,124,125,126,127,128,129,137,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,195,203,204,205,206,213,214,215,216,217,225,226,227,234,235,236,237,238,239,245,246,247,248,249,256,257,258,259,260,261,267,268,269,270,271,277,278,279,280,281,282,283,289,290,291,292,293,298,299,300,301,302,303,304,310,311,312,313,314,319,320,321,322,323,324,325,332,333,334,335,336,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +6988 - 31,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,117,118,119,138,139,140,160,161,162,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,256,257,258,259,260,280,281,282,302,303,304,324,325,326,338,346,347,359,360,367,368,369,381,382,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,490 +6989 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,383,384,385,404,405,406,426,427,428,448,449,450,470,471,486 +6990 - 79,80,94,95,96,100,101,102,115,116,117,118,122,123,124,137,138,139,140,144,145,146,159,160,161,162,166,167,168,181,182,183,188,189,190,202,203,204,205,206,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,489 +6991 - 55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,162,163,164,165,166,169,170,171,172,183,184,185,186,187,188,189,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,279,280,281,290,291,292,293,294,300,301,302,303,312,313,314,315,321,322,323,324,325,334,335,336,337,343,344,345,346,356,357,358,364,365,366,367,377,378,379,380,385,386,387,388,389,399,400,401,402,406,407,408,409,410,421,422,423,424,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,485 +6992 - 6,7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,37,50,51,52,54,55,56,57,58,59,60,80,81,82,103,104,105,124,125,126,146,147,148,167,168,169,170,188,189,190,191,210,211,212,230,231,232,233,252,253,254,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,421,422,423,424,425,426,487 +6993 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,161,162,163,164,169,170,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,337,338,339,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,494 +6994 - 72,73,74,75,84,92,93,94,95,96,97,104,105,106,107,114,115,116,117,118,119,120,124,125,126,127,128,129,130,135,136,137,138,139,144,145,146,147,148,149,150,151,157,158,159,160,166,167,168,169,170,171,172,179,180,181,182,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,342,343,344,345,360,361,362,364,365,366,367,382,383,384,386,387,388,389,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +6995 - 79,80,81,82,95,97,101,102,103,104,116,117,118,119,120,123,124,125,126,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,224,225,226,227,228,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,489 +6996 - 56,57,78,79,100,101,121,122,123,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,231,232,233,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,313,314,315,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +6997 - 99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,184,185,186,187,188,206,207,208,209,227,228,229,230,249,250,251,271,272,273,274,275,294,295,296,297,298,318,319,320,321,322,333,334,342,343,344,345,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,490 +6998 - 34,35,36,56,57,58,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,386,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,486 +6999 - 75,76,77,78,79,80,88,95,96,97,98,99,100,101,102,103,110,111,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,146,147,148,158,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,215,224,225,226,227,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,317,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,475,494 +7000 - 30,31,32,52,53,54,57,58,74,75,76,79,80,81,95,96,97,100,101,102,103,117,118,119,122,123,124,125,139,140,141,144,145,146,161,162,166,167,168,183,184,185,188,189,190,205,206,207,209,210,211,227,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,301,317,318,319,321,322,323,324,339,340,344,345,346,361,362,363,366,367,368,383,384,385,389,390,406,407,408,409,410,411,412,428,429,430,431,432,433,434,451,452,453,454,455,493 +7001 - 90,91,92,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,191,192,193,194,195,198,199,200,201,213,214,215,216,221,234,235,236,237,238,255,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +7002 - 69,70,83,84,85,90,91,92,93,105,106,107,112,113,114,115,116,126,127,128,133,134,135,137,148,149,150,155,156,157,170,171,172,177,178,179,191,192,193,194,199,200,201,213,214,215,222,223,224,235,236,237,244,245,246,247,257,258,259,267,268,269,270,271,272,273,274,275,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,478,479,480,489 +7003 - 57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,127,128,129,130,131,139,140,141,142,143,144,145,149,150,151,152,153,160,161,162,163,164,165,166,167,171,172,173,174,182,183,184,185,186,187,188,189,193,194,195,196,204,205,206,207,208,209,210,214,215,216,217,218,225,226,227,228,229,230,231,236,237,238,239,247,248,249,250,257,258,259,260,261,268,269,270,271,279,280,281,282,289,290,291,292,293,300,301,302,303,311,312,313,314,315,320,321,322,323,324,332,333,334,335,336,341,342,343,344,345,354,355,356,357,358,362,363,364,365,366,376,377,378,379,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,464,465,466,467,468,469,485 +7004 - 51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,126,137,138,139,140,146,147,148,149,159,160,161,162,169,170,171,181,182,183,184,191,192,193,194,203,204,205,213,214,215,216,225,226,227,235,236,237,238,247,248,249,257,258,259,260,269,270,271,279,280,281,291,292,293,301,302,303,313,314,315,322,323,324,325,335,336,337,344,345,346,347,357,358,359,365,366,367,368,369,379,380,381,382,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +7005 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,211,212,213,214,215,216,233,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,487 +7006 - 74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,122,123,139,140,141,142,143,144,145,146,161,162,163,165,166,167,168,183,184,185,188,189,190,191,206,207,208,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,297,298,300,301,302,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,411,428,429,430,431,432,447,449,450,451,452,453,469,470,471,472,473,494 +7007 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +7008 - 7,8,9,10,11,28,29,30,31,32,33,50,51,52,53,54,71,72,73,74,75,93,94,95,96,114,115,116,117,118,136,137,138,139,140,157,158,159,160,161,179,180,181,182,183,201,202,203,204,205,223,224,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,491 +7009 - 74,75,76,77,96,97,98,99,102,103,104,117,118,119,120,121,123,124,125,126,139,140,141,142,145,146,147,148,160,161,162,163,164,168,169,170,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +7010 - 91,92,112,113,114,115,133,134,135,136,137,138,149,150,155,156,157,158,159,160,170,171,172,177,178,179,180,181,182,183,184,191,192,193,194,199,200,201,203,204,205,206,207,208,209,210,211,212,213,214,215,221,222,226,227,228,229,230,231,232,233,234,235,236,237,243,244,249,250,251,252,253,254,255,256,257,258,259,261,262,265,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,345,346,347,367,368,389,390,391,411,412,413,433,434,435,456,457,478,479,492 +7011 - 75,76,77,78,97,98,99,103,104,105,118,119,120,121,124,125,126,127,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,253,254,255,256,257,258,259,275,276,277,278,279,296,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,447,448,468,469,470,489 +7012 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,104,105,106,119,120,121,122,123,126,127,128,129,140,141,142,143,148,149,150,151,162,163,164,165,171,172,173,183,184,185,186,193,194,195,205,206,207,214,215,216,226,227,228,229,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,321,322,323,324,334,335,336,342,343,344,345,356,357,358,362,363,364,365,366,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +7013 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,123,124,125,126,127,128,136,137,138,139,140,148,149,150,158,159,160,161,169,170,171,172,179,180,181,189,190,191,192,193,194,201,202,203,210,211,212,213,214,215,223,224,225,230,231,232,233,234,235,236,237,245,246,250,251,252,253,254,255,257,258,259,267,268,271,272,273,274,275,276,278,279,280,289,290,291,292,293,294,295,296,300,301,302,311,312,313,314,315,316,317,321,322,323,334,335,336,337,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,450,451,452,453,472,473,474,475,494 +7014 - 52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,123,124,125,134,135,136,146,147,156,157,167,168,169,189,190,210,211,212,232,233,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,487 +7015 - 13,14,15,34,35,36,37,56,57,58,59,77,78,79,80,99,100,101,102,120,121,122,123,142,143,144,164,165,166,185,186,187,188,207,208,209,229,230,231,250,251,252,253,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,491 +7016 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,138,139,140,141,142,143,160,161,162,163,167,168,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,494 +7017 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +7018 - 76,77,78,79,80,81,82,85,86,87,97,98,99,100,101,102,103,104,105,107,108,109,117,118,119,120,121,122,123,124,125,126,127,129,130,131,138,139,140,141,142,143,148,149,150,151,152,153,160,161,162,163,164,170,171,172,173,174,175,181,182,183,184,193,195,196,197,202,203,204,205,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,301,302,303,304,305,310,311,312,322,323,324,325,326,332,333,334,342,343,344,345,346,347,354,355,356,363,364,365,366,367,368,376,377,378,379,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +7019 - 76,77,97,98,99,106,107,108,118,119,120,128,129,130,139,140,141,149,150,151,160,161,162,163,171,172,173,182,183,184,193,194,195,203,204,205,206,214,215,216,223,224,225,226,227,232,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,489 +7020 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,486 +7021 - 54,55,56,57,58,59,60,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,122,123,124,125,126,127,128,129,130,138,139,140,147,148,149,150,151,160,161,168,169,170,171,172,181,182,183,188,189,190,191,192,193,203,204,205,209,210,211,212,213,224,225,226,230,231,232,233,234,246,247,248,251,252,253,254,255,268,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,313,314,315,316,317,334,335,336,337,338,339,356,357,358,359,360,361,362,378,379,380,381,382,383,384,385,386,400,401,402,405,406,407,408,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +7022 - 36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,454,486 +7023 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,161,162,163,164,171,182,183,184,185,204,205,206,211,212,213,225,226,227,228,232,233,234,235,247,248,249,253,254,255,256,257,269,270,271,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +7024 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,160,161,162,182,183,184,204,205,206,207,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,295,297,298,299,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,404,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +7025 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,126,127,128,129,130,137,138,139,140,141,142,150,151,152,153,159,160,161,162,163,164,173,174,175,180,181,182,183,184,185,195,196,197,202,203,204,205,206,217,218,219,224,225,226,227,239,240,241,246,247,248,249,260,261,262,263,268,269,270,282,283,284,285,289,290,291,292,303,304,305,306,311,312,313,314,324,325,326,327,328,333,334,335,336,345,346,347,348,349,355,356,357,365,366,367,368,369,370,377,378,379,380,386,387,388,389,390,391,399,400,401,402,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +7026 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,123,124,125,138,139,140,146,147,160,161,168,169,184,185,188,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,319,322,323,338,339,340,344,345,360,361,362,365,366,367,382,383,384,387,388,404,405,406,408,409,410,426,427,428,429,430,431,448,449,450,451,452,471,472,473,493 +7027 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,486 +7028 - 122,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,492 +7029 - 12,13,33,34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,103,104,105,119,120,121,122,125,126,127,140,141,142,143,147,148,149,161,162,163,164,165,169,170,171,183,184,185,186,191,192,193,206,213,214,215,229,230,231,232,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,298,299,300,301,302,312,313,314,320,321,322,323,324,334,335,336,341,342,343,344,345,346,355,356,357,362,363,364,365,366,367,368,377,378,379,382,383,384,385,386,387,389,390,391,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,487 +7030 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,116,117,118,120,121,122,123,124,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,322,323,336,337,338,339,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,450,451,452,453,454,488 +7031 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,58,59,60,74,75,76,81,82,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,277,278,279,288,299,300,301,309,310,321,322,323,331,332,342,343,344,345,353,354,355,356,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,488 +7032 - 33,34,35,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,120,121,122,124,141,142,143,163,164,165,184,185,186,187,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,278,279,280,294,295,296,301,302,312,322,323,324,325,334,335,336,344,345,346,347,356,357,358,359,364,365,366,367,368,378,379,380,381,382,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,490 +7033 - 113,114,134,135,136,137,150,151,152,156,157,158,159,160,161,162,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,258,259,260,261,265,266,267,268,279,280,281,282,283,287,288,289,290,301,302,303,304,309,310,311,312,322,323,324,325,326,331,332,333,344,345,346,347,354,365,366,367,368,369,386,387,388,389,390,408,409,410,411,429,430,431,432,433,492 +7034 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,124,125,126,136,137,138,139,140,141,147,148,158,159,160,161,162,163,169,170,180,181,182,183,184,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,248,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,280,281,282,293,294,295,303,304,315,316,317,325,326,337,338,339,347,348,349,359,360,369,370,371,381,382,390,391,392,393,403,404,405,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,493 +7035 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,102,103,104,105,117,118,119,125,126,127,139,140,141,146,147,148,161,162,163,167,168,169,170,183,184,185,188,189,190,191,192,205,206,207,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,343,359,360,361,363,364,365,381,382,385,386,387,402,403,404,407,408,409,424,425,426,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +7036 - 75,76,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,165,166,167,168,183,184,185,187,188,189,190,205,206,209,210,211,212,226,227,228,231,232,233,234,248,249,250,253,254,255,256,270,271,272,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,476,489 +7037 - 35,36,37,38,39,40,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,105,106,107,117,118,119,120,121,122,127,128,129,130,138,139,140,141,142,143,149,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,203,204,205,206,215,216,217,224,225,226,227,237,238,239,246,247,248,249,258,259,260,261,268,269,270,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,385,386,387,388,389,399,400,401,402,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +7038 - 50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,145,146,147,148,149,150,151,152,153,158,159,160,161,168,169,170,171,172,173,174,175,180,181,182,183,193,194,195,196,197,201,202,203,204,205,216,217,218,219,223,224,225,226,238,239,240,241,245,246,247,248,260,261,262,263,266,267,268,269,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,364,365,366,367,368,369,370,371,376,377,378,379,380,381,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,470,471,472,485 +7039 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,443,444,445,446,486 +7040 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,383,384,385,404,405,406,407,426,427,428,429,430,449,450,451,486 +7041 - 13,14,15,16,17,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,82,83,84,97,98,99,100,104,105,106,107,119,120,121,126,127,128,141,142,148,149,150,170,171,172,191,192,193,213,214,215,234,235,236,237,256,257,258,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,339,340,341,342,343,344,354,355,356,357,360,361,362,363,364,365,366,367,375,376,377,381,382,383,384,385,387,388,389,396,397,398,399,401,402,403,404,405,418,419,420,421,422,423,424,425,426,427,487 +7042 - 53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,122,123,125,126,127,137,138,139,140,144,145,148,149,159,160,161,166,169,170,171,181,182,183,190,191,192,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,272,273,279,280,281,295,296,297,298,302,303,304,316,317,318,319,320,325,326,337,338,339,340,347,348,358,359,360,369,370,380,381,382,390,391,392,402,403,404,411,412,413,424,425,426,427,428,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +7043 - 33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,102,103,117,118,119,124,125,126,145,146,147,167,168,169,188,189,190,191,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,375,376,385,386,387,388,397,398,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,488 +7044 - 30,31,32,33,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,96,97,100,101,116,117,118,137,138,139,140,160,161,162,182,183,184,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,303,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,367,368,369,380,381,382,383,384,385,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,451,452,453,454,455,490 +7045 - 53,54,62,63,74,75,76,83,84,85,96,97,98,104,105,106,107,118,119,120,126,127,128,129,140,141,142,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,204,205,206,207,212,213,214,215,224,225,226,227,228,229,230,231,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,489 +7046 - 25,26,27,28,29,30,31,32,33,34,35,45,46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,95,96,97,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,300,301,302,303,304,305,306,325,326,327,328,347,348,349,350,368,369,370,371,372,375,376,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,488 +7047 - 107,108,109,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,184,185,186,205,206,207,226,227,228,229,230,231,249,250,251,252,253,254,255,275,276,277,297,298,299,318,319,320,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,378,379,380,381,490 +7048 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,126,127,128,142,143,144,147,148,149,150,164,165,166,170,171,172,186,187,191,192,193,194,208,209,213,214,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,356,357,358,359,361,362,363,377,378,379,380,383,384,385,399,400,401,404,405,406,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,467,468,469,470,471,493 +7049 - 15,16,17,37,38,39,52,58,59,60,61,73,74,80,81,82,95,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,228,229,230,231,235,236,249,250,251,252,255,256,257,271,272,273,274,276,277,278,279,292,293,294,295,297,298,299,300,314,315,316,319,320,321,336,337,338,340,341,342,358,359,360,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,425,426,427,428,491 +7050 - 31,32,33,34,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,105,114,115,116,117,125,126,127,128,135,136,137,138,148,149,150,151,157,158,159,171,172,173,178,179,180,194,195,196,200,201,216,217,218,221,222,223,238,239,240,243,244,260,261,262,265,266,282,283,284,287,288,304,305,310,311,326,327,332,333,334,347,348,349,354,355,356,357,368,369,370,377,378,379,380,381,382,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +7051 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,103,104,105,106,107,108,117,118,125,126,127,128,129,139,140,146,147,148,149,161,162,163,167,168,169,170,183,184,185,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,342,343,359,360,361,364,365,366,381,382,386,387,388,403,404,408,409,410,425,426,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +7052 - 28,29,30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,121,122,123,124,125,126,135,136,137,138,145,146,147,148,156,157,158,159,168,169,170,171,178,179,180,181,191,192,193,194,200,201,202,213,214,215,216,222,223,224,236,237,238,239,244,245,246,258,259,260,261,262,266,267,268,281,282,283,284,288,289,290,304,305,306,310,311,312,326,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,369,370,371,372,377,378,379,380,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,485 +7053 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,206,207,208,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,494 +7054 - 93,94,95,96,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,183,184,189,190,191,192,205,206,211,212,213,233,234,235,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +7055 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,127,128,129,140,141,142,143,144,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,194,195,196,204,205,206,207,216,217,218,225,226,227,228,238,239,240,246,247,248,249,250,260,261,262,268,269,270,271,272,282,283,284,289,290,291,292,294,303,304,305,311,312,313,316,325,326,327,333,334,335,346,347,348,349,354,355,356,367,368,369,370,376,377,378,388,389,390,391,398,399,400,401,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +7056 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,228,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,494 +7057 - 37,38,58,59,60,80,81,82,102,103,104,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,486 +7058 - 32,33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,83,84,85,98,99,105,106,107,121,126,127,128,147,148,149,169,170,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,316,317,338,339,340,341,360,361,362,363,364,365,378,379,380,384,385,386,387,388,399,400,401,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +7059 - 96,97,98,99,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,170,171,172,182,183,184,191,192,193,194,204,205,213,214,215,234,235,236,237,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,492 +7060 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,486 +7061 - 76,77,78,79,97,98,99,100,101,102,118,119,120,123,124,125,140,141,146,147,161,162,163,168,169,183,184,185,190,191,192,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,255,256,257,276,277,278,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,445,446,447,448,467,468,469,494 +7062 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,147,148,149,150,151,157,158,159,160,171,172,173,174,178,179,180,181,194,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,226,239,240,241,244,245,246,248,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,311,312,313,314,327,328,329,333,334,335,336,337,338,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,485 +7063 - 13,14,15,35,36,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,171,184,185,186,205,206,207,208,212,213,227,228,229,232,233,234,235,236,249,250,251,253,254,255,256,257,258,259,270,271,272,274,275,276,277,279,280,281,292,293,294,295,296,297,298,301,302,303,314,315,316,317,318,319,322,323,324,336,337,338,339,340,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +7064 - 9,10,30,31,32,52,53,73,74,75,95,96,97,117,118,138,139,140,160,161,162,181,182,183,189,190,191,192,193,194,203,204,205,208,209,210,211,212,213,214,215,216,217,224,225,226,229,230,231,232,233,234,235,237,238,239,240,247,248,251,252,253,254,261,262,269,270,272,273,274,275,283,284,291,292,294,295,305,306,313,314,315,316,317,326,327,328,335,336,337,338,339,347,348,349,358,359,360,361,362,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,491 +7065 - 34,35,36,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,103,104,105,117,118,119,120,121,122,125,126,127,139,140,141,142,146,147,148,149,160,161,162,163,167,168,169,170,183,188,189,190,191,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,299,300,301,308,309,321,322,323,330,331,343,344,345,352,353,354,365,366,367,374,375,376,377,386,387,388,397,398,399,400,407,408,409,410,420,421,422,423,424,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,488 +7066 - 11,12,13,32,33,34,35,54,55,56,75,76,77,79,80,81,97,98,99,101,102,103,104,105,118,119,120,124,125,126,127,128,139,140,141,148,149,150,160,161,162,163,171,172,182,183,184,193,194,195,203,204,205,215,216,217,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,281,282,283,290,291,292,303,304,312,313,314,324,325,326,334,335,336,346,347,348,357,358,359,367,368,369,379,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,485 +7067 - 33,34,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,138,139,140,141,146,147,148,160,161,167,168,169,188,189,190,191,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,278,279,280,294,295,300,301,302,311,312,322,323,324,333,334,335,344,345,346,355,356,357,366,367,368,378,379,380,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +7068 - 52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,148,149,160,161,162,182,183,184,203,204,205,206,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,342,343,344,345,346,358,359,364,365,366,367,368,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,490 +7069 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,273,274,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,494 +7070 - 96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,168,169,170,171,172,181,182,183,192,193,194,202,203,204,214,215,216,224,225,226,234,235,236,237,238,246,247,248,249,250,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,494 +7071 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,147,148,160,161,162,168,169,170,171,182,183,184,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +7072 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,55,56,57,58,59,60,71,72,73,74,79,80,81,82,93,94,95,103,104,105,115,116,117,118,125,126,127,138,139,140,147,148,149,150,162,170,171,172,192,193,194,214,215,216,236,237,238,258,259,260,280,281,282,292,293,294,295,296,297,298,299,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,343,344,345,346,347,355,356,357,358,365,366,367,368,369,377,378,379,380,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,414,422,423,424,425,426,427,428,429,430,431,487 +7073 - 107,108,109,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,184,185,186,187,205,206,207,208,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,276,277,298,299,320,321,332,342,343,354,355,356,363,364,365,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,490 +7074 - 51,52,53,54,73,74,75,76,77,78,95,96,97,98,99,100,118,119,120,121,122,123,141,142,143,144,145,164,165,166,167,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +7075 - 37,38,39,40,59,60,61,62,81,82,83,84,85,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,382,399,400,401,402,403,404,420,421,422,423,424,425,441,442,443,444,445,446,458,459,460,486 +7076 - 28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,80,81,82,83,92,93,94,114,115,116,128,129,136,137,138,139,140,148,149,150,151,159,160,161,162,163,168,169,170,171,172,182,183,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,300,301,302,303,313,314,315,316,323,324,325,326,335,336,337,338,345,346,347,348,357,358,359,367,368,369,370,379,380,381,382,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +7077 - 62,63,75,76,84,85,96,97,98,105,106,107,118,119,120,126,127,128,129,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,446,447,448,468,469,470,489 +7078 - 34,35,36,37,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,486 +7079 - 36,37,38,39,40,41,57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,106,107,108,120,121,122,123,127,128,129,142,143,144,149,150,151,170,171,172,192,193,194,213,214,215,216,235,236,237,255,256,257,258,270,271,272,273,274,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,332,333,334,339,340,341,342,343,353,354,355,360,361,362,363,364,365,375,376,377,380,381,382,383,384,386,387,388,397,398,399,400,401,402,403,404,405,409,419,420,421,422,423,424,425,442,443,444,445,446,487 +7080 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,102,103,115,116,117,137,138,139,140,141,142,143,144,159,160,161,162,163,164,165,166,167,186,187,188,189,190,210,211,212,213,233,234,235,256,257,258,278,279,280,281,301,302,303,323,324,325,334,335,346,347,356,357,367,368,369,378,379,389,390,391,400,401,402,403,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +7081 - 100,101,107,108,109,121,122,123,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,163,164,165,167,168,169,170,184,185,186,205,206,207,226,227,228,229,230,248,249,250,251,252,253,254,274,275,276,277,298,299,320,321,322,341,342,343,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,423,424,425,426,427,490 +7082 - 6,7,8,9,10,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,77,78,79,99,100,101,122,123,144,145,166,167,188,189,190,210,211,212,232,233,254,255,276,277,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,345,359,360,363,364,365,366,367,368,381,382,384,385,388,389,390,391,403,404,405,406,407,411,412,413,414,425,426,427,428,435,436,437,438,487 +7083 - 65,86,87,107,108,109,119,120,129,130,131,140,141,142,150,151,152,161,162,163,164,171,172,173,174,182,183,184,185,193,194,195,202,203,204,205,206,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,443,444,445,446,465,466,467,489 +7084 - 34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +7085 - 140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,213,214,215,216,220,221,222,223,224,225,226,227,235,236,237,238,256,257,258,259,260,278,279,280,281,282,299,300,301,302,303,321,322,323,324,325,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,470,471,472,473,474,492 +7086 - 9,10,11,12,30,31,32,33,34,52,53,54,55,56,73,74,75,76,77,95,96,97,98,99,117,118,119,120,138,139,140,141,142,160,161,162,163,164,182,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,279,280,281,282,292,293,294,295,296,297,298,301,302,303,304,314,315,316,317,318,319,320,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,491 +7087 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,124,125,140,141,142,145,146,147,161,162,163,167,168,169,183,184,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,254,255,256,276,277,278,297,298,299,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,446,447,448,449,468,469,470,494 +7088 - 10,11,12,13,30,31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,162,163,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,327,328,333,334,335,336,337,338,339,340,348,349,350,355,356,357,358,359,360,361,362,363,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,405,406,407,408,409,410,411,412,413,414,422,423,429,430,431,432,433,434,435,487 +7089 - 37,38,39,59,60,61,80,81,82,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,447,486 +7090 - 50,51,71,72,73,92,93,94,114,115,127,128,135,136,137,149,150,157,158,159,171,172,179,180,181,192,193,194,201,202,214,215,216,222,223,224,234,235,236,237,238,244,245,246,254,255,256,257,258,259,260,266,267,268,273,274,275,276,277,278,280,281,282,288,289,290,291,292,293,294,295,296,297,298,302,303,311,312,313,314,315,316,317,318,323,324,325,334,335,336,337,338,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,489 +7091 - 62,63,64,65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,121,122,123,124,125,126,142,143,144,145,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,255,256,277,278,289,299,300,311,312,320,321,322,333,334,335,341,342,343,344,355,356,357,358,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,424,425,426,490 +7092 - 114,115,116,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,191,192,193,213,214,215,235,236,237,256,257,258,277,278,279,280,298,299,300,301,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,448,449,450,470,471,492 +7093 - 14,15,35,36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,105,106,107,119,120,121,122,127,128,129,140,141,142,143,149,150,151,162,163,164,171,172,173,192,193,194,214,215,216,235,236,237,238,256,257,258,259,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,319,320,321,322,323,333,334,335,336,340,341,342,343,344,355,356,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,409,410,411,421,422,423,424,425,426,427,487 +7094 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,144,145,146,160,161,166,167,168,181,182,183,187,188,189,203,204,205,209,210,211,212,225,226,227,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,320,321,322,342,343,344,365,366,387,388,389,409,410,411,431,432,433,453,454,455,476,477,478,494 +7095 - 14,15,16,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,235,236,237,248,249,250,255,256,257,258,259,270,271,272,276,277,278,279,280,281,282,291,292,293,297,298,299,301,302,303,304,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,404,405,406,426,427,428,491 +7096 - 6,7,8,9,27,28,29,30,31,48,49,50,51,52,70,71,72,73,92,93,94,113,114,115,116,135,136,137,138,157,158,159,160,179,180,181,182,189,190,192,193,201,202,203,204,208,209,210,211,212,213,214,215,216,217,223,224,225,226,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,258,259,260,261,262,263,268,269,270,271,272,273,274,275,283,284,285,290,291,292,293,294,295,296,305,306,307,312,313,314,315,316,317,318,326,327,328,329,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,491 +7097 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,104,105,106,119,120,121,122,126,127,128,141,142,143,148,149,150,169,170,171,172,191,192,193,212,213,214,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,300,308,309,318,320,321,322,330,331,342,343,344,352,353,354,363,364,365,366,374,375,376,377,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,488 +7098 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,144,145,146,147,148,157,158,159,168,169,170,171,179,180,181,190,191,192,193,194,200,201,202,203,212,213,214,215,216,223,224,225,234,235,236,237,238,245,246,247,257,258,259,260,267,268,269,270,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,364,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,456,457,458,459,478,479,480,481,494 +7099 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,137,138,139,140,146,147,148,159,160,161,168,169,181,182,189,190,191,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,492 +7100 - 57,58,79,80,101,102,115,116,122,123,124,137,138,144,145,146,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,338,339,343,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,475,476,477,489 +7101 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,84,85,86,96,97,98,101,102,103,105,106,107,118,119,120,124,125,126,127,128,140,141,142,146,147,148,149,162,163,167,168,169,170,184,185,186,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,468,469,470,493 +7102 - 30,31,50,51,52,53,54,72,73,74,75,76,93,94,95,96,97,98,115,116,117,118,119,120,121,136,137,138,139,142,158,159,160,179,180,181,182,193,194,195,196,197,201,202,203,204,214,215,216,217,218,219,223,224,225,234,235,236,237,238,239,240,241,245,246,247,254,255,256,257,258,262,263,267,268,269,275,276,277,278,279,284,285,290,291,292,296,297,298,299,300,305,306,307,312,313,314,315,317,318,319,320,321,325,326,327,328,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,491 +7103 - 41,42,43,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,119,120,121,122,123,140,141,142,143,161,162,163,182,183,184,185,203,204,205,206,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,321,322,323,343,344,345,355,356,364,365,366,367,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,447,448,449,450,490 +7104 - 11,12,13,14,15,16,32,33,34,35,36,37,38,39,52,53,54,55,56,57,60,73,74,75,76,77,94,95,96,97,98,115,116,117,118,119,136,137,138,139,158,159,160,161,179,180,181,182,201,202,203,204,223,224,225,245,246,247,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,491 +7105 - 36,37,38,58,59,60,80,81,82,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,486 +7106 - 47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,322,323,324,325,326,337,338,344,345,346,347,348,359,360,361,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,488 +7107 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,82,83,97,98,99,104,105,106,119,120,126,127,128,148,149,169,170,171,191,192,193,213,214,215,228,229,230,234,235,236,237,247,248,249,250,251,252,253,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,296,297,298,299,300,301,310,311,312,319,320,321,322,323,331,332,333,341,342,343,344,345,353,354,355,361,362,363,364,365,366,367,375,376,377,382,383,384,385,386,387,388,389,397,398,399,400,402,403,404,405,406,407,410,411,412,420,421,422,423,424,425,426,427,443,444,445,446,447,487 +7108 - 117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,188,189,190,191,203,204,205,210,211,212,213,214,224,225,226,231,232,233,234,235,236,246,247,248,251,252,253,254,256,257,258,268,269,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,301,302,315,316,323,324,344,345,346,366,367,368,388,389,409,410,411,431,432,433,452,453,454,474,475,476,494 +7109 - 14,15,16,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,205,206,207,227,228,229,233,234,235,236,249,250,251,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,301,302,303,314,315,316,317,318,319,322,323,324,336,337,338,339,340,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +7110 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,137,138,139,144,145,146,147,159,160,161,166,167,168,169,170,181,182,188,189,190,191,192,203,204,205,210,211,212,213,225,226,227,232,233,234,235,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,494 +7111 - 13,14,15,35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,164,165,166,185,186,187,206,207,208,209,228,229,230,234,235,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,301,302,303,314,315,316,317,318,319,322,323,324,336,337,338,339,340,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +7112 - 32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,126,127,142,143,164,165,186,187,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,310,311,312,319,320,321,332,333,334,335,341,342,343,355,356,357,358,363,364,365,378,379,380,381,382,385,386,387,401,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,490 +7113 - 103,104,105,106,107,112,113,114,115,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,213,214,215,216,217,221,222,223,224,234,235,236,237,238,243,244,245,246,256,257,258,259,260,264,265,266,267,268,278,279,280,281,282,286,287,288,289,299,300,301,302,303,308,309,310,311,321,322,323,324,325,330,331,332,333,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,407,408,409,410,411,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,475,492 +7114 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,158,159,160,161,162,181,182,183,184,203,204,205,206,207,225,226,227,228,229,248,249,250,251,252,270,271,272,273,274,275,276,293,294,295,296,297,298,299,316,317,318,319,320,321,322,340,341,342,343,344,345,346,364,365,366,367,368,369,370,387,388,389,390,391,392,393,411,412,413,414,415,433,434,435,436,437,453,454,455,456,457,458,469,470,471,472,473,474,475,476,477,478,479,490 +7115 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,104,117,118,119,125,126,127,139,140,147,148,149,150,161,162,163,169,170,171,172,183,184,185,190,191,192,193,205,206,207,208,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,342,343,344,359,360,361,364,365,366,381,382,386,387,388,403,404,408,409,410,424,425,426,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,493 +7116 - 33,34,35,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +7117 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,118,119,120,125,126,127,140,141,147,148,149,150,162,163,164,170,171,172,184,185,186,190,191,192,193,194,206,207,208,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,342,343,357,358,359,364,365,366,378,379,380,386,387,388,400,401,402,408,409,410,423,424,425,426,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,493 +7118 - 74,75,76,77,95,96,97,98,99,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +7119 - 35,36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,449,450,486 +7120 - 50,51,59,60,72,73,80,81,82,93,94,95,96,102,103,104,105,115,116,117,118,124,125,126,127,136,137,138,139,140,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,205,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,321,322,323,324,325,326,327,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,436,454,455,456,457,458,477,478,479,489 +7121 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,104,105,106,107,120,121,122,126,127,128,142,143,144,147,148,149,150,164,165,166,168,169,170,171,172,186,187,188,189,190,191,192,193,208,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,320,321,322,336,337,338,342,343,357,358,359,360,364,365,366,379,380,381,385,386,387,400,401,402,406,407,408,409,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +7122 - 53,54,55,73,74,75,76,77,94,95,96,97,98,99,100,101,116,117,118,119,121,122,123,124,138,139,144,145,146,160,161,166,167,168,182,183,188,189,190,204,205,206,207,210,211,227,228,229,230,231,232,233,250,251,252,253,254,255,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,343,344,361,362,363,365,366,367,383,384,385,388,389,405,406,407,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,476,493 +7123 - 35,36,37,38,39,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,119,120,126,127,128,148,149,150,169,170,171,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,330,343,344,352,353,364,365,366,374,375,376,377,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +7124 - 34,35,56,57,78,79,100,101,122,123,137,138,144,145,159,160,166,167,168,181,182,188,189,190,202,203,204,210,211,212,224,225,232,233,234,246,247,255,256,268,269,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,321,322,343,344,345,365,366,367,388,389,410,411,432,433,454,455,489 +7125 - 55,56,57,63,76,77,78,82,83,84,85,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,144,145,146,147,150,160,161,162,163,171,172,181,182,183,184,192,193,194,203,204,205,213,214,215,216,217,225,226,227,234,235,236,237,238,239,256,257,258,259,261,277,278,279,280,283,297,298,299,300,301,305,318,319,320,321,322,327,339,340,341,342,343,349,359,360,361,362,363,364,371,380,381,382,383,384,393,401,402,403,404,405,415,422,423,424,425,426,437,443,444,445,446,447,464,465,466,467,468,492 +7126 - 13,14,15,35,36,37,56,57,58,59,76,77,78,79,80,98,99,100,101,102,121,122,123,143,144,164,165,166,185,186,187,207,208,209,213,214,215,228,229,230,233,234,235,236,237,250,251,252,254,255,256,258,259,271,272,273,275,276,277,280,281,293,294,295,296,297,298,301,302,303,314,315,316,317,318,319,323,324,336,337,338,339,340,344,345,358,359,360,361,362,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +7127 - 33,34,37,55,56,57,58,59,60,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,146,147,148,162,163,164,165,168,169,170,171,183,184,185,186,191,192,193,204,205,206,207,213,214,226,227,228,229,235,236,247,248,249,250,256,257,258,269,270,271,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,321,322,323,324,334,335,336,343,344,345,346,356,357,358,364,365,366,367,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +7128 - 48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,145,146,147,148,149,150,158,159,160,169,170,171,172,180,181,182,192,193,194,195,201,202,203,204,215,216,217,223,224,225,237,238,239,240,245,246,247,259,260,261,262,267,268,269,282,283,284,289,290,291,305,306,311,312,313,326,327,328,334,335,336,349,350,351,356,357,358,359,370,371,372,378,379,380,381,382,390,391,392,393,394,401,402,403,404,405,406,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,485 +7129 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,125,126,127,140,141,142,143,148,149,150,161,162,163,164,170,171,172,183,184,185,192,193,194,204,205,206,214,215,216,226,227,228,236,237,238,247,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,312,313,314,315,323,324,325,334,335,336,337,345,346,347,356,357,358,359,366,367,368,369,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +7130 - 55,56,57,58,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,140,141,142,143,148,149,150,162,163,164,170,171,172,184,185,186,193,194,205,206,207,214,215,216,227,228,229,236,237,238,248,249,250,258,259,260,270,271,272,279,280,281,292,293,300,301,302,303,313,314,315,322,323,324,335,336,337,343,344,345,346,357,358,359,364,365,366,367,378,379,380,381,385,386,387,388,400,401,402,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,485 +7131 - 36,37,38,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,357,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +7132 - 52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,83,84,92,93,94,95,96,105,106,114,115,126,127,128,147,148,149,168,169,170,171,189,190,191,210,211,212,230,231,232,233,250,251,252,253,254,255,256,257,270,271,272,273,274,275,278,279,280,292,293,294,295,301,302,303,324,325,345,346,366,367,368,377,388,389,398,399,409,410,411,421,422,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +7133 - 85,86,87,104,105,106,107,108,109,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,163,164,165,166,167,168,183,184,185,186,187,204,205,206,207,226,227,228,248,249,250,271,272,273,274,294,295,296,297,317,318,319,320,340,341,342,363,364,365,377,384,385,386,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,448,490 +7134 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,103,104,105,124,125,126,145,146,147,165,166,167,168,184,185,186,187,188,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,235,236,248,249,251,255,256,257,258,259,280,281,282,303,304,325,326,335,336,347,348,349,356,357,358,368,369,370,378,379,380,389,390,391,400,401,402,410,411,412,423,424,425,426,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +7135 - 36,37,38,39,40,57,58,59,60,61,62,63,76,77,78,79,80,81,83,84,85,97,98,99,100,101,102,106,107,108,118,119,120,121,122,123,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,172,173,174,181,182,183,184,185,186,194,195,196,202,203,204,205,206,207,216,217,218,223,224,225,226,227,228,237,238,239,245,246,247,248,249,250,259,260,261,266,267,268,269,270,271,280,281,282,288,289,290,292,293,302,303,304,310,311,312,314,315,322,323,324,325,331,332,333,334,336,337,344,345,346,347,353,354,355,364,365,366,367,375,376,377,378,384,385,386,387,388,389,397,398,399,400,401,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +7136 - 31,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,102,103,118,119,120,121,126,127,128,141,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,235,236,237,249,250,251,252,253,257,258,259,271,272,273,274,280,281,291,292,293,294,301,302,303,312,313,314,315,322,323,324,333,334,335,336,343,344,345,355,356,357,363,364,365,366,367,377,378,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,493 +7137 - 83,84,85,86,87,99,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,162,163,164,165,166,184,185,186,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,253,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,344,354,362,363,364,365,376,377,378,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,444,445,446,447,448,490 +7138 - 54,55,56,76,77,78,98,99,100,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +7139 - 13,14,34,35,36,37,55,56,57,58,59,60,75,76,77,78,79,81,82,97,98,99,100,103,104,105,119,120,121,125,126,127,147,148,149,169,170,190,191,192,212,213,214,233,234,235,251,252,255,256,257,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,318,319,320,321,322,323,333,334,335,339,340,341,342,343,344,345,346,354,355,356,360,361,362,363,376,377,378,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,487 +7140 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,81,82,83,84,96,97,98,104,105,106,118,119,126,127,128,140,141,148,149,150,151,170,171,172,192,193,194,206,207,208,209,210,211,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,277,278,279,280,281,290,291,292,293,299,300,301,302,303,311,312,313,314,320,321,322,323,324,333,334,335,336,340,341,342,343,344,355,356,357,358,361,362,363,364,365,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,443,444,445,446,487 +7141 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,102,103,104,118,119,120,124,125,126,140,141,142,147,148,149,150,151,152,162,163,164,169,170,171,172,173,184,185,186,190,191,192,193,194,207,208,209,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,337,338,339,341,342,358,359,360,363,364,365,379,380,381,385,386,387,401,402,403,407,408,409,423,424,425,428,429,430,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +7142 - 55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,124,125,126,139,140,141,142,146,147,148,161,162,164,168,169,183,184,190,191,205,206,211,212,213,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,280,281,292,293,294,295,298,299,302,303,304,313,314,315,316,324,325,326,335,336,337,346,347,348,356,357,358,368,369,370,378,379,390,391,392,400,401,412,413,421,422,423,433,434,435,443,444,445,454,455,456,465,466,467,468,474,475,476,477,493 +7143 - 35,36,37,56,57,58,59,60,77,78,79,80,81,82,83,99,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,148,149,150,163,164,165,166,170,171,172,184,185,186,187,192,193,194,205,206,207,208,214,215,216,226,227,228,229,236,237,238,247,248,249,250,258,259,260,269,270,271,280,281,282,290,291,292,301,302,303,311,312,313,314,322,323,324,325,333,334,335,344,345,346,355,356,357,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,402,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +7144 - 51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,224,225,226,227,246,247,248,249,250,251,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,325,344,345,346,347,367,368,369,370,388,389,390,391,403,404,405,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,490 +7145 - 64,65,84,85,86,87,96,97,98,106,107,108,118,119,120,127,128,129,130,139,140,141,148,149,150,151,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,206,207,212,213,214,215,223,224,225,226,227,228,229,230,231,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,297,298,299,300,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,489 +7146 - 11,12,13,14,33,34,35,36,37,56,57,58,59,79,80,81,82,101,102,103,104,123,124,125,126,146,147,148,168,169,170,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,255,256,257,270,271,272,277,278,279,291,292,293,294,298,299,300,301,313,314,315,316,320,321,322,335,336,337,338,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,408,425,426,427,428,429,487 +7147 - 37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,83,84,85,97,98,99,100,101,104,105,106,118,119,120,121,122,126,127,128,139,140,141,142,143,147,148,149,161,162,163,168,169,170,171,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,274,275,278,279,280,300,301,302,309,310,322,323,324,330,331,332,344,345,346,352,353,354,365,366,367,375,376,377,385,386,387,388,389,397,398,399,400,401,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,488 +7148 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,165,166,167,168,182,183,184,187,188,189,190,203,204,205,208,209,210,211,212,225,226,227,230,231,232,233,234,246,247,248,249,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,300,314,315,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +7149 - 49,57,58,59,71,79,80,81,93,101,102,103,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +7150 - 71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,142,143,144,163,164,165,166,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,257,258,278,279,280,300,301,302,321,322,323,324,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,446,447,448,449,450,466,467,468,469,470,471,488 +7151 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,103,104,105,118,119,120,124,125,126,127,140,141,142,145,146,147,148,149,162,163,164,166,167,168,169,170,184,185,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,250,251,252,253,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,319,320,321,336,337,338,341,342,343,357,358,359,363,364,365,379,380,381,385,386,387,401,402,403,407,408,409,423,424,425,428,429,430,446,447,448,449,450,451,468,469,470,471,472,493 +7152 - 48,49,50,51,70,71,72,73,74,93,94,95,96,97,116,117,118,119,138,139,140,141,147,148,149,160,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,215,225,226,227,228,229,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,322,323,324,325,335,336,337,344,345,346,347,366,367,368,388,389,390,410,411,412,431,432,433,434,453,454,455,456,476,477,489 +7153 - 13,14,15,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,82,83,84,97,98,99,100,104,105,106,119,120,121,126,127,128,148,149,150,170,171,191,192,193,213,214,215,226,227,228,229,234,235,236,246,247,248,249,250,251,252,253,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,296,297,298,299,300,301,310,311,312,319,320,321,322,332,333,339,340,341,342,343,353,354,355,360,361,362,363,364,365,366,376,377,380,381,382,383,384,386,387,388,389,398,399,400,401,402,403,404,405,409,410,420,421,422,423,424,425,487 +7154 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,104,105,117,118,119,127,138,139,140,160,161,162,165,166,167,168,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,235,236,237,257,258,259,280,281,302,303,315,316,323,324,325,336,337,338,345,346,347,358,359,367,368,369,380,381,387,388,389,390,402,403,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +7155 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,123,124,139,140,141,145,146,147,160,161,162,167,168,182,183,184,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,494 +7156 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,99,100,101,102,103,114,123,124,125,145,146,147,166,167,168,169,187,188,189,190,207,208,209,210,211,229,230,231,232,251,252,253,254,255,274,275,276,277,278,298,299,300,301,321,322,323,324,344,345,346,366,367,368,387,388,389,390,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +7157 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,125,126,127,140,141,142,147,148,149,161,162,163,168,169,170,171,183,184,185,189,190,191,192,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,494 +7158 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,129,130,138,139,140,141,142,143,150,151,152,159,160,161,162,163,164,165,172,173,174,180,181,182,183,184,186,194,195,196,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,260,261,262,266,267,268,269,281,282,283,284,288,289,290,303,304,305,306,310,311,312,324,325,326,327,332,333,334,345,346,347,348,354,355,356,366,367,368,369,377,378,379,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +7159 - 42,61,62,63,64,81,82,83,84,85,86,100,101,102,103,104,105,106,121,122,123,124,125,142,143,144,145,163,164,165,166,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,232,233,234,235,255,256,257,278,279,299,300,301,321,322,323,331,332,342,343,344,345,353,354,355,363,364,365,366,375,376,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,446,447,448,449,490 +7160 - 9,10,11,31,32,33,52,53,54,55,56,74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,160,161,162,163,164,165,166,167,182,183,184,185,187,188,189,204,205,206,209,210,211,225,226,227,228,231,232,233,248,249,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,486 +7161 - 34,35,36,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,102,103,104,118,119,120,121,125,126,127,140,141,142,147,148,149,162,163,169,170,171,191,192,193,212,213,214,234,235,236,256,257,258,273,274,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,335,336,337,341,342,343,344,356,357,358,362,363,364,365,366,378,379,380,383,384,385,386,387,388,389,400,401,402,404,405,406,407,409,410,411,422,423,424,425,426,427,428,432,445,446,447,448,487 +7162 - 47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,120,121,122,123,142,143,144,163,164,165,166,185,186,187,188,189,207,208,209,210,211,212,232,233,234,235,255,256,257,258,278,279,280,300,301,302,303,322,323,324,325,345,346,347,367,368,369,387,388,389,390,391,408,409,410,411,412,413,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +7163 - 12,13,14,33,34,35,55,56,57,76,77,78,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,186,190,191,192,205,206,207,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,270,271,272,274,275,276,277,279,280,281,292,293,294,296,297,298,300,301,302,314,315,316,317,318,319,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,405,406,407,408,491 +7164 - 34,35,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,170,171,172,173,180,181,182,183,184,193,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,347,348,349,350,351,354,355,356,357,358,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,485 +7165 - 40,41,42,43,60,61,62,63,64,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,140,141,142,143,162,163,164,183,184,185,186,204,205,206,207,225,226,227,228,229,230,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,298,299,320,321,322,342,343,344,363,364,365,366,376,377,385,386,387,398,399,400,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,490 +7166 - 48,49,69,70,71,92,93,114,115,123,124,136,137,145,146,147,158,159,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,231,232,233,234,235,246,247,248,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,300,301,302,303,313,314,322,323,324,344,345,346,366,367,368,388,389,390,411,412,433,434,435,455,456,457,478,479,489 +7167 - 95,96,97,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,171,172,173,181,182,183,192,193,194,202,203,204,205,214,215,216,224,225,226,235,236,237,245,246,247,248,256,257,258,259,267,268,269,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +7168 - 13,14,33,34,35,52,53,54,55,56,57,74,75,76,77,78,80,81,82,95,96,97,98,102,103,104,105,106,116,117,118,119,126,127,128,138,139,140,149,150,151,159,160,161,172,173,181,182,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,282,283,284,289,290,291,292,305,306,310,311,312,313,327,328,329,332,333,334,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,412,423,424,425,426,427,428,429,493 +7169 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,447,486 +7170 - 29,30,31,32,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,121,122,123,124,125,144,145,146,147,167,168,169,170,188,189,190,191,192,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,315,316,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,412,413,430,431,432,433,434,435,436,437,438,455,456,457,458,459,487 +7171 - 77,78,79,80,81,91,98,99,100,101,102,103,104,112,113,119,120,121,122,124,125,126,134,135,140,141,142,146,147,148,156,157,162,163,164,168,169,170,178,179,183,184,185,190,191,192,205,206,207,211,212,213,214,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,296,297,298,299,300,310,319,320,321,322,332,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +7172 - 39,40,41,54,55,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,138,139,140,141,142,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,208,209,210,211,212,213,214,233,234,235,236,237,256,257,258,259,260,279,280,281,282,287,288,302,303,304,309,310,323,324,325,326,331,332,333,344,345,346,347,348,353,354,355,356,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,490 +7173 - 74,75,76,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,182,183,184,190,191,192,193,204,205,211,212,213,214,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,464,465,466,467,468,492 +7174 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,146,147,167,168,169,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,405,406,426,427,428,448,449,450,451,470,471,472,473,492 +7175 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,380,381,382,401,402,403,404,422,423,424,425,444,445,446,486 +7176 - 78,79,80,100,101,102,122,123,124,144,145,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,361,362,363,383,384,404,405,406,426,427,428,448,449,450,470,471,486 +7177 - 14,15,16,17,18,33,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,83,84,85,96,97,98,99,100,104,105,106,107,118,119,120,121,126,127,128,129,141,148,149,150,151,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,318,319,320,321,322,323,333,334,335,336,339,340,341,342,343,344,345,354,355,356,357,360,361,362,363,364,365,366,367,368,375,376,377,378,381,382,383,384,385,388,389,390,397,398,399,401,402,403,404,405,410,411,412,418,419,420,421,422,423,424,425,426,433,434,487 +7178 - 60,61,62,63,82,83,84,91,92,93,103,104,105,113,114,115,125,126,127,134,135,136,137,146,147,148,149,156,157,158,168,169,170,178,179,180,189,190,191,200,201,211,212,213,222,223,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,298,299,300,319,320,321,322,341,342,343,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +7179 - 13,14,15,16,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,214,215,226,227,228,229,234,235,236,237,238,239,247,248,249,250,255,256,257,258,259,260,261,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,297,298,299,300,304,305,306,312,313,314,315,317,318,319,320,321,325,326,327,333,334,335,336,339,340,341,342,346,347,348,349,355,356,357,358,360,361,362,363,367,368,369,370,377,378,379,380,381,382,383,384,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,491 +7180 - 98,99,100,101,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,231,232,233,234,235,236,246,247,248,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,298,299,300,301,313,314,315,316,317,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,494 +7181 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,104,105,106,119,120,121,122,126,127,128,140,141,142,143,149,150,151,161,162,163,164,171,172,173,182,183,184,185,193,194,195,203,204,205,206,207,215,216,217,224,225,226,227,228,236,237,238,246,247,248,249,258,259,260,267,268,269,270,271,280,281,282,289,290,291,292,293,301,302,303,304,310,311,312,313,314,323,324,325,332,333,334,336,344,345,346,347,354,355,356,365,366,367,368,376,377,378,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +7182 - 50,51,52,53,57,58,59,71,72,73,74,75,76,78,79,80,81,93,94,95,96,97,98,100,101,102,103,115,116,117,122,123,124,125,138,139,140,144,145,146,160,161,162,163,164,166,167,168,183,184,185,186,187,188,189,190,206,207,208,209,210,211,212,230,231,232,233,234,253,254,255,256,257,275,276,277,278,279,296,297,298,300,301,302,318,319,320,322,323,324,340,341,344,345,346,361,362,363,366,367,368,383,384,385,388,389,390,405,406,407,409,410,411,412,427,428,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,493 +7183 - 36,37,38,39,40,41,58,59,60,61,62,63,64,79,80,81,82,83,84,85,86,100,101,102,103,104,107,108,120,121,122,123,124,129,130,141,142,143,144,145,151,152,162,163,164,165,166,172,173,174,183,184,185,186,187,194,195,196,205,206,207,208,209,216,217,226,227,228,229,230,238,239,247,248,249,250,251,252,259,260,269,270,271,272,273,280,281,282,290,291,292,293,294,295,302,303,312,313,314,315,316,317,323,324,325,334,335,336,337,338,344,345,355,356,357,358,359,360,364,365,366,367,377,378,379,380,381,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +7184 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,122,123,125,126,127,139,140,141,142,143,144,145,147,148,161,162,163,165,166,168,169,170,183,184,186,187,188,189,190,191,192,193,205,206,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,237,238,248,249,250,251,252,253,254,255,258,259,260,271,272,273,274,275,276,277,280,281,282,293,294,295,296,297,298,302,303,315,316,317,318,319,323,324,325,336,337,338,344,345,346,358,359,360,365,366,367,379,380,381,386,387,388,401,402,403,407,408,409,410,423,424,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +7185 - 47,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +7186 - 51,52,72,73,74,75,94,95,96,116,117,118,123,124,137,138,139,140,144,145,146,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,246,247,248,249,256,257,268,269,270,271,272,273,274,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,341,342,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,455,456,477,478,479,489 +7187 - 13,14,15,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,190,191,192,211,212,213,214,233,234,235,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,361,362,363,365,366,367,377,378,379,380,382,383,384,385,387,388,389,398,399,400,401,402,403,404,405,406,409,410,411,420,421,422,424,425,426,427,432,433,487 +7188 - 56,57,58,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,469,470,471,486 +7189 - 52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,208,209,210,211,212,229,230,231,232,249,250,251,252,253,271,272,273,274,275,276,297,298,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,426,427,428,429,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,471,488 +7190 - 72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,144,145,146,147,148,155,156,157,158,159,160,161,162,166,167,168,169,170,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,199,200,201,202,203,204,205,206,207,208,209,210,211,212,221,222,223,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,348,361,362,363,364,365,366,367,368,369,370,371,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,437,452,453,454,455,456,457,458,459,474,475,476,477,478,479,480,493 +7191 - 40,41,61,62,63,82,83,84,103,104,105,125,126,127,146,147,148,168,169,170,182,183,184,189,190,191,204,205,211,212,213,226,227,232,233,234,247,248,249,254,255,256,257,258,259,269,270,271,275,276,277,278,279,280,281,290,291,292,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,340,341,342,355,356,357,358,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,489 +7192 - 71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,165,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,250,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,362,363,364,365,366,367,368,386,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,454,455,456,457,475,476,477,478,479,488 +7193 - 56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,107,108,109,118,119,120,121,122,123,139,140,141,142,143,144,160,161,162,182,183,184,204,205,206,227,228,229,249,250,251,252,272,273,274,275,295,296,297,298,318,319,320,321,341,342,343,344,364,365,366,387,388,399,400,409,410,421,422,423,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,490 +7194 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,169,170,171,172,180,181,182,183,191,192,193,194,201,202,203,204,211,212,213,214,215,223,224,225,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,494 +7195 - 10,11,12,13,25,32,33,34,46,47,53,54,55,74,75,76,96,97,98,117,118,119,138,139,140,141,159,160,161,162,181,182,183,193,194,202,203,204,205,214,215,216,217,218,224,225,226,235,236,237,238,239,240,246,247,248,256,257,258,259,260,261,262,263,268,269,277,278,279,280,281,282,283,284,285,289,290,291,298,299,300,301,305,306,311,312,313,320,321,322,326,327,333,334,335,341,342,343,347,348,356,357,358,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,491 +7196 - 9,10,31,32,33,53,54,55,56,76,77,78,79,99,100,101,121,122,123,124,144,145,146,147,166,167,168,169,189,190,191,211,212,213,232,233,234,235,236,237,238,252,253,254,255,256,257,258,259,260,261,262,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,305,306,313,314,315,316,317,318,319,320,321,334,335,336,337,340,341,342,343,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,425,426,427,487 +7197 - 99,100,101,102,103,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,161,162,163,164,165,169,170,171,182,183,184,185,186,190,191,192,204,205,206,207,212,213,214,226,227,228,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,492 +7198 - 93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,144,145,146,147,157,158,159,168,169,171,172,179,180,181,190,191,192,193,194,201,202,203,213,214,215,216,223,224,225,226,227,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,300,301,302,303,322,323,324,343,344,345,346,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +7199 - 41,42,43,56,57,58,62,63,64,77,78,79,80,83,84,85,98,99,100,102,104,105,106,107,119,120,121,122,125,126,127,128,141,142,143,147,148,149,163,164,168,169,170,184,185,186,189,190,191,206,207,208,210,211,212,228,229,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,320,337,338,339,340,341,342,343,358,359,360,361,364,365,380,381,382,387,388,402,403,404,409,410,424,425,426,429,430,431,446,447,448,449,450,451,452,453,493 +7200 - 74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,144,145,146,161,162,163,166,167,168,183,184,185,188,189,190,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,474,494 +7201 - 76,77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,146,147,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,215,226,227,231,232,233,234,237,248,249,251,252,253,254,255,256,259,270,271,272,273,274,275,276,277,281,293,294,295,297,298,299,303,318,319,320,325,340,341,342,347,361,362,363,369,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,494 +7202 - 8,9,10,29,30,31,32,50,51,52,53,72,73,74,75,93,94,95,96,115,116,117,136,137,138,139,158,159,160,168,169,170,180,181,182,189,190,191,192,193,194,195,201,202,203,204,210,211,212,213,214,215,216,217,218,223,224,225,232,233,234,235,238,239,240,245,246,247,254,255,256,260,261,267,268,269,275,276,277,278,280,281,282,283,289,290,291,292,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,386,387,388,389,390,391,392,491 +7203 - 58,59,60,61,62,63,76,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,129,130,140,141,142,143,144,145,146,147,148,151,152,161,162,163,164,165,166,167,168,173,174,182,183,184,186,187,188,195,196,203,204,205,206,207,208,209,217,218,224,225,226,227,229,230,238,239,240,246,247,248,250,251,252,260,261,267,268,269,272,273,274,281,282,283,289,290,291,294,295,303,304,311,312,316,317,324,325,332,333,334,338,339,345,346,347,354,355,356,360,361,362,365,366,367,368,376,377,378,386,387,388,389,399,400,401,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,467,468,469,470,485 +7204 - 51,52,53,73,74,75,80,81,94,95,96,102,103,116,117,118,124,125,137,138,139,146,147,158,159,160,161,168,169,180,181,182,183,190,191,202,203,204,211,212,213,214,215,216,217,223,224,225,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,321,322,323,332,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +7205 - 58,59,60,80,81,82,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,360,361,362,381,382,383,403,404,424,425,426,446,447,468,469,486 +7206 - 10,11,12,31,32,33,34,52,53,54,55,56,74,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,143,161,162,163,164,165,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,278,279,280,281,292,293,294,295,296,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +7207 - 54,55,56,57,62,63,64,75,76,77,78,79,81,82,83,84,85,86,96,97,98,99,101,102,103,104,106,107,108,117,118,119,120,122,123,124,125,127,128,129,138,139,140,141,142,143,144,145,149,150,151,159,160,161,162,163,164,165,166,170,171,172,181,182,183,184,185,186,191,192,193,203,204,205,206,207,212,213,214,215,225,226,233,234,235,236,255,256,257,276,277,278,295,296,297,298,299,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,386,387,388,398,399,400,401,402,403,404,405,409,410,411,420,421,422,423,424,425,431,432,433,441,442,443,444,445,446,453,454,455,464,465,476,477,487 +7208 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,145,146,157,158,167,168,169,178,179,188,189,190,200,201,209,210,211,212,222,223,230,231,232,234,235,245,246,251,252,253,256,257,268,269,270,271,272,273,274,278,279,290,291,292,293,294,300,301,322,323,344,345,366,367,388,389,410,411,412,433,434,455,456,477,478,494 +7209 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,125,126,127,128,146,147,148,149,167,168,169,170,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,428,429,430,431,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +7210 - 94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,167,168,169,183,184,189,190,191,205,206,211,212,213,227,228,229,233,234,249,250,251,254,255,256,271,272,276,277,278,298,299,300,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,362,363,364,365,366,367,368,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +7211 - 39,40,41,60,61,62,81,82,83,84,103,104,105,124,125,126,140,146,147,148,162,163,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,225,226,227,228,232,233,234,246,247,248,249,253,254,255,256,257,258,259,268,269,270,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,489 +7212 - 9,10,11,12,13,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,159,160,161,162,181,182,183,203,204,205,212,213,214,215,224,225,226,233,234,235,236,237,238,246,247,248,253,254,255,256,257,258,259,260,268,269,270,275,276,277,278,279,280,281,282,283,290,291,292,297,298,299,302,303,304,305,312,313,314,318,319,320,323,324,325,326,334,335,336,337,340,341,342,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +7213 - 118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,171,172,173,182,183,184,185,186,187,192,193,194,204,205,206,207,213,214,215,227,228,235,236,237,256,257,258,277,278,279,298,299,300,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,446,447,448,468,469,470,492 +7214 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,120,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,250,251,252,253,271,272,273,274,294,295,296,316,317,318,319,339,340,341,361,362,363,364,384,385,386,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +7215 - 81,82,83,84,85,86,98,99,100,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,150,151,152,162,163,164,165,166,172,173,183,184,185,186,187,192,193,194,195,206,207,208,213,214,215,216,227,228,234,235,236,237,249,250,255,256,257,258,271,272,276,277,278,293,294,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,379,380,381,382,383,400,401,402,403,404,405,421,422,423,424,425,426,443,444,445,446,447,448,464,465,466,467,468,469,493 +7216 - 118,119,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,218,219,226,227,228,229,248,249,250,271,272,293,294,295,316,317,318,319,339,340,341,356,361,362,363,378,379,382,383,384,385,400,401,402,403,404,405,406,407,423,424,425,426,427,428,490 +7217 - 91,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,147,148,161,162,163,164,168,169,170,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,254,255,256,276,277,278,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,447,448,449,468,469,470,494 +7218 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,124,125,126,127,137,138,139,147,148,149,159,160,161,162,163,169,170,171,182,183,184,185,186,187,190,191,192,193,205,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,270,271,272,273,274,277,278,279,291,292,293,294,295,300,301,302,313,314,315,323,324,325,334,335,336,337,345,346,347,356,357,358,367,368,369,378,379,380,389,390,400,401,402,403,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +7219 - 57,58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,164,165,166,167,170,171,172,185,186,187,188,192,193,207,208,209,214,215,228,229,230,231,235,236,237,249,250,251,252,257,258,259,270,271,272,273,274,278,279,280,291,292,293,294,295,296,300,301,302,313,314,315,317,318,321,322,323,334,335,336,342,343,344,356,357,358,363,364,365,377,378,379,384,385,386,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,471,485 +7220 - 11,12,13,31,32,33,34,35,53,54,55,57,74,75,76,96,97,117,118,119,139,140,161,162,182,183,184,204,205,206,212,226,227,228,231,232,233,234,235,236,237,248,249,250,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,281,282,283,292,293,294,295,296,304,305,314,315,316,317,318,325,326,327,337,338,339,347,348,349,359,360,361,369,370,382,383,384,385,389,390,391,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +7221 - 60,61,81,82,83,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,359,360,361,381,382,383,402,403,404,424,425,426,445,446,447,467,468,469,486 +7222 - 31,32,53,54,75,76,98,99,120,121,142,143,164,165,186,187,208,209,230,231,232,252,253,254,275,276,297,298,318,319,320,341,342,363,364,385,386,407,408,428,429,430,450,451,486 +7223 - 14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,126,127,128,142,143,144,148,149,150,169,170,171,190,191,192,211,212,213,232,233,234,235,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,343,344,354,355,356,357,358,359,360,361,365,366,367,375,376,377,378,379,380,381,388,389,390,396,397,398,399,400,401,410,411,412,418,419,420,421,422,433,434,435,487 +7224 - 10,11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,77,95,96,97,98,116,117,118,119,137,138,139,140,141,159,160,161,162,163,181,182,183,184,202,203,204,205,206,224,225,226,227,228,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,407,408,409,410,411,412,413,414,415,491 +7225 - 53,54,55,75,76,77,78,79,80,98,99,100,101,102,103,104,105,122,123,124,125,126,127,128,144,145,146,147,148,149,164,165,166,167,168,169,183,184,185,186,187,188,205,206,207,208,209,227,228,229,230,231,232,233,253,254,255,256,277,278,299,300,321,322,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,425,426,427,428,429,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,488 +7226 - 77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,127,128,139,140,141,148,149,150,162,169,170,171,190,191,192,211,212,213,232,233,234,253,254,255,274,275,276,295,296,297,316,317,318,337,338,339,358,359,360,379,380,381,400,401,402,421,422,423,442,443,444,463,464,465,492 +7227 - 64,65,84,85,86,87,105,106,107,108,126,127,128,129,142,147,148,149,150,163,164,168,169,170,171,184,185,186,189,190,191,192,205,206,207,211,212,213,226,227,228,229,232,233,234,247,248,249,250,253,254,255,269,270,271,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,337,338,339,340,359,360,361,380,381,382,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,489 +7228 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,125,140,141,142,143,144,146,147,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,298,299,300,314,315,316,317,321,322,336,337,338,339,342,343,344,358,359,360,361,364,365,366,380,381,382,383,388,402,403,404,405,408,409,410,425,426,427,429,430,431,432,447,448,449,450,451,452,453,471,472,473,474,493 +7229 - 78,79,80,81,82,99,100,101,102,103,104,105,106,107,121,122,123,125,126,127,128,129,130,141,142,143,150,151,152,161,162,163,164,165,171,172,173,182,183,184,185,186,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,234,235,236,237,248,255,256,257,258,276,277,278,297,298,299,300,317,318,319,320,321,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,464,465,466,467,492 +7230 - 12,13,14,15,16,34,35,36,55,56,57,76,77,78,97,98,99,100,119,120,121,141,142,162,163,164,184,185,205,206,207,227,228,229,248,249,250,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,325,326,327,336,337,338,346,347,348,358,359,360,361,362,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +7231 - 57,58,59,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,103,104,105,107,108,120,121,122,128,129,130,141,142,143,149,150,151,162,163,164,170,171,172,173,183,184,185,191,192,193,205,206,212,213,214,227,228,233,234,235,249,250,254,255,256,270,271,272,275,276,277,293,294,296,297,298,315,316,317,318,319,337,338,339,358,359,360,361,378,379,380,381,382,383,399,400,401,402,404,405,406,420,421,422,427,428,442,443,444,449,450,464,465,466,467,469,470,471,472,493 +7232 - 54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,204,205,206,207,226,227,228,247,248,249,250,269,270,271,272,273,274,292,293,294,295,296,297,298,315,316,317,318,319,320,321,340,341,342,343,344,363,364,365,366,367,386,387,388,389,409,410,411,412,431,432,433,434,452,453,454,455,474,475,476,477,490 +7233 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,142,143,144,147,148,149,150,163,164,165,168,169,170,171,185,186,190,191,192,206,207,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,380,381,382,401,402,403,422,423,424,425,444,445,446,465,466,467,494 +7234 - 29,30,31,51,52,53,54,73,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,341,342,343,344,363,364,365,366,386,387,388,389,408,409,410,411,412,413,431,432,433,434,435,436,454,455,456,457,486 +7235 - 105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,227,228,229,250,251,252,273,274,275,276,296,297,298,299,320,321,342,343,344,354,355,356,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,490 +7236 - 88,89,90,91,92,110,111,112,113,114,115,116,117,118,119,120,121,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,171,188,189,190,191,192,193,194,213,214,215,216,235,236,237,238,257,258,259,260,278,279,280,281,299,300,301,302,303,321,322,323,324,325,342,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +7237 - 59,60,61,81,82,83,102,103,104,124,125,126,145,146,147,148,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,486 +7238 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,295,296,297,298,299,300,301,312,313,314,315,319,320,321,322,323,334,335,336,337,341,342,343,344,345,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,490 +7239 - 57,58,59,60,61,78,79,80,81,82,99,100,101,102,104,120,121,122,123,125,126,141,142,143,144,147,148,162,163,164,165,168,169,170,184,185,186,190,191,192,205,206,207,211,212,213,227,228,229,232,233,234,235,249,250,253,254,255,256,270,271,272,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,338,340,341,342,361,362,363,364,383,384,385,405,406,426,427,428,448,449,469,470,471,494 +7240 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,295,296,297,298,317,318,319,320,321,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,473,474,475,486 +7241 - 79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,147,148,162,163,164,169,170,184,185,186,190,191,192,205,206,207,211,212,213,227,228,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,426,427,428,448,449,469,470,471,494 +7242 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,50,51,52,57,58,59,60,72,73,74,80,81,82,83,95,96,103,104,105,106,126,127,128,129,149,150,151,172,173,194,195,216,217,238,239,260,261,267,268,269,281,282,283,288,289,290,291,292,293,303,304,309,310,311,312,313,314,315,316,324,325,326,331,332,333,336,337,338,339,340,344,345,346,347,353,354,355,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,487 +7243 - 36,37,58,59,60,78,79,80,81,82,83,90,99,100,101,102,103,104,112,121,122,123,125,126,142,143,144,145,146,147,148,163,164,165,166,168,169,170,185,186,187,190,191,192,206,207,208,212,213,214,228,229,230,234,235,249,250,251,255,256,257,270,271,272,273,277,278,279,292,293,294,298,299,300,314,315,316,320,321,322,335,336,337,342,343,357,358,359,363,364,379,380,381,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,485 +7244 - 34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,114,115,116,117,136,137,138,159,160,181,182,183,203,204,205,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,282,293,294,302,303,304,325,326,327,347,348,349,362,369,370,371,382,383,384,391,392,393,403,404,405,406,407,408,409,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,490 +7245 - 100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,163,164,165,166,167,169,170,171,184,185,186,190,191,192,205,206,207,211,212,213,214,227,228,232,233,234,235,248,249,250,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,318,319,320,321,340,341,342,361,362,363,382,383,384,403,404,405,406,425,426,427,428,446,447,448,468,469,470,494 +7246 - 79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,180,181,182,183,188,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,411,421,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,474,490 +7247 - 57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,128,129,130,141,142,143,144,145,150,151,162,163,164,165,171,172,173,183,184,185,186,193,194,195,204,205,206,207,214,215,216,226,227,228,229,236,237,238,247,248,249,250,251,257,258,259,269,270,271,272,273,279,280,281,290,291,292,293,294,295,300,301,302,312,313,314,321,322,323,324,334,335,336,343,344,345,355,356,357,365,366,377,378,379,399,400,401,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +7248 - 56,57,58,78,79,80,92,100,101,102,113,114,115,122,123,124,134,135,136,137,144,145,146,147,156,157,158,159,166,167,168,169,178,179,180,181,188,189,190,191,201,202,203,210,211,212,213,223,224,225,226,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,489 +7249 - 143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,206,207,208,227,228,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,277,278,298,299,300,320,321,341,342,343,355,362,363,364,377,378,379,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,490 +7250 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,164,165,166,167,168,169,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,281,292,293,299,300,301,302,303,313,314,315,320,321,322,323,324,334,335,336,337,341,342,343,344,345,346,356,357,358,359,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +7251 - 99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,129,137,140,141,142,143,144,149,150,151,161,162,163,164,165,170,171,172,183,184,185,191,192,193,194,205,206,207,212,213,214,215,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,382,383,384,403,404,405,406,425,426,427,446,447,448,467,468,469,470,494 +7252 - 76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,167,168,169,170,182,183,184,189,190,191,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,257,269,270,271,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +7253 - 59,60,80,81,82,102,103,104,123,124,125,126,145,146,147,166,167,168,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,402,403,404,424,425,426,446,447,467,468,469,482,486 +7254 - 69,70,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,170,171,172,173,174,177,178,179,180,181,182,183,192,193,194,195,196,199,200,201,202,203,214,215,216,217,218,221,222,223,224,236,237,238,239,240,243,244,245,246,247,259,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,292,303,304,305,306,311,312,313,314,315,316,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,427,428,485 +7255 - 100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,162,163,164,165,169,170,171,184,185,186,187,190,191,192,193,205,206,207,208,212,213,214,227,228,229,233,234,235,248,249,250,255,256,257,271,276,277,278,297,298,299,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,449,468,469,470,492 +7256 - 54,55,56,75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,139,140,141,142,144,145,160,161,162,163,168,169,182,183,184,190,191,192,204,205,206,211,212,213,214,226,227,228,232,233,234,235,236,248,249,250,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,343,344,345,361,364,365,366,367,386,387,388,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,494 +7257 - 34,54,55,56,57,58,75,76,77,78,79,80,83,84,85,96,97,98,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,128,129,130,139,140,141,142,143,144,145,150,151,152,161,162,163,164,165,172,173,174,183,184,192,193,194,195,214,215,216,235,236,237,256,257,258,277,278,279,280,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,334,335,336,337,339,340,341,342,343,354,355,356,357,358,360,361,362,363,364,365,375,376,377,378,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,408,409,410,411,419,420,421,422,423,424,425,431,432,433,434,442,443,444,445,487 +7258 - 75,76,77,78,79,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,137,138,139,140,141,146,147,148,159,160,161,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,257,276,277,278,279,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,494 +7259 - 51,52,53,72,73,74,75,76,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,149,150,151,152,170,171,172,191,192,193,194,212,213,214,215,233,234,235,253,254,255,256,257,274,275,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,342,343,344,355,356,357,358,359,360,361,364,365,366,377,378,379,380,381,382,386,387,388,398,399,400,401,402,403,408,409,410,419,420,421,422,423,424,431,432,433,434,441,442,443,444,453,454,455,456,464,465,487 +7260 - 62,63,64,65,83,84,85,86,87,103,104,105,106,107,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,162,163,164,165,166,167,168,184,185,186,205,206,207,208,209,210,226,227,228,229,230,231,232,248,249,250,251,252,253,254,270,271,272,275,276,277,293,297,298,299,319,320,321,341,342,343,354,355,362,363,364,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,423,424,425,426,427,490 +7261 - 49,50,51,71,72,73,74,75,93,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,170,171,172,173,191,192,193,194,195,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,396,397,398,408,409,410,411,418,419,420,421,422,423,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,470,472,488 +7262 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,204,205,206,207,210,211,212,213,232,233,234,235,252,253,254,255,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,340,341,342,343,344,345,346,347,348,349,356,357,358,359,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,389,390,391,392,393,400,401,402,403,404,405,406,407,408,413,414,415,422,423,424,425,426,427,428,429,445,446,447,448,449,487 +7263 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,103,104,105,118,119,124,125,126,145,146,147,148,166,167,168,169,184,185,186,187,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,281,301,302,303,323,324,345,346,366,367,368,387,388,389,397,398,408,409,410,418,419,420,421,429,430,431,440,441,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,488 +7264 - 73,74,75,94,95,96,97,101,116,117,118,119,122,123,124,138,139,140,144,145,146,160,161,162,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +7265 - 36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,83,84,85,95,96,97,98,99,100,105,106,107,118,119,120,121,122,123,127,128,148,149,150,170,171,191,192,193,212,213,214,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,343,344,345,355,356,357,358,359,360,361,366,367,368,376,377,378,379,380,381,382,388,389,390,398,399,400,401,402,403,410,411,420,421,422,423,432,433,434,454,455,456,487 +7266 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,142,143,146,147,148,163,164,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,341,342,343,344,356,357,362,363,364,365,378,379,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,467,468,469,487 +7267 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,104,105,106,119,120,121,122,126,127,128,140,141,142,143,144,145,149,150,162,163,164,165,166,171,172,173,184,185,186,187,193,194,195,205,206,207,215,216,226,227,228,229,230,231,236,237,238,239,248,249,250,251,252,253,258,259,260,261,269,270,271,272,273,281,282,291,292,293,303,304,313,314,324,325,326,334,335,336,346,347,356,357,358,367,368,378,379,380,388,389,390,400,401,402,410,422,423,424,430,431,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,485 +7268 - 11,12,13,14,15,32,33,34,35,36,37,54,55,56,75,76,77,97,98,99,118,119,120,140,141,142,162,163,164,169,170,183,184,185,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,237,238,239,248,249,250,251,252,253,259,260,261,270,271,272,273,281,282,283,292,293,294,295,303,304,305,314,315,316,324,325,326,327,336,337,338,345,346,347,348,358,359,360,366,367,368,369,380,381,382,383,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +7269 - 98,99,100,101,102,103,105,119,120,121,122,123,124,125,126,127,141,142,143,146,147,148,149,162,163,164,169,170,171,183,184,185,190,191,192,205,206,211,212,213,214,227,228,232,233,234,235,248,249,250,253,254,255,256,261,270,271,272,273,274,275,276,277,278,283,293,294,295,296,297,298,299,316,317,318,319,320,321,340,341,342,362,363,364,384,385,405,406,407,427,428,429,448,449,450,470,471,494 +7270 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,126,141,142,143,163,164,165,185,186,187,207,208,209,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,450,451,452,453,490 +7271 - 57,58,59,60,78,79,80,81,82,83,99,100,101,102,104,105,121,122,123,124,126,127,142,143,144,145,146,148,149,164,165,166,170,171,185,186,187,192,193,206,207,208,213,214,228,229,230,235,236,249,250,251,252,256,257,258,259,270,271,272,273,278,279,280,281,292,293,294,300,301,302,313,314,315,316,321,322,323,335,336,337,343,344,356,357,358,364,365,378,379,380,386,400,401,402,407,408,422,423,424,427,428,429,430,445,446,447,448,449,450,467,468,469,470,471,485 +7272 - 26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,145,146,147,148,149,150,151,152,160,161,162,163,168,169,170,171,172,173,174,180,181,182,183,184,191,192,193,194,195,196,202,203,204,205,213,214,215,216,217,218,223,224,225,226,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,270,280,281,282,283,284,287,288,289,290,291,292,302,303,304,305,306,309,310,311,312,313,314,315,324,325,326,327,331,332,333,334,335,336,337,338,339,340,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +7273 - 14,15,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,183,184,185,191,192,193,205,206,207,212,213,214,215,216,227,228,233,234,235,236,237,238,248,249,250,255,256,257,258,259,270,271,272,275,276,277,280,281,292,293,297,298,301,302,303,313,314,315,318,319,323,324,335,336,340,341,344,345,357,358,362,363,365,366,379,380,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +7274 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,167,168,169,170,171,172,178,179,180,190,191,192,193,194,195,200,201,202,212,214,215,216,222,223,224,225,233,234,235,236,237,238,239,244,245,246,247,248,255,256,257,258,266,267,268,269,270,271,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,479,480,494 +7275 - 60,61,62,63,81,82,83,84,85,102,103,104,105,123,124,125,126,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,295,296,297,316,317,318,338,339,340,359,360,361,381,382,383,402,403,404,424,425,426,446,447,468,469,486 +7276 - 8,9,10,11,12,29,30,31,50,51,52,71,72,73,93,94,114,115,116,136,137,158,159,179,180,181,182,183,184,185,186,187,188,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,231,232,233,234,235,236,245,246,256,257,258,259,280,281,282,283,303,304,305,326,327,328,348,349,350,356,369,370,371,372,378,379,380,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,490 +7277 - 104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,169,170,171,182,183,184,185,190,191,192,204,205,206,207,211,212,213,226,227,228,233,234,235,248,254,255,256,275,276,277,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,425,426,427,446,447,448,468,469,492 +7278 - 77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,147,148,149,168,169,170,171,190,191,192,211,212,213,232,233,234,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,402,403,404,423,424,425,445,446,447,448,467,468,469,470,492 +7279 - 145,146,150,151,152,153,165,166,167,168,169,170,171,172,173,174,175,186,187,188,189,190,191,192,193,207,208,209,211,212,228,229,230,249,250,251,270,271,272,273,292,293,294,295,296,297,298,314,315,316,317,319,320,336,337,341,342,362,363,364,377,378,383,384,385,399,400,401,402,403,404,405,422,423,490 +7280 - 40,41,62,63,83,84,85,91,92,93,105,106,107,113,114,115,116,127,128,129,136,137,138,148,149,150,151,158,159,160,170,171,172,180,181,182,192,193,194,202,203,204,213,214,215,224,225,226,235,236,237,246,247,248,249,250,251,256,257,258,259,268,269,270,271,272,273,274,275,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,317,318,319,320,321,322,323,324,332,333,334,335,343,344,345,354,355,356,365,366,367,377,387,388,389,409,410,411,430,431,432,452,453,454,489 +7281 - 36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,172,173,174,181,182,183,184,194,195,196,202,203,204,205,215,216,223,224,225,226,237,238,239,244,245,246,247,257,258,259,260,261,262,265,266,267,268,278,279,280,281,282,283,284,287,288,289,290,291,297,298,299,300,301,302,303,304,305,306,309,310,311,312,318,319,320,321,322,323,324,325,326,331,332,333,340,341,342,343,344,345,346,353,354,355,359,362,363,364,365,366,367,375,376,377,381,382,383,384,385,386,387,397,398,399,400,402,403,404,405,406,407,408,419,420,421,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,485 +7282 - 73,74,75,79,80,81,95,96,97,100,101,102,103,117,118,119,122,123,124,125,139,140,141,144,145,146,147,161,162,163,165,166,167,168,169,183,184,185,187,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,253,254,255,256,257,270,271,272,275,276,277,278,291,292,293,294,295,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,372,386,387,388,389,390,392,408,409,410,430,431,452,453,474,475,489 +7283 - 73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,165,166,167,168,169,170,171,184,185,186,187,188,189,190,203,204,205,206,207,208,209,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,298,299,300,301,302,323,324,325,346,347,368,369,370,391,392,412,413,414,433,434,435,453,454,455,456,457,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,488 +7284 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,162,163,164,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,236,237,238,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,358,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +7285 - 42,43,63,64,65,84,85,86,105,106,107,126,127,128,140,141,147,148,149,162,163,168,169,170,171,183,184,185,189,190,191,192,205,206,207,211,212,213,226,227,228,232,233,234,239,247,248,249,250,253,254,255,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,333,334,335,339,340,341,360,361,362,382,383,384,403,404,405,424,425,426,446,447,489 +7286 - 37,38,39,40,41,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,107,108,109,117,118,119,120,121,122,123,124,129,130,131,138,139,140,141,142,143,144,145,152,153,159,160,161,162,163,164,165,166,173,174,175,181,182,183,184,185,186,187,195,196,197,202,203,204,205,206,207,208,217,218,224,225,226,227,228,229,230,239,240,246,247,248,249,250,251,260,261,262,267,268,269,270,271,272,281,282,283,289,290,291,292,293,294,302,303,304,305,311,312,313,314,315,316,323,324,325,326,333,334,335,336,337,338,344,345,346,347,355,356,357,358,359,360,361,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +7287 - 99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,149,150,151,161,162,163,164,170,171,172,182,183,184,185,191,192,193,194,204,205,206,207,212,213,214,215,226,227,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,381,382,383,402,403,404,423,424,425,444,445,446,465,466,467,492 +7288 - 52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,301,302,303,304,314,315,316,323,324,325,326,327,335,336,345,346,347,348,349,357,358,359,366,367,368,369,370,378,379,380,381,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +7289 - 17,18,19,20,39,40,41,60,61,62,81,82,83,102,103,104,123,124,125,144,145,146,164,165,166,167,185,186,187,188,207,208,209,228,229,230,232,233,234,235,249,250,251,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,317,318,321,322,323,335,336,337,338,339,340,342,343,344,357,358,359,360,361,363,364,365,379,380,381,382,384,385,386,402,403,404,405,406,407,424,425,426,427,428,491 +7290 - 37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,187,188,189,190,191,204,205,206,209,210,211,226,227,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,291,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,342,356,357,358,362,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,447,448,449,450,451,493 +7291 - 16,17,18,19,20,37,38,39,40,41,42,58,59,60,79,80,81,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,206,207,208,227,228,229,249,250,255,256,257,258,270,271,272,276,277,278,279,280,281,292,293,297,298,299,300,301,302,303,313,314,315,318,319,320,321,324,325,335,336,337,340,341,345,346,347,357,358,361,362,366,367,368,379,380,383,384,387,388,389,401,402,403,405,406,407,408,409,410,424,425,426,427,428,429,491 +7292 - 5,6,7,8,9,26,27,28,29,30,31,32,48,49,50,51,52,53,54,71,72,74,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,487 +7293 - 54,55,56,76,77,78,79,80,81,82,83,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,145,146,147,148,149,150,164,165,166,167,168,169,170,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,229,230,248,249,250,251,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,303,324,325,346,347,348,352,368,369,370,374,375,376,389,390,391,396,397,398,399,410,411,412,413,419,420,421,422,423,431,432,433,434,443,444,445,446,447,448,451,452,453,454,466,467,468,469,472,473,474,475,488 +7294 - 31,32,33,34,35,52,53,54,55,56,57,74,75,76,95,96,97,116,117,118,138,139,140,160,161,162,166,167,181,182,183,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,234,235,236,247,248,249,250,251,256,257,258,259,269,270,271,272,279,280,281,292,293,294,295,301,302,303,314,315,316,323,324,325,337,338,339,346,347,359,360,361,362,367,368,369,382,383,384,385,389,390,391,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,452,453,454,455,456,491 +7295 - 74,75,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,141,143,144,145,146,147,148,166,167,168,169,188,189,190,208,209,210,211,228,229,230,231,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,299,300,312,313,321,322,323,344,345,365,366,367,387,388,408,409,410,429,430,431,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +7296 - 51,52,53,73,74,75,94,95,96,97,105,106,115,116,117,118,126,127,128,137,138,139,148,149,150,159,160,161,169,170,171,181,182,183,191,192,193,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,454,473,474,475,489 +7297 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,82,83,84,97,98,99,100,105,106,119,120,121,128,140,141,142,149,150,162,163,169,170,171,183,184,185,190,191,192,206,207,211,212,213,228,229,230,232,233,234,250,251,252,253,254,255,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,344,359,360,361,365,366,380,381,382,383,386,387,388,402,403,404,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,493 +7298 - 14,15,16,35,36,37,38,39,56,57,58,59,60,61,78,79,80,82,83,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,227,228,229,230,249,250,251,252,253,254,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,322,323,324,337,338,339,344,345,346,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,491 +7299 - 38,39,40,60,61,81,82,83,102,103,104,124,125,126,145,146,147,163,164,167,168,185,186,188,189,190,206,207,208,210,211,227,228,229,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,291,292,293,296,297,300,301,313,314,317,318,319,339,340,361,362,382,383,384,404,405,425,426,427,447,448,489 +7300 - 79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,130,131,137,138,139,140,141,142,143,144,145,146,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,169,170,171,172,173,174,175,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,206,207,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +7301 - 101,102,105,106,107,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,192,193,194,203,204,205,206,207,208,214,215,216,225,226,227,228,229,235,236,237,247,248,249,250,256,257,258,268,269,270,271,278,279,290,291,292,299,300,301,312,313,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,426,427,428,447,448,449,468,469,470,471,492 +7302 - 52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,158,159,160,161,162,180,181,182,183,184,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,278,279,280,281,282,301,302,303,304,322,323,324,325,326,344,345,346,347,366,367,368,377,378,387,388,389,390,399,400,401,408,409,410,411,412,422,423,424,425,426,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +7303 - 39,40,41,60,61,62,63,81,82,83,84,103,104,105,124,125,126,145,146,147,148,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,337,338,339,340,358,359,360,361,380,381,382,401,402,403,404,423,424,425,444,445,446,486 +7304 - 70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,210,211,212,231,232,233,234,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,328,329,338,339,340,347,348,349,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,492 +7305 - 36,37,38,39,40,44,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,100,101,102,106,107,121,122,123,128,129,142,143,144,145,150,151,164,165,166,172,173,185,186,187,194,195,206,207,208,209,216,217,227,228,229,230,237,238,239,248,249,250,251,259,260,269,270,271,272,280,281,282,291,292,293,301,302,303,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,364,365,366,367,377,378,379,384,385,386,387,399,400,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,485 +7306 - 119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,189,190,191,192,193,202,203,204,212,213,214,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,472,473,474,492 +7307 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,87,98,99,100,107,108,109,119,120,121,128,129,130,141,142,148,149,150,163,164,169,170,171,184,185,186,189,190,191,192,206,207,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,342,357,358,359,363,364,378,379,380,386,387,400,401,402,408,409,422,423,424,425,427,428,429,430,431,445,446,447,448,449,450,451,452,493 +7308 - 35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,318,319,320,321,322,323,340,341,343,344,345,362,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,493 +7309 - 99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,147,148,149,150,160,161,162,163,170,171,181,182,183,184,185,191,192,193,202,203,204,205,206,212,213,214,224,225,226,234,235,246,247,255,256,257,268,269,276,277,278,297,298,299,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,425,426,446,447,448,467,468,469,492 +7310 - 78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,233,234,235,236,248,249,250,255,256,257,258,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +7311 - 128,129,130,131,144,145,146,147,148,149,150,151,152,153,165,166,167,168,169,170,171,187,188,189,205,206,207,208,209,210,226,227,228,229,230,248,249,250,251,270,271,272,273,274,275,296,297,319,320,334,335,341,342,356,357,362,363,364,378,379,380,381,382,383,384,385,401,402,403,404,405,490 +7312 - 75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,124,125,139,140,141,146,147,160,161,162,167,168,169,182,183,188,189,190,191,203,204,205,209,210,211,212,225,226,227,230,231,232,233,247,248,249,250,251,252,253,254,255,270,271,272,273,274,276,277,293,294,295,297,298,299,319,320,321,341,342,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +7313 - 79,80,99,100,101,102,119,120,121,122,123,124,125,126,141,142,143,144,147,148,168,169,170,189,190,191,211,212,232,233,249,250,251,252,253,254,269,270,271,272,273,274,275,290,291,292,294,295,296,297,298,307,311,312,313,314,315,316,317,319,320,321,327,328,329,333,334,335,336,337,342,343,344,345,346,347,348,349,350,355,356,357,366,367,368,369,370,487 +7314 - 94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,169,170,171,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,279,280,298,299,300,301,302,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +7315 - 57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,402,403,404,424,425,426,446,447,468,469,486 +7316 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,123,124,125,126,127,137,138,139,147,148,149,158,159,160,169,170,171,180,181,182,186,187,191,192,202,203,208,209,210,211,212,213,214,224,225,229,230,231,232,233,234,235,236,246,247,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,345,346,347,357,358,359,367,368,369,379,380,381,388,389,390,401,402,403,409,410,411,412,424,425,426,431,432,433,446,447,448,451,452,453,454,455,469,470,471,472,473,474,475,476,493 +7317 - 57,58,59,79,80,81,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,338,339,340,360,361,362,382,383,403,404,405,425,426,446,447,448,468,469,486 +7318 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,138,139,140,141,146,147,148,159,160,161,162,168,169,170,181,182,183,184,191,192,193,203,204,205,206,213,214,215,216,224,225,226,227,228,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,290,291,292,293,302,303,313,314,315,324,325,335,336,337,346,347,356,357,358,359,368,369,379,380,381,389,390,391,401,402,403,410,411,412,423,424,425,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,485 +7319 - 40,41,42,61,62,63,82,83,84,85,104,105,106,125,126,127,147,148,168,169,170,184,185,189,190,191,206,207,211,212,213,227,228,229,232,233,234,248,249,250,254,255,270,271,272,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,335,336,337,339,340,341,361,362,382,383,384,404,405,425,426,427,447,448,489 +7320 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,100,101,116,123,124,138,139,145,146,160,161,162,167,168,169,183,184,185,188,189,190,191,206,207,210,211,212,228,229,230,231,232,233,251,252,253,254,274,275,276,295,296,297,298,299,317,320,321,338,339,343,344,360,361,365,366,382,383,388,389,404,405,410,411,426,427,432,433,449,450,451,454,455,471,472,473,474,475,476,477,493 +7321 - 81,82,83,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,153,162,163,164,169,183,184,185,206,207,208,228,229,230,231,232,251,252,253,254,255,275,276,277,298,299,300,313,320,321,322,333,334,335,336,337,343,344,355,356,357,358,359,365,366,377,378,379,380,381,386,387,388,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,490 +7322 - 35,36,37,57,58,59,79,80,81,82,101,102,103,104,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,233,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,368,377,378,379,380,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +7323 - 122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,185,186,187,188,189,206,207,208,227,228,229,248,249,250,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,299,300,313,314,315,316,321,322,342,343,344,364,365,366,377,386,387,399,400,401,407,408,409,421,422,423,424,425,428,429,445,446,447,448,449,450,490 +7324 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,452,486 +7325 - 58,59,60,61,62,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,142,143,144,145,148,149,151,152,163,164,165,166,170,171,173,174,184,185,186,187,188,194,195,196,206,207,208,216,217,227,228,229,238,239,248,249,250,260,261,270,271,272,282,283,291,292,293,303,304,312,313,314,315,325,326,334,335,336,347,356,357,358,368,377,378,379,380,388,399,400,401,402,409,410,421,422,423,424,427,428,429,430,431,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,485 +7326 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,116,117,118,123,124,125,126,145,146,147,148,149,167,168,169,170,189,190,191,192,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,276,277,278,279,280,281,282,283,292,293,294,298,299,300,304,305,306,313,314,315,319,320,321,322,327,328,335,336,337,338,341,342,343,350,357,358,359,360,362,363,364,365,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,487 +7327 - 40,41,61,62,63,83,84,105,106,118,119,126,127,128,140,141,147,148,149,161,162,163,169,170,183,184,190,191,192,204,205,206,212,213,226,227,233,234,235,247,248,249,254,255,256,257,258,259,268,269,270,275,276,277,278,279,280,290,291,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,334,335,336,337,338,340,341,361,362,363,383,384,404,405,406,426,427,447,448,449,489 +7328 - 49,50,51,52,59,60,61,62,63,71,72,73,74,81,82,83,84,85,86,87,92,93,94,95,105,106,107,108,109,114,115,116,117,127,128,129,130,131,136,137,138,139,148,149,150,151,152,157,158,159,160,161,169,170,171,172,173,180,181,182,183,184,188,189,190,191,192,193,194,203,204,205,206,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,334,335,336,337,338,341,342,343,344,355,356,357,358,359,360,365,366,367,377,378,379,380,381,382,387,388,389,399,400,401,402,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,493 +7329 - 47,48,49,59,60,61,62,69,70,79,80,81,82,83,84,90,91,92,100,101,102,112,113,114,121,122,123,134,135,143,144,150,165,166,170,171,172,186,187,188,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,343,360,361,362,364,365,382,383,386,387,388,404,405,409,410,426,427,428,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +7330 - 32,33,34,54,55,56,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +7331 - 99,100,101,120,121,122,123,124,129,130,140,141,142,143,145,146,147,148,149,150,151,152,160,161,162,163,164,168,169,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,245,246,247,248,255,256,257,267,268,269,276,277,278,297,298,299,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,425,426,446,447,448,468,469,492 +7332 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,77,78,79,80,100,101,102,122,123,124,125,144,145,146,166,167,168,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,343,344,345,357,358,365,366,367,378,379,380,386,387,388,389,400,401,402,403,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +7333 - 40,41,42,62,63,83,84,85,98,104,105,106,119,120,126,127,140,141,142,147,148,149,162,163,164,168,169,170,183,184,185,190,191,204,205,206,211,212,213,225,226,227,232,233,234,235,236,237,247,248,249,254,255,256,257,258,259,268,269,270,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,318,319,333,334,335,336,339,340,341,361,362,382,383,384,403,404,405,425,426,447,448,489 +7334 - 112,113,114,115,116,117,118,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,183,184,185,186,187,188,189,190,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +7335 - 79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,147,148,149,162,163,164,165,168,169,170,171,183,184,185,186,189,190,191,192,204,205,206,211,212,213,226,227,228,232,233,234,235,248,249,253,254,255,256,270,271,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,319,320,340,341,342,361,362,363,382,383,384,404,405,425,426,427,446,447,448,468,469,470,494 +7336 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,118,119,122,123,124,125,143,144,145,146,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,233,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,469,470,471,488 +7337 - 56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,127,128,140,141,142,143,144,145,146,149,150,162,163,164,165,166,170,171,172,184,185,186,187,191,192,193,213,214,215,234,235,236,256,257,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,319,320,321,335,336,337,338,340,341,342,343,356,357,358,359,361,362,363,364,365,378,379,380,382,383,384,385,386,387,399,400,401,403,404,405,408,409,420,421,422,424,425,426,430,431,432,442,443,444,445,446,447,452,453,454,465,466,467,475,476,477,487 +7338 - 34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,103,104,105,106,107,108,116,117,118,119,125,126,127,128,129,130,137,138,139,140,147,150,151,152,159,160,161,172,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,302,303,304,305,309,310,311,323,324,325,326,331,332,333,344,345,346,347,348,353,354,355,364,365,366,367,368,369,375,376,377,378,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +7339 - 30,31,32,52,53,54,55,56,57,76,77,78,79,80,81,101,102,103,104,123,124,125,143,144,145,146,164,165,166,167,184,185,186,187,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,257,258,259,280,281,302,303,323,324,325,343,344,345,346,364,365,366,367,384,385,386,387,388,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,440,441,442,443,444,445,446,447,488 +7340 - 102,103,104,105,121,122,123,124,125,126,127,128,135,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,189,190,191,192,200,201,202,203,204,205,206,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,492 +7341 - 15,16,17,37,38,39,58,59,60,79,80,81,100,101,102,121,122,123,143,144,145,164,165,166,186,187,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,258,259,271,272,273,274,275,276,277,279,280,292,293,294,295,296,297,301,302,314,315,316,317,318,322,323,336,337,339,340,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,428,491 +7342 - 13,14,15,35,36,57,58,78,79,80,100,101,121,122,142,143,144,164,165,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,278,279,280,292,293,294,300,301,302,314,315,316,321,322,323,336,337,342,343,344,345,357,358,359,362,363,364,365,366,379,380,381,382,383,384,385,386,402,403,404,405,406,491 +7343 - 64,65,86,87,107,108,109,119,120,128,129,130,140,141,142,143,149,150,151,162,163,164,170,171,172,183,184,185,191,192,193,205,206,213,214,215,226,227,228,233,234,235,236,248,249,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,319,320,321,333,334,335,340,341,342,362,363,364,383,384,385,405,406,426,427,428,448,449,469,470,489 +7344 - 12,13,14,33,34,35,36,37,55,56,58,59,76,77,78,80,81,98,99,102,103,104,119,120,121,124,125,126,141,142,146,147,148,163,164,168,169,170,190,191,192,212,213,234,235,256,257,277,278,279,299,300,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,363,364,365,379,380,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,487 +7345 - 60,61,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,272,273,274,294,295,296,315,316,317,337,338,339,358,359,360,380,381,382,401,402,403,423,424,425,445,446,466,467,468,486 +7346 - 63,64,65,84,85,86,104,105,106,107,123,124,125,126,127,128,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,203,204,205,225,226,227,247,248,268,269,270,271,272,273,274,290,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,322,341,342,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,451,452,453,471,472,473,474,490 +7347 - 57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,148,149,163,169,170,171,191,192,193,212,213,214,233,234,235,255,256,257,276,277,278,291,292,293,294,297,298,299,312,313,314,315,316,317,318,319,320,333,334,338,339,340,341,360,361,362,380,381,382,383,400,401,402,403,404,405,421,422,423,424,426,427,443,444,448,449,470,471,487 +7348 - 48,49,50,51,71,72,73,74,93,94,95,96,97,98,99,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,148,166,167,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,277,278,279,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +7349 - 60,61,62,63,82,83,84,85,104,105,106,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,379,380,381,400,401,402,421,422,423,424,442,443,444,464,465,466,486 +7350 - 76,77,82,83,97,98,99,103,104,105,119,120,121,125,126,127,141,142,143,146,147,148,162,163,164,168,169,170,184,185,186,189,190,191,192,193,206,207,208,210,211,212,213,214,229,230,231,232,233,234,235,236,252,253,254,255,256,257,275,276,277,278,279,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,489 +7351 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,84,85,97,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,184,185,186,187,188,206,207,208,209,210,211,212,213,230,231,232,233,234,235,236,255,256,257,258,259,280,281,282,286,287,288,302,303,304,308,309,310,311,324,325,326,331,332,333,334,335,346,347,348,353,354,355,356,357,358,367,368,369,370,377,378,379,380,381,382,383,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,490 +7352 - 111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,164,166,167,168,169,189,190,191,212,213,214,235,236,257,258,279,280,301,302,322,323,324,344,345,365,366,367,387,388,389,408,409,410,429,430,431,432,450,451,452,453,472,473,474,492 +7353 - 11,12,13,14,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,82,83,97,104,105,126,127,148,149,170,171,191,192,193,213,214,235,236,256,257,272,273,274,275,276,278,279,292,293,294,295,296,297,298,299,300,313,314,315,316,320,321,322,333,334,335,341,342,343,344,354,355,356,362,363,364,365,366,375,376,377,383,384,385,387,388,389,396,397,398,403,404,405,406,410,411,418,419,420,423,424,425,426,432,433,487 +7354 - 31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,67,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,111,112,113,114,115,116,117,136,137,138,139,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,234,235,236,237,238,239,240,247,248,249,250,258,259,260,261,262,269,270,271,281,282,283,284,303,304,305,306,325,326,327,328,347,348,349,350,354,355,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,490 +7355 - 57,58,59,60,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,149,150,151,162,163,164,165,172,173,183,184,185,186,194,195,204,205,206,207,216,217,225,226,227,228,238,239,247,248,249,260,261,269,270,271,282,283,290,291,292,303,304,305,312,313,314,325,326,327,333,334,335,346,347,348,355,356,357,368,369,377,378,379,389,390,391,400,401,402,409,410,411,422,423,424,425,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +7356 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,144,145,146,147,148,149,150,160,161,162,165,166,167,168,169,171,182,183,184,186,187,188,189,190,191,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,343,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +7357 - 41,42,62,63,64,84,85,96,97,98,105,106,107,117,118,119,120,127,128,139,140,141,148,149,150,161,162,163,169,170,171,183,184,185,191,192,205,206,212,213,214,226,227,228,234,235,248,249,250,255,256,257,259,260,269,270,271,276,277,278,279,280,281,291,292,293,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,358,359,360,361,362,363,383,384,385,404,405,406,426,427,448,449,489 +7358 - 8,9,10,29,30,31,32,50,51,52,54,55,56,57,58,71,72,73,74,76,77,78,79,80,81,93,94,95,101,102,103,104,105,114,115,116,117,125,126,127,136,137,138,148,149,150,158,159,160,170,171,172,180,181,193,194,195,201,202,203,215,216,217,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,334,335,336,346,347,348,349,356,357,358,359,367,368,369,370,379,380,381,382,383,384,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,485 +7359 - 34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,83,97,98,99,119,120,127,141,142,147,148,149,163,164,168,169,170,185,186,189,190,191,207,208,210,211,212,229,230,231,232,233,251,252,253,272,273,274,275,294,295,296,297,315,316,317,319,320,336,337,338,341,342,358,359,360,363,364,380,381,385,386,402,403,407,408,424,425,426,427,428,429,447,448,449,450,451,493 +7360 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,57,58,59,60,74,75,76,80,81,82,96,97,102,103,104,118,119,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,365,366,367,379,380,381,382,383,384,385,387,388,389,401,402,403,404,405,409,410,411,412,424,425,426,432,433,434,487 +7361 - 14,15,16,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,140,141,142,161,162,163,183,184,185,191,192,193,204,205,206,212,213,214,215,216,225,226,227,233,234,235,236,237,238,239,247,248,253,254,255,256,259,260,269,270,274,275,276,281,282,290,291,292,296,297,302,303,312,313,314,317,318,319,323,324,334,335,336,339,340,344,345,346,356,357,358,361,362,364,365,366,379,380,381,382,383,384,385,386,402,403,404,405,406,407,491 +7362 - 114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,213,214,215,216,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,492 +7363 - 58,59,60,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,295,296,297,316,317,318,337,338,339,359,360,361,380,381,382,402,403,404,424,425,445,446,447,467,468,486 +7364 - 32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,148,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,208,214,215,216,217,226,227,228,229,237,238,239,247,248,249,250,251,258,259,260,269,270,271,272,279,280,281,282,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,334,335,336,337,342,343,344,345,346,356,357,358,359,360,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,448,449,450,485 +7365 - 58,59,60,61,79,80,81,82,83,99,100,101,102,105,120,121,122,123,141,142,143,162,163,164,168,169,183,184,185,189,190,191,204,205,206,211,212,213,226,227,232,233,234,248,249,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,318,319,320,339,340,341,361,362,382,383,384,403,404,405,425,426,446,447,448,468,469,494 +7366 - 58,59,60,80,81,82,101,102,103,104,124,125,140,141,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,205,206,207,211,212,213,227,228,229,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,320,321,322,336,337,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,489 +7367 - 80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,127,128,129,140,141,147,148,149,150,168,169,170,171,188,189,190,191,192,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,255,256,277,278,299,300,301,321,322,323,343,344,345,365,366,367,387,388,398,399,400,408,409,410,419,420,421,422,429,430,431,441,442,443,449,450,451,452,463,464,465,466,467,468,469,470,471,472,473,488 +7368 - 74,75,76,95,96,97,98,117,118,119,120,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,204,205,206,207,226,227,228,229,248,249,250,251,270,271,272,273,291,292,293,294,313,314,315,316,317,318,336,337,338,339,340,341,342,359,360,361,362,363,364,365,366,383,384,385,386,387,388,389,390,408,409,410,411,412,431,432,433,434,454,455,456,457,475,476,477,478,490 +7369 - 32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,79,80,81,82,83,104,105,106,126,127,128,148,149,150,170,171,172,192,193,194,207,208,209,213,214,215,227,228,229,230,231,232,235,236,237,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,275,276,277,278,279,288,289,290,291,297,298,299,300,309,310,311,312,317,318,319,320,321,331,332,333,337,338,339,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,386,387,398,399,400,408,409,430,431,432,452,453,454,455,487 +7370 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,79,80,81,95,96,97,98,101,102,103,117,118,119,120,123,124,125,139,140,141,145,146,147,167,168,169,189,190,211,212,232,233,234,254,255,256,276,277,278,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,362,363,364,365,366,379,380,381,383,384,385,386,387,388,389,401,402,403,404,405,406,407,409,410,423,424,425,426,427,428,446,447,448,449,487 +7371 - 34,35,36,37,55,56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,104,105,119,120,121,122,126,127,128,140,141,142,143,148,149,150,161,162,163,164,171,172,183,184,185,193,194,204,205,206,215,216,226,227,228,236,237,238,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,301,302,303,304,312,313,314,323,324,325,334,335,336,344,345,346,347,357,358,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,451,485 +7372 - 54,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,147,148,161,162,163,164,169,170,171,183,184,185,186,191,192,193,205,206,207,208,213,214,215,227,228,229,235,236,237,248,249,250,257,258,270,271,272,278,279,280,292,293,294,300,301,302,314,315,316,322,323,324,336,337,338,343,344,345,358,359,360,364,365,366,367,380,381,382,383,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,471,472,473,485 +7373 - 57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,106,107,108,120,121,122,129,130,141,142,143,144,145,151,152,162,163,164,165,166,167,173,174,183,184,185,186,187,195,196,204,205,206,207,217,218,225,226,227,228,239,240,247,248,249,261,262,268,269,270,282,283,284,290,291,292,304,305,311,312,313,325,326,327,333,334,335,347,348,355,356,357,368,369,377,378,379,388,389,390,399,400,401,402,409,410,411,421,422,423,424,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +7374 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,138,139,140,141,142,143,161,162,163,164,165,166,167,185,186,187,188,189,190,209,210,211,212,213,232,233,234,235,236,255,256,257,258,259,278,279,280,281,289,290,291,300,301,302,303,304,310,311,312,313,323,324,325,326,332,333,334,335,336,345,346,347,348,349,355,356,357,358,359,360,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,490 +7375 - 54,55,56,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,128,129,139,140,141,142,149,150,151,170,171,172,191,192,193,212,213,214,234,235,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,312,313,314,318,319,320,333,334,335,339,340,341,354,355,356,359,360,361,362,363,376,377,379,380,381,382,384,385,398,399,400,401,402,403,406,407,408,420,421,422,423,429,430,443,444,451,452,453,474,475,476,487 +7376 - 72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,146,147,148,149,158,160,161,162,163,164,165,168,169,170,171,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,319,321,322,323,324,337,338,339,340,341,344,345,346,359,360,361,362,367,368,369,380,381,382,383,389,390,391,402,403,404,405,410,411,412,424,425,426,427,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,477,493 +7377 - 105,106,107,108,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,183,184,185,187,205,206,207,227,228,249,250,251,252,272,273,274,275,276,296,297,298,299,311,320,321,333,334,342,343,355,356,357,358,364,365,378,379,380,381,382,385,386,387,402,403,404,405,406,407,408,427,428,429,490 +7378 - 100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,169,170,171,172,173,174,175,178,179,180,181,182,183,184,193,194,195,196,197,200,201,202,203,204,215,216,217,218,219,222,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,314,325,326,327,328,333,334,335,336,337,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,485 +7379 - 14,15,16,17,18,35,36,37,38,39,50,51,56,57,58,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,182,183,184,185,203,204,205,206,211,212,213,214,215,225,226,227,231,232,233,234,235,236,237,238,239,247,248,252,253,254,255,256,257,258,259,260,261,268,269,270,273,274,275,282,283,290,291,292,294,295,296,304,305,312,313,315,316,317,326,327,334,335,337,338,339,347,348,356,357,358,359,360,361,367,368,369,370,379,380,381,382,383,384,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,491 +7380 - 71,72,92,93,94,95,115,116,117,118,119,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,190,191,192,193,194,195,196,210,211,212,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,337,338,339,340,341,357,358,359,360,361,378,379,380,381,382,398,399,400,401,402,403,420,421,422,423,441,442,443,444,463,464,465,466,492 +7381 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,127,139,140,141,148,149,161,162,169,170,171,182,183,184,190,191,192,204,205,211,212,213,226,227,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,276,277,297,298,299,318,319,320,340,341,361,362,363,382,383,384,404,405,425,426,427,434,435,436,446,447,448,457,458,459,468,469,494 +7382 - 38,39,40,41,42,43,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,118,119,120,121,122,140,141,142,162,163,183,184,185,205,206,227,228,249,250,271,272,273,294,295,296,317,318,319,320,340,341,342,343,355,356,364,365,366,367,377,378,379,380,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,490 +7383 - 76,77,98,99,100,101,102,103,104,121,122,123,124,125,126,127,148,149,150,170,171,172,190,191,192,193,209,210,211,212,213,214,229,230,231,232,233,234,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,320,321,342,343,344,364,365,366,386,387,407,408,409,428,429,430,449,450,451,452,470,471,472,488 +7384 - 71,72,73,74,75,76,93,94,95,96,97,98,99,119,120,121,122,123,142,143,144,145,165,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,492 +7385 - 15,16,17,36,37,38,39,58,59,60,78,79,80,81,100,101,102,121,122,123,142,143,144,164,165,166,185,186,187,206,207,208,210,211,212,213,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,280,281,292,293,294,295,296,298,301,302,303,313,314,315,316,317,323,324,335,336,337,338,344,345,357,358,359,360,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,425,426,427,428,429,491 +7386 - 71,72,93,94,95,96,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,159,160,161,164,165,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,247,248,249,255,256,257,270,271,277,278,279,299,300,301,321,322,323,339,340,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,389,410,411,432,433,454,455,456,477,478,492 +7387 - 97,98,99,100,119,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,150,151,171,172,173,193,194,195,213,214,215,216,217,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,299,300,320,321,322,342,343,344,363,364,365,374,375,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,488 +7388 - 71,72,73,74,75,93,94,95,96,97,98,99,116,117,118,119,120,121,122,142,143,144,145,165,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,492 +7389 - 17,18,19,38,39,40,41,59,60,61,62,80,81,82,101,102,103,104,122,123,124,143,144,145,164,165,166,185,186,187,207,208,209,228,229,230,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,323,324,336,337,338,344,345,346,358,359,360,366,367,380,381,382,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +7390 - 56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,139,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,227,228,229,230,250,251,252,253,273,274,275,276,295,296,297,298,299,318,319,320,321,322,341,342,343,344,364,365,366,385,386,387,388,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,490 +7391 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,121,122,123,124,125,126,127,137,138,139,146,147,148,149,150,159,160,161,169,170,171,172,180,181,182,192,193,194,195,202,203,204,214,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,282,283,290,291,304,305,312,313,325,326,327,334,335,347,348,349,356,357,358,368,369,370,378,379,380,389,390,391,392,401,402,403,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +7392 - 7,8,9,10,11,12,13,14,15,16,28,29,30,31,32,33,34,35,36,37,38,39,40,50,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,82,83,84,85,105,106,107,127,128,129,149,150,151,171,172,173,192,193,194,195,213,214,215,216,217,235,236,237,238,256,257,258,259,269,270,271,272,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,413,414,420,421,422,423,424,487 +7393 - 34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,486 +7394 - 54,55,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,144,145,146,147,159,166,167,168,169,188,189,190,191,210,211,212,230,231,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,384,385,386,387,388,389,390,391,392,487 +7395 - 7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,78,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,231,232,233,234,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,357,358,359,360,361,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,487 +7396 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,57,70,71,76,77,78,79,80,81,101,102,103,104,124,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,274,275,276,277,278,279,299,300,301,302,322,323,324,325,334,335,344,345,346,347,356,357,366,367,368,369,378,379,380,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +7397 - 32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,79,80,81,93,94,95,101,102,103,114,115,116,123,124,125,137,145,146,147,166,167,168,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,355,366,367,368,377,378,379,387,388,389,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +7398 - 13,14,15,35,36,37,56,57,58,59,77,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,184,185,186,187,206,207,208,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,313,314,315,316,317,321,322,323,336,337,338,342,343,344,345,358,359,360,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,429,491 +7399 - 57,58,79,80,95,96,101,102,116,117,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,204,205,206,210,211,225,226,227,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +7400 - 55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,139,140,141,142,143,147,148,149,161,162,163,164,165,169,170,171,182,183,184,185,186,187,190,191,192,204,205,206,208,209,210,211,212,213,226,227,228,230,231,232,233,234,235,248,249,252,253,254,255,256,270,271,272,274,275,276,277,292,293,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,493 +7401 - 12,13,14,33,34,35,55,56,57,76,77,78,97,98,99,118,119,120,121,140,141,142,161,162,163,183,184,185,188,189,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,256,257,258,259,260,269,270,271,272,280,281,282,291,292,293,302,303,304,313,314,324,325,326,335,336,345,346,347,357,358,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +7402 - 13,14,15,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,182,183,184,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,486 +7403 - 92,93,94,95,96,97,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,158,159,167,168,169,180,181,189,190,191,201,202,203,211,212,213,224,225,232,233,234,246,247,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,492 +7404 - 56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,406,426,427,428,448,449,450,470,471,472,486 +7405 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,124,125,126,137,138,139,146,147,148,159,160,169,170,181,182,183,190,191,192,203,204,205,212,213,214,226,227,228,229,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,342,343,344,358,359,360,364,365,366,380,381,387,388,402,403,409,410,411,424,425,426,427,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +7406 - 31,32,33,52,53,54,55,56,73,74,75,76,77,78,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,136,137,138,139,142,143,144,158,159,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,385,386,387,407,408,409,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,457,486 +7407 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,146,147,148,149,159,160,161,168,169,170,181,182,183,190,191,192,203,204,205,212,213,217,218,225,226,227,233,234,235,239,240,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,298,299,319,320,321,341,342,343,363,364,384,385,386,393,394,406,407,408,415,416,427,428,429,449,450,451,470,471,472,473,494 +7408 - 6,7,8,9,10,11,27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,75,76,77,78,79,80,99,100,101,102,103,122,123,124,125,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,391,392,393,394,398,399,400,401,402,403,404,405,413,414,415,416,417,421,422,423,424,435,436,437,438,439,487 +7409 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,121,122,123,124,125,126,127,128,137,138,139,146,147,148,149,150,151,152,158,159,160,172,173,174,179,180,181,195,196,201,202,203,217,218,219,222,223,224,240,241,244,245,246,262,263,266,267,268,283,284,285,288,289,305,306,307,310,311,327,328,329,332,333,349,350,351,354,355,371,372,373,376,377,392,393,394,398,399,400,412,413,414,415,421,422,423,424,431,432,433,434,435,436,443,444,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,485 +7410 - 31,32,33,53,54,55,75,76,77,98,99,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,486 +7411 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +7412 - 44,45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,88,89,90,91,96,97,100,101,102,103,104,111,112,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,188,189,205,206,207,208,226,227,228,229,230,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,298,299,300,301,302,303,322,323,324,325,326,346,347,348,349,368,369,370,371,390,391,392,393,401,410,411,412,413,414,415,423,424,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,488 +7413 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,80,81,82,94,95,102,103,104,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,487 +7414 - 9,10,11,12,13,29,30,31,32,33,34,35,51,52,53,54,57,58,79,80,101,102,123,124,145,146,166,167,168,188,189,209,210,211,231,232,252,253,254,274,275,295,296,297,316,317,318,338,339,359,360,361,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,487 +7415 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,102,103,104,114,115,116,117,124,125,126,135,136,137,146,147,148,157,158,167,168,169,170,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,276,277,278,279,293,299,300,301,322,323,324,344,345,346,366,367,368,388,389,390,399,400,410,411,412,421,422,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,455,465,466,467,468,469,470,471,472,473,474,475,488 +7416 - 73,74,75,76,77,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,144,145,146,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,432,433,434,454,455,456,476,477,478,494 +7417 - 51,57,58,59,72,73,74,79,80,81,94,95,96,101,102,103,116,117,118,123,124,125,138,139,145,146,147,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,297,298,299,300,301,302,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,489 +7418 - 115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,199,200,201,202,203,204,205,206,213,214,215,235,236,237,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,344,345,346,347,348,349,350,366,367,387,388,389,409,410,411,431,432,433,452,453,454,474,475,476,492 +7419 - 37,38,39,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,117,118,119,139,140,141,160,161,162,182,183,184,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,256,257,258,259,269,270,271,272,279,280,281,292,302,303,304,324,325,326,346,347,348,367,368,369,370,377,378,379,388,389,390,391,399,400,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,490 +7420 - 94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,492 +7421 - 37,38,39,40,58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,427,444,445,446,447,448,486 +7422 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,79,80,81,95,101,102,103,123,124,125,145,146,166,167,168,187,188,189,208,209,210,211,230,231,232,253,254,255,276,277,278,298,299,300,310,311,312,321,322,332,333,334,342,343,344,354,355,364,365,366,377,378,385,386,387,388,400,401,402,403,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +7423 - 93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,141,142,145,146,147,148,159,160,168,169,170,181,182,189,190,191,203,204,211,212,213,224,225,226,233,234,235,255,256,257,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,471,472,473,492 +7424 - 32,33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +7425 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,100,101,102,103,104,105,106,115,116,117,125,126,127,137,138,139,147,148,149,159,160,161,169,170,181,182,183,190,191,192,204,205,206,211,212,213,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,361,364,365,380,381,382,386,387,388,402,403,404,408,409,410,424,425,426,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +7426 - 36,37,58,59,79,80,81,101,102,103,122,123,124,125,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,232,233,234,247,248,249,250,254,255,256,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,489 +7427 - 31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,99,100,101,102,103,104,116,117,118,123,124,125,126,127,137,138,139,148,149,150,159,160,171,172,173,180,181,182,193,194,195,202,203,204,215,216,217,224,225,226,238,239,240,246,247,260,261,262,268,269,282,283,284,290,291,304,305,306,311,312,313,326,327,328,333,334,335,348,349,350,355,356,357,369,370,371,377,378,379,390,391,392,399,400,401,402,403,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,485 +7428 - 6,7,8,9,10,28,29,30,31,32,33,34,54,55,56,57,78,79,101,102,123,124,125,146,147,168,169,190,191,212,213,234,235,256,257,277,278,279,299,300,301,312,313,314,315,321,322,334,335,336,337,338,339,340,341,342,343,344,355,356,360,361,362,363,364,365,366,367,368,378,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,423,424,425,426,427,487 +7429 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +7430 - 99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,167,168,169,170,171,179,180,181,182,183,184,185,192,193,201,202,203,204,205,223,224,225,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,322,323,324,325,326,343,344,345,346,347,363,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,427,428,429,430,449,450,451,471,472,494 +7431 - 7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,79,80,81,82,102,103,104,124,125,126,127,147,148,149,168,169,170,171,190,191,192,211,212,213,214,232,233,234,235,254,255,256,275,276,277,278,297,298,299,317,318,319,320,338,339,340,341,358,359,360,361,362,378,379,380,381,382,383,384,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,487 +7432 - 28,29,30,31,32,33,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,97,98,99,100,101,102,103,121,122,123,124,125,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,302,303,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,445,446,447,448,487 +7433 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,101,102,103,114,115,116,124,125,126,135,136,137,138,146,147,148,157,158,159,167,168,169,170,179,180,189,190,191,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,278,279,280,300,301,302,303,322,323,324,325,345,346,347,366,367,368,388,389,390,398,399,400,409,410,411,412,420,421,422,423,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +7434 - 11,12,13,31,32,33,34,35,52,53,54,55,56,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,208,227,228,229,230,235,236,237,249,250,251,252,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,337,338,339,340,341,342,346,347,348,360,361,362,363,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,429,430,431,432,433,434,491 +7435 - 34,35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +7436 - 53,54,55,63,73,74,75,76,77,78,84,85,86,94,95,96,97,98,99,100,101,105,106,107,108,115,116,117,118,119,120,121,122,123,126,127,128,129,135,136,137,138,139,144,145,147,148,149,150,151,157,158,159,160,166,167,168,169,170,171,172,178,179,180,181,190,191,192,193,200,201,202,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,317,318,319,320,323,324,325,326,338,339,340,341,342,346,347,348,360,361,362,363,368,369,370,382,383,384,390,391,392,404,405,406,411,412,413,414,426,427,428,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +7437 - 114,115,116,117,135,136,137,138,139,140,141,142,143,144,145,146,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,211,212,213,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,258,259,260,261,266,267,268,280,281,282,283,288,289,302,303,304,305,309,310,311,323,324,325,326,331,332,333,345,346,347,348,353,354,355,366,367,368,369,370,376,377,388,389,390,391,409,410,411,412,413,431,432,433,434,453,454,455,474,475,476,477,492 +7438 - 71,72,73,74,75,92,93,94,95,96,97,98,115,116,117,118,119,120,121,122,141,142,143,144,145,146,165,166,167,168,189,190,191,211,212,213,223,226,227,228,229,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,321,322,323,325,326,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,492 +7439 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,80,81,82,83,94,95,96,103,104,105,116,117,118,125,126,127,138,139,148,149,160,161,162,170,171,183,184,185,191,192,193,205,206,207,208,212,213,214,228,229,230,231,233,234,235,251,252,253,254,255,256,257,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,343,344,345,358,359,360,366,367,368,380,381,382,388,389,390,402,403,404,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,493 +7440 - 9,10,11,31,32,33,53,54,55,56,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,486 +7441 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,124,125,126,127,137,138,139,148,149,159,160,161,170,171,172,181,182,183,184,191,192,193,204,205,206,213,214,215,226,227,228,229,234,235,236,249,250,251,252,253,255,256,257,258,272,273,274,275,276,277,278,295,296,297,298,299,318,319,320,321,322,339,340,341,342,343,344,345,360,361,362,365,366,367,381,382,383,384,388,389,390,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +7442 - 50,51,58,59,60,72,73,80,81,82,94,95,102,103,116,117,124,125,137,138,139,145,146,147,159,160,161,167,168,169,181,182,189,190,203,204,211,212,214,224,225,226,233,234,235,236,237,246,247,248,254,255,256,257,258,268,269,270,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,489 +7443 - 29,30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,256,257,258,270,271,272,273,278,279,280,293,294,301,302,303,323,324,325,345,346,347,354,355,356,367,368,369,376,377,378,379,380,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,490 +7444 - 34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,116,117,118,119,120,121,137,138,139,140,141,159,160,161,162,181,182,183,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,279,280,281,282,292,293,294,302,303,304,324,325,326,327,346,347,348,349,367,368,369,370,388,389,390,391,392,409,410,411,412,413,422,423,424,425,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,490 +7445 - 94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,145,146,147,148,159,160,161,167,168,169,181,182,183,189,190,191,203,204,211,212,213,225,226,232,233,234,247,248,254,255,256,269,270,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,492 +7446 - 92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,166,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +7447 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,144,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,211,212,213,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,295,296,298,299,300,319,320,321,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,471,472,473,494 +7448 - 77,78,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,247,248,249,250,270,271,272,273,293,294,295,296,315,316,317,318,319,338,339,340,341,361,362,363,364,384,385,386,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,490 +7449 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,78,79,80,81,82,83,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,257,258,259,260,270,271,272,273,280,281,282,293,294,302,303,304,325,326,346,347,348,355,356,368,369,370,376,377,378,379,380,389,390,391,392,399,400,401,402,403,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,490 +7450 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,94,95,96,97,98,100,101,102,103,115,116,117,119,120,123,124,125,137,138,139,141,142,146,147,159,160,168,169,170,181,182,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,256,257,258,269,270,271,279,280,291,292,293,302,303,313,314,315,324,325,335,336,347,348,357,358,359,369,370,380,381,391,392,402,403,404,413,414,425,426,427,428,435,436,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,493 +7451 - 11,12,13,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,97,98,99,102,103,104,119,120,121,125,126,127,140,141,142,147,148,149,161,162,163,164,170,171,172,183,184,185,192,193,194,205,206,207,215,216,217,226,227,228,237,238,239,248,249,250,259,260,261,269,270,271,272,281,282,283,291,292,293,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,485 +7452 - 32,33,34,35,53,54,55,56,57,74,75,76,77,78,98,99,100,119,120,121,141,142,143,163,164,165,185,186,206,207,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,270,271,272,273,274,277,278,292,294,295,299,300,316,317,321,322,337,338,339,343,344,359,360,361,365,366,381,382,383,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,453,491 +7453 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,124,125,126,127,137,138,139,146,147,148,159,160,169,170,181,182,183,190,191,192,203,204,205,206,210,211,212,213,214,226,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,299,315,316,317,320,321,322,336,337,338,342,343,344,358,359,360,365,366,367,380,381,387,388,389,402,403,404,409,410,411,425,426,427,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +7454 - 59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,468,469,470,486 +7455 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,124,125,137,138,139,146,147,158,159,160,167,168,169,188,189,190,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,277,278,279,293,294,299,300,301,322,323,344,345,365,366,367,387,388,389,401,408,409,410,411,422,423,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +7456 - 10,11,12,31,32,33,34,52,53,54,55,73,74,75,95,96,97,116,117,118,138,139,160,161,181,182,183,191,192,193,203,204,210,211,212,213,214,215,216,217,225,226,230,231,232,233,234,235,236,237,238,239,247,248,251,252,253,254,255,260,261,262,269,270,272,273,274,275,282,283,284,291,292,293,294,295,296,304,305,313,314,315,316,317,318,326,327,336,337,338,339,340,341,342,343,348,349,359,360,361,362,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +7457 - 28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,94,95,96,116,117,118,138,139,140,160,161,162,164,165,166,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,233,234,235,236,247,248,249,250,256,257,258,259,260,270,271,279,280,281,282,302,303,304,325,326,327,347,348,349,353,354,355,369,370,371,375,376,377,390,391,392,393,397,398,399,400,401,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,456,490 +7458 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,123,124,125,126,136,137,138,139,140,141,147,148,149,158,159,160,161,162,169,170,171,181,182,183,184,192,193,194,204,205,206,214,215,216,226,227,228,237,238,248,249,250,251,259,260,270,271,272,273,281,282,283,292,293,294,295,303,304,305,315,316,317,325,326,327,337,338,339,347,348,359,360,361,368,369,370,381,382,383,384,389,390,391,392,404,405,406,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,485 +7459 - 59,60,74,75,80,81,82,96,97,102,103,118,119,123,124,125,139,140,141,145,146,147,161,162,166,167,168,182,183,184,188,189,190,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,275,276,277,296,297,298,318,319,320,340,341,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,472,489 +7460 - 15,16,17,18,19,36,37,38,39,40,57,58,59,60,78,79,80,81,99,100,101,102,121,122,123,142,143,144,145,164,165,166,185,186,187,207,208,209,228,229,230,231,250,251,252,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,343,344,345,358,359,360,365,366,367,380,381,382,383,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +7461 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,101,102,103,104,105,117,118,119,123,124,125,126,127,138,139,140,146,147,148,160,161,162,169,170,182,183,184,191,192,204,205,206,212,213,214,227,228,229,232,233,234,235,249,250,251,252,254,255,256,272,273,274,275,276,277,295,296,297,298,316,317,318,319,320,321,337,338,339,342,343,344,358,359,360,364,365,366,367,380,381,387,388,389,402,403,409,410,411,423,424,425,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +7462 - 54,55,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,120,121,122,123,124,125,126,127,128,138,139,140,142,143,144,145,146,147,148,149,150,151,159,160,161,162,164,165,166,167,171,172,173,180,181,182,183,194,195,196,201,202,203,204,216,217,218,219,223,224,225,239,240,241,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,313,327,328,329,332,333,334,335,349,350,351,355,356,357,370,371,372,377,378,379,380,384,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,485 +7463 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,101,102,103,114,115,116,117,123,124,125,136,137,144,145,146,147,165,166,167,168,187,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,276,277,278,299,300,301,321,322,323,343,344,345,346,366,367,368,387,388,389,409,410,411,422,423,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,475,488 +7464 - 74,75,76,80,81,96,97,98,99,102,103,117,118,119,123,124,125,139,140,141,145,146,160,161,162,167,168,181,182,183,184,188,189,190,202,203,204,205,210,211,212,224,225,226,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,298,299,300,320,321,322,342,343,364,365,386,387,408,409,430,431,452,453,474,475,476,489 +7465 - 12,13,14,34,35,36,37,55,56,57,58,59,77,78,79,80,81,82,98,99,100,102,103,104,120,121,122,125,126,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,186,191,192,193,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,269,270,271,279,280,281,290,291,292,293,300,301,302,312,313,314,321,322,323,324,334,335,336,343,344,345,356,357,358,363,364,365,366,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,485 +7466 - 35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,167,168,169,170,183,184,185,186,187,189,190,191,192,204,205,206,207,208,211,212,213,214,225,226,227,228,229,230,233,234,235,236,247,248,249,250,251,252,255,256,257,258,269,270,271,272,273,277,278,279,280,291,292,293,294,295,298,299,300,301,302,313,314,315,316,317,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,485 +7467 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,80,81,82,102,103,104,124,125,126,145,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,335,336,337,338,339,350,351,356,357,358,359,360,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,487 +7468 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,204,205,206,207,211,212,213,214,215,216,225,226,227,228,231,232,233,234,235,236,237,246,247,248,249,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,342,343,344,345,359,360,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +7469 - 35,36,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +7470 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,470,471,472,492 +7471 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,98,99,100,102,103,119,120,121,122,124,125,126,141,142,143,146,147,148,162,163,164,169,170,184,185,186,191,192,193,205,206,207,213,214,215,227,228,229,236,237,238,248,249,250,251,258,259,260,270,271,272,280,281,282,292,293,294,302,303,304,314,315,316,323,324,325,335,336,337,344,345,346,347,357,358,359,366,367,368,379,380,381,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +7472 - 57,58,78,79,80,99,100,101,102,121,122,123,124,125,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +7473 - 6,7,8,9,10,11,12,13,27,28,29,30,33,34,35,36,49,50,56,57,58,78,79,80,81,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,294,295,296,297,316,317,318,336,337,338,339,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,487 +7474 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,147,158,159,160,161,168,169,170,179,180,181,182,190,191,192,201,202,203,212,213,214,222,223,224,233,234,235,236,244,245,246,247,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,299,300,301,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,494 +7475 - 30,31,32,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,117,118,119,139,140,141,161,162,163,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,256,257,258,259,271,272,273,279,280,281,294,301,302,303,324,325,326,332,333,345,346,347,348,353,354,355,366,367,368,369,375,376,377,378,379,387,388,389,390,391,398,399,400,401,402,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +7476 - 31,32,33,34,35,36,52,53,54,55,56,57,58,74,75,76,79,80,81,95,96,97,101,102,103,118,119,123,124,125,145,146,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,360,361,362,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,487 +7477 - 54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,100,101,102,103,104,105,106,115,116,117,125,126,127,128,136,137,138,149,150,158,159,160,171,172,180,181,182,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,228,229,230,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,336,337,338,339,343,344,345,358,359,360,366,367,368,380,381,382,388,389,390,391,402,403,404,411,412,413,425,426,427,433,434,435,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,493 +7478 - 95,96,97,98,116,117,118,119,120,121,122,123,138,139,140,141,143,144,145,159,160,161,162,164,165,166,167,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,248,249,250,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,344,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +7479 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,105,115,116,117,125,126,127,128,137,138,147,148,149,150,159,160,171,172,181,182,193,194,203,204,205,213,214,215,216,225,226,227,228,229,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,342,343,344,345,358,359,360,361,365,366,367,380,381,382,388,389,390,402,403,404,409,410,411,424,425,426,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +7480 - 56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,136,137,138,157,158,159,179,180,181,190,191,201,202,203,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,258,259,260,261,267,268,269,270,271,281,282,283,284,303,304,305,306,325,326,327,337,346,347,348,349,358,359,368,369,370,371,380,381,388,389,390,391,392,402,403,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +7481 - 29,30,31,32,33,34,35,36,37,38,39,40,41,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,94,95,96,116,117,118,138,139,140,160,161,162,182,183,184,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,257,258,259,260,261,269,270,271,272,280,281,282,283,292,293,303,304,305,306,325,326,327,328,347,348,349,355,356,357,368,369,370,371,377,378,379,380,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,490 +7482 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,102,103,104,105,116,117,118,119,124,125,126,137,138,139,140,158,159,160,161,179,180,181,182,201,202,203,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,277,278,279,280,281,290,291,300,301,302,303,323,324,325,326,346,347,348,368,369,370,390,391,392,411,412,413,414,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,490 +7483 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,79,80,81,82,93,94,95,96,102,103,104,114,115,116,117,125,126,136,137,138,147,148,168,169,170,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,277,278,279,299,300,301,302,322,323,324,344,345,346,366,367,368,369,377,378,388,389,390,398,399,400,401,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +7484 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,72,73,74,79,80,81,82,93,94,95,102,103,104,105,115,116,125,126,127,147,148,149,169,170,171,192,193,213,214,215,235,236,237,249,250,251,252,257,258,259,269,270,271,272,273,274,275,276,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,318,319,320,321,322,323,324,333,334,335,342,343,344,345,346,354,355,356,364,365,366,367,368,369,376,377,385,386,387,389,390,391,392,397,398,399,400,405,406,407,408,413,414,415,420,421,422,423,424,425,426,427,428,429,436,437,443,444,445,446,447,448,449,487 +7485 - 32,33,34,53,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,101,102,103,104,117,118,119,120,124,125,126,127,138,139,140,141,147,148,149,150,160,161,162,170,171,172,182,183,184,192,193,194,195,203,204,205,206,214,215,216,217,225,226,227,236,237,238,239,247,248,249,259,260,261,269,270,271,281,282,283,291,292,293,302,303,304,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +7486 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,144,145,146,147,156,157,158,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,435,487 +7487 - 59,60,61,74,81,82,96,97,102,103,104,118,119,124,125,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,204,205,206,207,208,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,275,276,277,291,292,297,298,299,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,429,448,449,450,470,471,472,489 +7488 - 54,55,56,57,58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,138,139,140,144,145,146,160,161,162,165,166,167,183,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,250,251,252,253,254,272,273,274,275,276,277,294,295,298,299,300,315,316,317,321,322,323,337,338,339,344,345,359,360,367,368,381,382,389,390,403,404,411,412,425,426,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +7489 - 59,60,80,81,82,96,97,102,103,118,119,123,124,125,139,140,141,145,146,147,161,162,163,167,168,182,183,184,188,189,190,203,204,205,206,207,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,275,276,277,297,298,299,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,448,449,450,470,471,472,489 +7490 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,114,115,116,117,118,135,136,137,138,139,157,158,159,160,179,180,181,182,188,189,190,191,192,201,202,203,209,210,211,212,213,214,215,223,224,225,230,231,232,233,234,235,236,237,238,245,246,247,252,253,254,255,256,258,259,260,261,267,268,269,273,274,275,276,277,281,282,283,289,290,291,292,293,295,296,297,298,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,427,428,429,430,431,450,451,452,453,491 +7491 - 36,37,38,57,58,59,60,79,80,81,100,101,102,103,104,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,229,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +7492 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,159,160,161,162,165,166,167,168,169,170,180,181,182,183,187,188,189,190,191,192,202,203,204,210,211,212,213,224,225,231,232,233,234,235,246,247,248,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,299,300,314,315,316,317,321,322,323,343,344,345,365,366,367,388,389,410,411,412,432,433,434,454,455,456,477,478,494 +7493 - 13,14,15,34,35,36,55,56,57,76,77,78,97,98,99,118,119,120,121,140,141,142,148,161,162,163,183,184,185,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,277,278,279,280,281,290,291,292,293,299,301,302,303,312,313,314,323,324,325,334,335,336,345,346,347,356,357,358,359,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,491 +7494 - 96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,167,168,169,179,180,189,190,191,211,212,213,233,234,235,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,472,473,474,492 +7495 - 57,58,79,80,81,100,101,102,122,123,124,125,144,145,146,166,167,168,188,189,190,209,210,211,230,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,448,449,450,470,471,472,486 +7496 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +7497 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,100,101,102,103,104,116,117,118,119,124,125,126,137,138,139,140,141,146,147,148,159,160,161,167,168,169,170,189,190,191,208,209,210,211,212,213,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,316,322,323,324,344,345,346,347,366,367,368,369,388,389,390,391,401,402,409,410,411,412,422,423,424,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +7498 - 59,60,61,62,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,142,143,144,145,146,164,165,166,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,254,255,256,271,272,273,276,277,293,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,445,446,447,448,449,467,468,469,490 +7499 - 12,13,34,35,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,123,124,141,142,143,145,146,147,163,164,165,168,169,184,185,186,190,191,205,206,207,208,212,213,227,228,229,230,233,234,235,236,249,250,251,256,257,258,271,272,273,278,279,280,293,294,295,300,301,314,315,316,317,321,322,323,335,336,337,338,343,344,345,357,358,359,364,365,366,379,380,381,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,485 +7500 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,76,81,82,83,103,104,105,125,126,127,146,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,253,254,255,274,275,276,277,295,296,297,298,315,316,317,318,319,336,337,338,339,348,349,350,351,357,358,359,360,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,487 +7501 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,102,103,104,114,115,116,117,124,125,126,136,137,146,147,148,158,159,167,168,169,170,189,190,191,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,277,278,279,280,300,301,302,322,323,324,325,345,346,347,366,367,368,369,388,389,390,399,400,408,409,410,411,412,420,421,422,423,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,488 +7502 - 80,81,82,83,102,103,104,116,117,118,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,185,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,489 +7503 - 13,14,15,16,34,35,36,55,56,57,58,77,78,79,98,99,100,119,120,121,122,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,277,278,279,280,290,291,292,300,301,302,312,313,314,323,324,334,335,336,344,345,346,356,357,358,359,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +7504 - 12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,77,78,95,96,97,98,116,117,118,119,138,139,140,159,160,161,162,181,182,183,190,191,203,204,205,208,209,210,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,237,238,246,247,248,251,252,253,254,255,258,259,260,261,268,269,270,271,272,273,274,275,281,282,283,290,291,292,293,294,295,296,303,304,305,312,313,314,315,316,317,325,326,327,334,335,336,337,338,346,347,348,349,357,358,359,360,361,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,491 +7505 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,124,125,126,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,190,191,203,204,205,211,212,213,225,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,494 +7506 - 56,57,58,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,191,192,193,206,207,208,209,210,213,214,215,227,228,229,230,231,235,236,237,249,250,251,257,258,259,270,271,272,273,278,279,280,292,293,294,300,301,302,314,315,316,321,322,323,336,337,338,343,344,345,358,359,360,364,365,366,380,381,382,385,386,387,388,402,403,404,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,485 +7507 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,116,117,118,119,123,124,125,138,139,140,145,146,147,160,161,166,167,168,182,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,293,294,299,300,301,322,323,344,345,365,366,367,387,388,389,407,408,409,410,422,423,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,488 +7508 - 30,31,32,33,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,103,104,116,117,118,124,125,126,137,138,139,145,146,147,159,160,161,165,166,167,168,181,182,183,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,253,257,258,259,260,270,271,272,282,283,292,293,294,304,305,313,314,315,325,326,327,335,336,346,347,348,356,357,358,367,368,369,378,379,380,388,389,390,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,493 +7509 - 94,95,96,97,98,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,168,169,170,181,182,190,191,192,203,204,212,213,225,226,232,233,234,235,255,256,257,277,278,279,299,300,301,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,450,451,452,472,473,474,492 +7510 - 9,10,11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,54,55,57,58,59,60,61,81,82,83,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,186,187,188,189,190,208,209,210,211,228,229,230,231,232,249,250,251,252,253,261,262,270,271,272,273,282,283,284,291,292,293,294,295,303,304,305,306,313,314,315,323,324,325,326,327,334,335,336,337,342,343,344,345,346,347,348,356,357,358,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,487 +7511 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,148,149,159,160,161,167,168,169,170,171,181,182,183,189,190,191,202,203,204,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,252,253,254,255,256,269,270,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,494 +7512 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,98,99,101,102,103,104,114,115,116,121,125,126,136,137,147,148,158,159,169,170,180,181,190,191,192,202,203,204,212,213,224,225,226,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,300,301,318,319,320,322,323,324,338,339,340,341,345,346,359,360,361,362,367,368,369,380,381,382,383,389,390,391,402,403,404,411,412,413,425,426,427,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +7513 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,158,159,167,168,169,180,181,189,190,191,202,203,211,212,213,223,224,225,226,232,233,234,235,245,246,247,255,256,257,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,492 +7514 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,122,123,124,125,126,137,138,139,140,145,146,147,148,159,160,161,162,163,164,166,167,168,169,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,257,273,274,275,276,277,278,279,280,294,295,296,297,299,300,301,302,316,317,318,319,322,323,324,338,339,340,344,345,346,359,360,361,362,366,367,368,381,382,383,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,493 +7515 - 33,34,35,55,56,57,76,77,78,79,80,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,168,169,170,184,185,186,190,191,192,193,205,206,207,208,213,214,215,226,227,228,229,236,237,248,249,250,258,259,270,271,272,280,281,291,292,293,301,302,303,313,314,315,322,323,324,325,334,335,336,341,342,344,345,346,356,357,358,363,365,366,367,378,379,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +7516 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,323,324,325,326,327,328,336,337,338,339,340,345,346,347,348,349,350,358,359,360,361,362,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,491 +7517 - 57,58,59,79,80,81,94,95,101,102,103,116,117,123,124,125,138,139,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,202,203,204,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,298,299,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,472,473,474,489 +7518 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +7519 - 55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,124,125,126,127,138,139,140,146,147,148,160,161,162,169,170,182,183,184,191,192,204,205,206,212,213,214,226,227,228,233,234,235,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,364,365,366,380,381,382,383,386,387,388,402,403,404,408,409,410,424,425,426,427,429,430,431,447,448,449,450,451,452,470,471,472,473,493 +7520 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,100,101,102,103,114,115,116,117,122,123,124,125,135,136,144,145,146,157,158,166,167,168,179,180,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,294,295,296,297,298,307,315,316,317,318,319,320,328,329,336,337,338,339,340,341,342,343,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,409,410,411,412,413,414,415,416,423,424,425,426,427,434,436,447,487 +7521 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,102,103,104,115,116,117,118,124,125,126,137,138,139,145,146,147,159,160,167,168,169,181,189,190,191,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,275,278,279,280,294,295,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +7522 - 13,14,15,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,122,138,139,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,213,214,215,225,226,227,228,233,234,235,236,237,238,246,247,248,249,253,254,255,256,257,258,259,260,261,268,269,270,271,274,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,303,304,305,312,313,314,315,318,319,320,325,326,327,334,335,336,337,340,341,342,343,346,347,348,357,358,359,360,361,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +7523 - 8,9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,49,50,51,52,53,56,57,58,59,70,71,72,73,79,80,81,93,94,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,336,337,338,339,340,349,350,351,357,358,359,360,361,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,487 +7524 - 51,52,53,54,73,74,75,76,77,95,96,97,98,99,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,473,474,475,486 +7525 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,140,141,142,143,144,145,146,147,158,159,160,167,168,169,180,181,189,190,191,202,203,211,212,213,224,225,233,234,255,256,276,277,278,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,474,492 +7526 - 72,73,81,82,93,94,95,96,102,103,104,105,115,116,117,118,123,124,125,126,127,136,137,138,139,140,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,180,181,182,183,187,188,189,190,191,192,193,202,203,204,205,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,299,300,301,302,321,322,323,324,342,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,489 +7527 - 95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,167,168,169,182,183,189,190,191,204,205,210,211,212,226,227,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,492 +7528 - 27,28,29,30,31,32,49,50,51,52,53,54,55,70,71,72,74,75,76,77,92,93,98,99,100,115,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,361,362,363,370,371,383,384,385,389,390,391,392,404,405,406,407,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,487 +7529 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,138,139,140,145,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,192,202,203,204,205,210,211,212,213,224,225,226,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,494 +7530 - 70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,114,115,116,121,122,123,124,125,145,146,147,166,167,168,187,188,189,204,205,206,209,210,211,226,227,228,229,230,231,232,249,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,343,344,345,346,347,348,349,350,351,359,360,361,380,381,382,383,402,403,404,424,425,426,446,447,468,469,492 +7531 - 29,30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,78,79,80,81,82,83,84,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,256,257,258,259,271,272,273,274,279,280,281,293,294,295,301,302,303,304,324,325,326,346,347,348,367,368,369,370,377,378,388,389,390,391,398,399,400,401,402,403,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,490 +7532 - 29,30,31,51,52,53,73,74,75,96,97,98,118,119,120,141,142,143,163,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,344,364,365,366,386,387,388,408,409,410,411,431,432,433,434,454,455,456,486 +7533 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,486 +7534 - 137,138,139,140,141,142,143,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,172,173,174,177,178,179,180,181,182,183,184,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,211,212,213,214,215,216,217,221,222,223,235,236,237,238,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,469,470,492 +7535 - 29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,94,95,96,116,117,118,138,139,140,159,160,161,162,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,235,236,237,248,249,250,257,258,259,280,281,282,302,303,304,323,324,325,326,345,346,347,357,358,366,367,368,369,378,379,380,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +7536 - 35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,486 +7537 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,78,79,80,92,93,94,100,101,102,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,315,316,317,318,319,328,336,337,338,339,340,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,435,436,487 +7538 - 99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,166,167,168,169,181,182,183,184,187,188,189,190,191,203,204,205,211,212,213,225,226,232,233,234,235,246,247,248,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,336,337,338,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,476,477,478,494 +7539 - 36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,102,103,104,105,106,116,117,118,126,127,128,138,139,140,148,149,150,159,160,161,169,170,171,182,183,184,190,191,192,193,204,205,206,211,212,213,214,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,357,358,359,360,365,366,367,379,380,381,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +7540 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,98,99,101,102,103,104,116,117,123,124,125,126,138,139,145,146,147,160,161,162,167,168,169,183,184,185,187,188,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,250,251,252,255,256,257,258,271,272,273,279,280,281,293,294,295,301,302,303,314,315,316,324,325,336,337,338,346,347,358,359,368,369,380,381,389,390,391,402,403,410,411,412,424,425,426,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,493 +7541 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,105,106,114,115,116,117,122,123,124,125,127,128,136,137,138,145,146,147,149,157,158,159,166,167,168,179,180,181,188,189,190,201,202,203,209,210,211,212,223,224,225,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,276,277,298,299,319,320,321,341,342,343,363,364,365,370,385,386,391,392,406,407,408,413,414,428,429,430,435,436,450,451,452,457,458,472,473,474,479,480,494 +7542 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,428,429,430,431,451,452,486 +7543 - 14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,276,277,278,279,280,291,292,293,300,301,302,313,314,315,322,323,324,335,336,344,345,346,357,358,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,491 +7544 - 39,40,41,42,43,59,60,61,62,63,64,65,80,81,82,83,84,85,86,87,101,102,103,104,105,107,108,121,122,123,124,125,126,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,322,323,324,334,335,336,337,338,339,343,344,345,356,357,358,359,364,365,366,378,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,491 +7545 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,159,160,161,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,494 +7546 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,97,98,99,119,120,121,140,141,142,143,162,163,164,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,250,251,257,258,259,279,280,281,301,302,303,323,324,344,345,346,365,366,367,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +7547 - 95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,169,170,171,181,182,183,190,191,192,193,203,204,205,212,213,214,224,225,226,227,234,235,236,246,247,248,256,257,258,269,270,277,278,279,280,291,292,299,300,301,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +7548 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,126,127,128,129,130,137,138,139,140,141,142,149,150,151,152,158,159,160,161,162,163,171,172,173,174,180,181,182,183,184,193,194,195,196,200,201,202,203,204,205,215,216,217,218,222,223,224,225,226,237,238,239,240,244,245,246,247,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,323,324,325,326,327,331,332,333,343,344,345,346,347,348,353,354,355,356,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,485 +7549 - 12,13,14,34,35,36,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,256,257,258,259,260,261,269,270,271,272,273,281,282,283,290,291,292,293,294,302,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,491 +7550 - 49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,125,126,127,135,136,137,138,146,147,148,149,158,159,160,161,162,163,164,165,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,237,250,251,252,253,254,256,257,258,259,260,272,273,274,275,279,280,281,282,293,294,295,296,302,303,304,305,315,316,317,325,326,327,336,337,338,339,347,348,349,358,359,360,361,369,370,371,380,381,382,383,390,391,392,393,402,403,404,405,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,493 +7551 - 58,59,60,80,81,82,102,103,104,117,118,123,124,125,139,140,145,146,147,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,225,226,227,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,489 +7552 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,120,121,122,127,128,129,137,138,139,149,150,151,159,160,161,172,173,181,182,194,195,196,202,203,204,216,217,218,224,225,226,238,239,240,246,247,260,261,262,267,268,269,282,283,290,291,303,304,305,312,313,325,326,327,334,335,346,347,348,356,357,368,369,370,378,379,389,390,391,400,401,402,410,411,412,422,423,424,425,426,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +7553 - 33,34,35,55,56,57,77,78,79,99,100,121,122,143,144,165,166,187,188,209,210,231,232,252,253,254,274,275,276,296,297,298,318,319,339,340,341,361,362,363,383,384,385,404,405,406,426,427,428,448,449,450,486 +7554 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,38,51,52,57,58,59,60,73,81,82,102,103,104,124,125,126,145,146,147,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,292,293,294,295,313,314,315,316,334,335,336,337,349,355,356,357,358,369,370,371,378,379,380,381,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,487 +7555 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,104,117,118,119,124,125,126,139,140,145,146,147,148,167,168,169,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,367,368,369,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,487 +7556 - 47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,255,273,274,275,276,277,278,297,298,299,300,320,321,322,323,336,337,343,344,345,357,358,359,365,366,367,368,379,380,381,387,388,389,390,401,402,403,404,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,488 +7557 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,163,164,165,168,169,170,184,185,186,187,190,191,192,206,207,208,212,213,214,228,229,230,234,235,236,249,250,251,256,257,258,270,271,272,273,278,279,280,292,293,294,300,301,302,314,315,316,321,322,323,335,336,337,342,343,344,345,357,358,359,364,365,366,379,380,381,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +7558 - 30,31,32,52,53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,486 +7559 - 12,13,14,15,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,163,164,165,166,167,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,227,228,229,230,231,234,235,236,237,248,249,250,251,252,257,258,259,270,271,272,273,274,279,280,281,292,293,294,295,302,303,313,314,315,316,323,324,325,335,336,337,345,346,347,357,358,359,360,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +7560 - 31,32,53,54,74,75,76,96,97,98,117,118,119,120,139,140,141,142,148,149,160,161,162,163,169,170,171,182,183,184,185,191,192,193,203,204,205,206,213,214,215,225,226,227,228,234,235,236,237,246,247,248,249,250,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,321,322,323,324,334,335,343,344,345,346,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,489 +7561 - 34,35,36,55,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,486 +7562 - 9,10,11,12,13,31,32,33,34,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,190,191,192,193,194,203,204,205,211,212,213,214,215,216,217,218,225,226,227,232,233,234,235,236,237,238,239,240,247,248,249,253,254,255,256,261,262,269,270,271,275,276,277,278,282,283,284,291,292,293,298,299,300,301,304,305,306,313,314,315,316,320,321,322,323,325,326,327,328,335,336,337,338,339,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +7563 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +7564 - 5,6,7,27,28,29,48,49,50,51,70,71,72,92,93,94,113,114,115,116,135,136,137,138,148,149,150,151,157,158,159,160,168,169,170,171,172,173,174,179,180,181,188,189,190,191,192,193,194,195,196,197,201,202,203,209,210,211,212,218,219,223,224,225,231,232,233,240,241,245,246,247,252,253,254,263,267,268,269,270,274,275,276,285,290,291,292,296,297,298,306,307,312,313,314,319,320,321,327,328,329,334,335,336,337,338,342,343,344,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,491 +7565 - 115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,186,189,190,191,201,202,203,211,212,213,223,224,225,233,234,235,245,246,255,256,257,276,277,278,279,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,492 +7566 - 27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,146,147,148,149,150,158,159,160,161,162,170,171,172,173,180,181,182,183,184,185,193,194,195,196,201,202,203,204,205,206,215,216,217,218,222,223,224,225,226,227,238,239,240,244,245,246,247,248,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,302,303,304,305,306,307,310,311,312,323,324,325,326,327,328,329,332,333,334,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +7567 - 8,9,10,11,12,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,78,79,80,94,100,101,102,103,122,123,124,125,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,487 +7568 - 96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,167,168,169,179,180,189,190,191,210,211,212,213,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,492 +7569 - 32,33,34,35,52,53,54,55,56,57,58,72,73,74,75,76,78,79,80,81,92,93,94,95,96,101,102,103,114,115,116,124,125,136,137,146,147,167,168,169,188,189,190,191,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,256,257,258,259,274,279,280,281,301,302,303,323,324,325,345,346,347,366,367,368,380,381,382,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,488 +7570 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,103,104,105,106,107,115,116,117,118,119,120,126,127,128,129,135,136,137,138,139,140,147,148,149,150,156,157,158,159,160,161,168,169,170,171,177,178,179,180,181,190,191,192,193,199,200,201,202,203,212,213,214,221,222,223,224,225,226,227,228,229,230,231,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,303,318,319,320,321,322,323,324,325,340,341,342,345,346,347,348,361,362,363,364,368,369,370,383,384,385,390,391,392,405,406,407,411,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,493 +7571 - 12,13,14,33,34,35,55,56,57,76,77,78,98,99,100,119,120,121,141,142,143,162,163,164,165,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,257,258,259,270,271,272,273,280,281,292,293,294,295,302,303,314,315,323,324,325,336,337,344,345,346,347,358,359,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +7572 - 31,32,53,54,55,74,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +7573 - 59,60,81,82,103,104,117,118,124,125,126,139,140,146,147,148,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,211,212,224,225,226,232,233,234,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,450,451,472,473,489 +7574 - 32,33,34,54,55,56,76,77,78,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,454,486 +7575 - 59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,125,126,127,137,138,139,140,147,148,149,159,160,161,169,170,171,181,182,183,190,191,192,203,204,205,206,212,213,214,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,342,343,344,359,360,361,365,366,367,381,382,383,387,388,389,403,404,409,410,411,425,426,427,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +7576 - 6,7,8,9,26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,98,99,100,120,121,122,123,142,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,369,370,371,372,373,376,377,378,379,380,393,394,395,416,417,438,439,487 +7577 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,162,163,164,165,184,185,186,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,280,281,282,283,291,292,293,294,303,304,305,313,314,315,325,326,327,334,335,336,346,347,348,356,357,358,359,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,491 +7578 - 54,55,61,62,75,76,77,82,83,84,97,98,104,105,106,118,119,120,126,127,128,140,141,148,149,161,162,163,169,170,171,182,183,184,190,191,192,204,205,206,212,213,214,225,226,227,228,229,230,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,298,299,300,311,312,313,320,321,322,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,475,489 +7579 - 58,59,60,80,81,82,96,97,102,103,118,119,123,124,125,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,189,190,204,205,206,210,211,212,226,227,228,229,230,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,297,298,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,429,449,450,451,470,471,472,489 +7580 - 6,7,8,28,29,30,50,51,52,72,73,74,93,94,95,115,116,117,137,138,139,159,160,181,182,203,204,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,282,283,284,291,292,293,294,303,304,305,306,314,315,316,325,326,327,336,337,338,345,346,347,348,359,360,361,362,365,366,367,368,369,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +7581 - 13,14,15,34,35,36,56,57,58,77,78,79,99,100,101,120,121,122,141,142,143,144,162,163,164,165,184,185,186,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,258,259,260,270,271,272,280,281,282,291,292,293,294,302,303,304,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,491 +7582 - 28,29,30,31,32,50,51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,121,122,123,124,125,126,127,128,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,300,319,320,321,322,323,342,343,344,345,356,358,364,365,366,367,377,378,379,380,381,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +7583 - 29,30,31,32,33,34,35,36,37,38,39,40,41,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,78,79,80,81,82,83,94,95,96,97,116,117,118,119,138,139,140,160,161,162,182,183,184,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,258,259,260,270,271,272,281,282,283,303,304,305,325,326,327,334,335,347,348,349,355,356,357,368,369,370,371,377,378,379,389,390,391,392,400,401,402,403,404,405,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,490 +7584 - 32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,159,160,161,162,163,164,165,181,182,183,184,185,186,187,205,206,207,208,209,210,230,231,232,233,253,254,255,256,276,277,278,279,299,300,301,322,323,324,344,345,346,365,366,367,368,386,387,388,389,401,402,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +7585 - 10,11,12,32,33,34,35,54,55,56,57,75,76,77,78,79,80,97,98,99,101,102,103,118,119,120,121,123,124,125,140,141,142,146,147,148,162,163,169,170,183,184,185,191,192,193,205,206,207,214,215,226,227,228,236,237,248,249,250,258,259,269,270,271,272,279,280,281,291,292,293,301,302,312,313,314,323,324,334,335,336,344,345,346,356,357,358,365,366,367,378,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,485 +7586 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,127,139,140,141,142,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,276,277,278,279,293,294,298,299,300,301,314,315,316,321,322,323,336,337,338,343,344,345,346,358,359,360,365,366,367,368,380,381,382,387,388,389,402,403,404,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +7587 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,56,57,58,59,71,72,73,74,79,80,81,93,94,101,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,337,338,339,340,357,358,359,360,361,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,487 +7588 - 76,77,78,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,165,166,167,187,188,189,209,210,211,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +7589 - 32,33,34,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,146,147,162,163,164,166,167,168,169,183,184,185,186,189,190,191,205,206,207,211,212,213,227,228,229,233,234,235,236,248,249,250,256,257,258,270,271,272,278,279,280,292,293,294,300,301,302,313,314,315,322,323,324,335,336,337,344,345,346,357,358,359,366,367,368,379,380,381,387,388,389,401,402,403,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +7590 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,100,101,102,123,124,144,145,146,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,257,258,259,260,271,272,279,280,281,282,302,303,304,323,324,325,326,344,345,346,347,356,357,358,363,364,365,366,367,368,369,378,379,380,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +7591 - 52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,117,118,119,139,140,141,161,162,163,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,257,258,259,271,272,273,279,280,281,294,301,302,303,324,325,326,346,347,348,368,369,370,388,389,390,391,399,400,401,409,410,411,412,413,421,422,423,424,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,490 +7592 - 31,32,33,34,35,36,37,38,39,40,41,42,43,52,53,54,55,56,57,58,59,60,61,62,63,64,65,72,73,74,75,76,77,92,93,94,95,96,97,98,114,115,116,135,136,137,157,158,159,160,180,181,182,183,184,185,186,204,205,206,207,208,209,210,211,230,231,232,233,234,235,255,256,257,258,259,279,280,281,282,302,303,304,324,325,326,345,346,347,348,357,366,367,368,369,370,378,379,386,387,388,389,390,391,400,401,402,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,490 +7593 - 12,13,33,34,35,55,56,57,76,77,78,98,99,100,119,120,121,122,141,142,143,162,163,164,165,183,184,185,186,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,254,255,256,257,258,259,260,270,271,272,273,279,280,281,282,292,293,294,301,302,303,304,313,314,315,316,323,324,325,335,336,337,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +7594 - 7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,56,57,58,59,60,70,71,72,73,80,81,82,92,93,103,104,105,114,115,126,127,128,136,137,149,150,158,159,160,171,172,173,193,194,195,215,216,217,237,238,259,260,270,271,272,273,274,275,280,281,282,290,291,292,293,294,295,296,297,298,299,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,343,344,345,346,347,354,355,356,357,365,366,367,368,369,370,371,377,378,379,380,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,487 +7595 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,80,81,95,96,97,117,118,119,138,139,140,141,160,161,162,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,236,237,238,248,249,250,251,252,253,259,260,261,270,271,272,281,282,283,303,304,305,306,325,326,327,328,347,348,349,356,367,368,369,370,377,378,379,387,388,389,390,391,392,400,401,402,403,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,490 +7596 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,237,245,246,247,248,249,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,345,346,347,348,352,353,354,355,356,357,358,367,368,369,370,375,376,389,390,391,392,410,411,412,413,414,415,433,434,435,436,437,455,456,457,458,489 +7597 - 9,10,11,31,32,33,53,54,55,56,76,77,78,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,146,162,163,164,165,166,167,168,183,184,185,186,188,189,190,191,205,206,207,211,212,213,227,228,229,233,234,235,236,248,249,250,256,257,258,270,271,272,278,279,280,291,292,293,294,300,301,302,313,314,315,322,323,324,335,336,337,343,344,345,346,357,358,359,365,366,367,379,380,381,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,485 +7598 - 7,8,9,10,11,28,29,30,48,49,50,51,70,71,72,73,91,92,93,94,113,114,115,135,136,137,157,158,159,179,180,181,201,202,203,215,223,224,225,234,235,236,237,238,239,240,245,246,247,255,256,257,258,259,260,261,262,263,267,268,269,276,277,278,279,280,282,283,284,285,290,291,292,298,299,300,305,306,307,312,313,314,315,320,321,322,326,327,328,329,335,336,337,338,339,342,343,344,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +7599 - 54,55,56,58,59,60,61,76,77,78,80,81,82,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,207,208,209,229,230,231,234,235,236,237,251,252,253,256,257,258,272,273,274,275,278,279,294,295,296,297,316,317,318,338,339,340,359,360,361,362,381,382,383,403,404,405,424,425,426,427,434,435,446,447,448,456,457,478,479,486 +7600 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,77,78,79,92,93,94,100,101,102,114,115,116,122,123,124,144,145,146,165,166,167,168,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,235,236,237,238,247,248,249,250,251,252,259,260,261,269,270,271,272,273,281,282,283,291,292,293,303,304,305,324,325,326,335,345,346,347,348,357,358,366,367,368,369,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +7601 - 7,8,9,10,11,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,78,79,80,81,93,94,101,102,103,123,124,125,126,145,146,147,148,167,168,169,189,190,191,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,296,297,298,316,317,318,319,320,337,338,339,340,358,359,360,361,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,487 +7602 - 94,95,96,97,98,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,215,224,225,226,227,228,229,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,344,345,346,365,366,367,368,387,388,389,390,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +7603 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,380,383,384,385,405,406,407,426,427,428,429,449,450,451,486 +7604 - 34,35,36,57,58,59,60,76,77,78,79,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,125,126,127,138,139,140,147,148,149,159,160,161,169,170,171,181,182,191,192,193,203,204,209,213,214,225,226,227,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,279,280,281,292,293,294,302,303,314,315,324,325,326,336,337,346,347,357,358,359,368,369,379,380,381,389,390,391,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +7605 - 115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,186,190,191,192,202,203,204,212,213,214,224,225,226,227,234,235,236,246,247,248,255,256,257,269,270,277,278,279,299,300,301,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +7606 - 76,77,78,79,97,98,99,100,103,104,118,119,120,121,123,124,125,126,127,128,140,141,142,144,145,146,147,148,149,150,162,163,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,212,213,214,215,228,229,233,234,235,236,250,251,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,445,446,447,448,449,467,468,469,470,493 +7607 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,125,126,127,138,139,140,148,149,160,161,162,169,170,171,182,183,184,185,191,192,193,205,206,207,212,213,214,228,229,230,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,343,344,345,359,360,361,362,365,366,367,381,382,383,388,389,390,403,404,410,411,412,425,426,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +7608 - 96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,189,190,191,192,193,200,201,202,203,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +7609 - 36,37,38,58,59,60,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,428,447,448,449,486 +7610 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,168,169,170,171,178,179,180,181,182,183,184,190,191,192,193,200,201,202,203,204,212,213,214,234,235,236,255,256,257,258,277,278,279,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,432,451,452,453,454,473,474,475,476,492 +7611 - 58,59,80,81,96,101,102,103,117,118,119,123,124,125,139,140,141,145,146,161,162,163,167,168,183,184,189,190,205,206,210,211,212,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,474,489 +7612 - 48,49,50,51,68,69,70,71,72,73,74,75,89,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,122,133,134,140,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,389,405,406,408,409,410,411,412,413,416,431,432,433,434,435,436,437,438,455,456,457,458,459,460,479,480,481,482,487 +7613 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,101,102,103,114,115,116,117,123,124,125,135,136,137,145,146,157,158,166,167,168,187,188,189,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,255,256,257,271,272,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,401,402,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +7614 - 27,28,29,30,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,118,119,120,121,122,123,124,143,144,145,146,147,167,168,169,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,448,450,487 +7615 - 8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,52,53,55,56,57,58,70,71,72,73,78,79,80,92,93,94,100,101,102,115,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,487 +7616 - 93,94,95,96,97,98,99,100,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,168,169,170,177,178,179,190,191,199,200,201,212,213,222,223,233,234,235,244,245,255,256,266,267,276,277,278,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,345,346,347,348,349,362,363,364,365,366,367,368,369,370,371,383,384,385,405,406,407,426,427,428,448,449,450,469,470,471,492 +7617 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,105,116,117,118,125,126,127,138,139,148,149,150,159,160,161,170,171,172,181,182,183,191,192,193,204,205,212,213,214,215,226,227,228,229,233,234,235,236,249,250,251,252,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,342,343,344,345,359,360,361,365,366,367,381,382,387,388,389,403,404,410,411,412,425,426,427,431,432,433,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +7618 - 28,29,30,31,32,33,50,51,52,53,54,55,56,57,74,75,76,77,78,79,80,100,101,102,103,122,123,124,125,143,144,145,146,163,164,165,166,167,183,184,185,186,187,205,206,207,208,209,228,229,230,231,232,233,252,253,254,255,256,276,277,278,279,300,301,302,323,324,325,344,345,346,365,366,367,368,385,386,387,388,389,400,401,402,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,488 +7619 - 6,7,8,9,10,11,12,13,27,28,29,30,31,32,33,34,35,36,49,50,51,52,56,57,58,72,79,80,101,102,123,124,145,146,167,168,188,189,190,210,211,231,232,233,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,358,359,360,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,421,422,423,424,487 +7620 - 53,54,55,56,57,75,76,77,78,79,80,96,97,98,100,101,102,117,118,119,122,123,124,125,139,140,141,144,145,146,147,161,162,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,229,230,231,233,234,255,256,277,278,298,299,300,320,321,322,342,343,364,365,385,386,387,401,402,407,408,409,422,423,424,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,494 +7621 - 115,116,135,136,137,138,139,140,141,142,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,206,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,235,236,237,238,242,243,244,245,257,258,259,260,264,265,266,279,280,281,282,286,287,288,300,301,302,303,304,308,309,310,322,323,324,325,330,331,332,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,431,432,433,434,453,454,455,456,475,476,477,492 +7622 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +7623 - 95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,146,147,148,158,159,160,161,167,168,169,170,171,180,181,182,189,190,191,192,202,203,204,210,211,212,213,224,225,226,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,472,473,474,494 +7624 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,80,81,82,102,103,104,123,124,125,126,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,251,252,253,272,273,274,275,293,294,295,296,315,316,317,329,336,337,338,349,350,351,358,359,360,369,370,371,372,380,381,382,389,390,391,392,402,403,404,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,487 +7625 - 32,33,34,35,36,54,55,56,57,58,59,73,74,75,76,79,80,81,82,95,96,97,102,103,104,116,117,118,125,126,137,138,139,146,147,148,159,160,167,168,169,170,181,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,255,256,257,258,278,279,280,301,302,323,324,325,345,346,347,367,368,369,377,388,389,390,391,398,399,400,401,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +7626 - 47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,326,345,346,347,348,367,368,369,370,379,380,381,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +7627 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,148,149,158,159,160,161,166,167,168,169,170,171,180,181,182,188,189,190,191,192,193,202,203,209,210,211,212,213,224,225,226,230,231,232,233,234,235,246,247,248,249,250,251,252,253,255,256,269,270,271,272,273,274,277,278,293,294,298,299,300,320,321,322,342,343,344,364,365,386,387,407,408,409,429,430,431,451,452,453,472,473,474,494 +7628 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,142,143,144,145,146,165,166,167,168,187,188,189,208,209,210,229,230,231,232,251,252,253,263,272,273,274,275,283,284,285,294,295,296,304,305,306,315,316,317,325,326,327,336,337,338,339,345,346,347,348,358,359,360,365,366,367,368,379,380,381,382,385,386,387,388,389,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,487 +7629 - 58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,190,191,192,193,194,195,196,197,203,204,205,206,207,208,213,214,215,216,217,224,225,226,227,228,229,236,237,238,239,246,247,248,249,250,257,258,259,260,261,267,268,269,270,271,278,279,280,281,282,283,288,289,290,291,292,298,299,300,301,302,303,310,311,312,313,314,320,321,322,323,324,325,332,333,334,335,340,341,342,343,344,345,346,354,355,356,357,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,465,466,467,468,469,485 +7630 - 30,31,51,52,53,54,73,74,75,76,77,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,184,185,186,187,188,207,208,209,210,228,229,230,231,232,250,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,486 +7631 - 39,40,41,58,59,60,61,62,63,80,81,82,83,84,85,86,101,102,103,104,105,106,107,123,124,125,126,127,128,144,145,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,377,378,379,380,381,382,383,398,399,400,401,402,403,404,405,421,422,423,424,425,426,444,445,446,447,486 +7632 - 52,53,54,55,75,76,77,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +7633 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,161,162,163,164,165,168,169,170,183,184,190,191,192,211,212,213,214,233,234,235,236,250,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,421,422,423,424,487 +7634 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,105,117,118,119,124,125,126,127,141,146,147,148,149,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,319,320,321,322,323,324,325,343,344,345,346,347,356,357,364,365,366,367,368,378,379,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +7635 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,147,148,149,150,162,163,164,168,169,170,171,172,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,278,279,280,281,290,291,292,293,294,295,296,300,301,302,303,312,313,314,315,316,322,323,324,325,326,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,488 +7636 - 39,40,41,60,61,62,76,77,81,82,83,84,96,97,98,99,102,103,104,105,118,119,120,121,123,124,125,126,139,140,141,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,254,271,272,273,275,276,277,293,294,295,297,298,299,314,315,316,319,320,321,336,337,338,341,342,343,358,359,362,363,364,380,381,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,493 +7637 - 63,64,65,84,85,86,87,105,106,107,108,119,120,127,128,129,130,140,141,142,143,149,150,151,152,161,162,163,164,165,169,170,171,172,173,182,183,184,185,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,245,246,247,248,249,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,339,340,341,342,343,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,489 +7638 - 12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,81,82,83,84,98,99,100,103,104,105,106,120,121,122,127,128,142,143,144,164,165,166,187,188,189,209,210,211,230,231,232,233,234,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,335,336,337,338,341,342,343,344,357,358,359,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,493 +7639 - 128,129,130,144,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,174,175,186,187,188,189,190,191,192,193,194,195,196,206,207,208,209,210,211,227,228,229,230,231,232,248,249,250,251,252,253,254,271,272,273,274,275,276,295,296,297,298,315,316,317,318,319,332,333,334,335,336,337,338,339,340,341,354,355,356,357,358,359,360,361,376,377,378,379,380,381,490 +7640 - 7,8,29,30,31,51,52,53,73,74,75,76,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,139,140,141,143,144,145,146,147,148,149,161,162,163,183,184,185,186,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,254,255,256,271,272,273,277,278,279,300,301,322,323,324,344,345,346,356,365,366,367,368,378,379,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,490 +7641 - 15,16,17,18,19,35,36,37,38,39,40,54,55,56,57,58,59,60,76,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,215,216,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,250,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,296,297,298,299,300,303,304,305,306,311,312,313,314,318,319,320,321,324,325,326,327,328,333,334,335,336,339,340,341,342,343,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,491 +7642 - 55,56,57,58,59,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,102,103,104,105,106,119,120,126,127,140,141,148,149,161,162,163,169,170,183,184,189,190,205,206,210,211,212,227,228,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,277,295,296,297,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,381,382,383,384,385,401,402,404,405,406,407,422,423,425,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,493 +7643 - 105,106,107,108,125,126,127,128,129,130,140,141,142,143,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,221,222,223,224,225,226,233,234,235,236,237,243,244,245,246,247,254,255,256,257,258,266,267,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +7644 - 68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,119,120,121,123,124,145,146,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,297,298,299,300,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +7645 - 37,38,39,40,41,42,57,58,59,60,61,62,77,78,79,80,81,82,83,85,98,99,100,101,102,105,106,107,108,119,120,121,122,123,127,128,129,130,141,142,143,144,149,150,151,152,162,163,164,170,171,172,173,174,183,184,185,186,190,191,192,193,194,195,205,206,207,208,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,377,378,379,380,382,383,384,385,399,400,401,403,404,405,406,407,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,493 +7646 - 31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,100,101,102,117,118,122,123,124,139,140,144,145,146,161,162,166,167,168,183,184,188,189,190,210,211,212,228,229,230,231,233,234,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,298,299,300,301,313,314,315,320,321,322,323,335,336,341,342,343,344,345,346,357,358,362,363,364,365,366,367,368,369,379,380,381,383,384,385,386,389,390,391,402,403,404,405,406,407,411,412,413,424,425,426,427,428,434,435,436,447,456,457,458,487 +7647 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,170,171,172,173,174,180,181,182,183,184,192,193,194,195,196,201,202,203,204,213,214,215,216,217,218,222,223,224,225,226,232,233,234,235,236,237,238,239,245,246,247,248,249,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,494 +7648 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,124,125,126,127,136,137,138,148,149,150,158,159,160,170,171,172,180,181,182,193,194,202,203,204,215,216,224,225,226,237,238,246,247,259,260,261,268,269,281,282,283,290,291,292,303,304,312,313,314,325,326,334,335,336,346,347,348,356,357,358,367,368,369,378,379,380,381,388,389,390,391,401,402,403,404,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,485 +7649 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,102,103,104,105,116,117,118,119,124,125,126,127,128,137,138,139,140,146,147,148,149,150,158,159,160,161,162,168,169,170,171,172,173,180,181,182,183,188,189,190,191,192,193,194,195,202,203,204,210,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,238,239,244,245,246,247,253,254,255,256,257,258,259,260,261,266,267,268,269,276,277,278,279,280,281,282,288,289,290,291,299,300,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +7650 - 53,54,75,76,77,97,98,99,119,120,121,141,142,143,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,486 +7651 - 38,39,40,41,59,60,61,62,63,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,444,445,446,447,486 +7652 - 73,81,82,83,94,95,102,103,104,105,116,117,124,125,126,137,138,139,146,147,148,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,224,225,226,232,233,234,235,246,247,248,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,320,321,322,342,343,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +7653 - 58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,169,170,171,190,191,192,193,211,212,213,214,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,265,266,267,268,269,270,271,272,273,274,275,276,277,286,287,288,289,290,291,292,293,294,295,296,297,298,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,333,334,335,336,337,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,363,364,365,366,367,368,369,370,371,487 +7654 - 24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,99,100,101,102,103,104,105,123,124,125,126,127,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,254,255,256,257,258,276,277,278,279,296,297,298,299,316,317,318,319,320,321,336,337,338,339,340,341,356,357,358,359,360,361,377,378,379,380,381,382,383,384,389,390,391,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,487 +7655 - 34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,98,99,100,101,104,105,106,107,126,127,128,129,147,148,149,150,167,168,169,170,171,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,255,256,257,258,277,278,279,280,287,288,298,299,300,301,308,309,310,320,321,322,323,330,331,332,333,341,342,343,344,352,353,354,355,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,488 +7656 - 33,34,35,55,56,57,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,340,341,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +7657 - 41,42,62,63,64,83,84,85,86,105,106,107,126,127,128,147,148,149,150,161,162,168,169,170,171,182,183,184,190,191,192,203,204,205,206,211,212,213,225,226,227,232,233,234,235,246,247,248,249,254,255,256,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,447,448,449,489 +7658 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,450,451,452,486 +7659 - 80,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,275,276,277,297,298,299,319,320,321,333,334,335,341,342,343,355,356,357,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,423,424,425,426,427,428,490 +7660 - 50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,300,301,302,321,322,323,324,342,343,344,345,364,365,366,384,385,386,387,388,402,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,488 +7661 - 14,15,16,17,35,36,37,38,56,57,58,59,68,69,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,235,236,247,248,249,250,251,254,255,256,257,258,259,260,268,269,270,271,272,275,276,277,278,279,280,281,282,290,291,292,293,296,297,298,299,300,301,302,303,304,312,313,314,317,318,319,320,321,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,491 +7662 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,172,173,180,181,182,183,184,192,193,194,195,196,202,203,204,205,206,214,215,216,217,218,224,225,226,227,228,235,236,237,238,239,240,241,246,247,248,249,250,256,257,258,259,260,261,262,268,269,270,271,272,277,278,279,280,281,282,283,284,290,291,292,293,294,298,299,300,301,302,303,304,305,312,313,314,315,316,317,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +7663 - 77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,167,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,469,492 +7664 - 31,32,52,53,54,55,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,125,126,139,140,141,145,146,147,148,160,161,162,168,169,170,171,182,183,184,190,191,192,193,204,205,206,213,214,215,225,226,227,235,236,237,238,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,294,302,303,304,313,314,315,316,324,325,326,335,336,337,338,345,346,347,358,359,360,361,362,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,451,452,453,454,485 +7665 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,107,108,120,121,122,123,124,125,126,129,130,141,142,143,144,146,147,148,163,164,165,168,169,170,185,186,187,190,191,192,193,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,384,385,386,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +7666 - 46,47,48,49,50,51,68,69,70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,100,115,116,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,166,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,258,277,278,279,280,281,301,302,303,304,324,325,326,346,347,348,368,369,370,389,390,391,392,402,403,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,488 +7667 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,128,139,140,141,142,143,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,225,226,227,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,469,470,471,472,494 +7668 - 36,37,38,58,59,60,79,80,81,82,101,102,103,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +7669 - 78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,148,149,150,151,152,159,160,161,162,163,169,170,171,172,173,174,180,181,182,183,184,190,191,192,193,194,195,196,201,202,203,204,205,212,213,214,215,216,217,218,222,223,224,225,226,234,235,236,237,238,239,240,243,244,245,246,247,257,258,259,260,261,262,265,266,267,268,269,279,280,281,282,283,287,288,289,290,300,301,302,303,304,309,310,311,319,320,321,322,323,324,325,326,331,332,333,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,485 +7670 - 47,48,49,50,61,62,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,123,136,137,144,158,159,164,165,166,167,168,180,181,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,210,211,212,213,214,215,216,225,226,227,228,229,235,236,237,238,239,247,248,249,259,260,261,262,270,282,283,284,305,306,307,327,328,329,349,350,351,356,371,372,376,377,378,379,380,392,393,394,398,399,400,401,402,403,414,415,416,421,422,423,424,425,426,427,428,429,430,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,490 +7671 - 40,41,42,43,60,61,62,63,64,65,81,82,83,84,85,86,87,102,103,104,105,106,107,108,124,125,126,127,128,129,146,147,148,149,150,151,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,361,362,376,377,378,379,380,381,382,398,399,400,401,402,403,404,420,421,422,423,424,425,426,442,443,444,445,446,486 +7672 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,249,250,251,252,253,254,255,256,274,275,276,277,278,279,299,300,301,302,323,324,325,346,347,348,368,369,370,378,379,389,390,391,399,400,401,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,488 +7673 - 13,14,34,35,36,37,38,55,56,57,58,59,60,61,77,78,79,81,82,83,100,101,103,104,105,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,214,226,227,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,344,345,346,347,348,349,350,353,354,355,356,357,358,359,368,369,370,371,487 +7674 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,105,106,116,117,118,119,127,128,129,138,139,149,150,151,160,161,168,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,256,257,258,259,269,270,271,272,273,277,278,279,280,290,291,292,293,294,299,300,301,302,312,313,314,315,322,323,324,334,335,336,342,343,344,345,346,356,357,363,364,365,366,367,368,378,379,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,493 +7675 - 101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,164,165,166,167,168,169,170,171,172,173,188,191,192,193,194,210,211,212,213,214,215,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,286,287,293,294,295,299,300,301,308,309,310,321,322,323,330,331,332,342,343,344,345,352,353,354,355,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,488 +7676 - 93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,124,125,135,136,137,138,146,147,157,158,167,168,169,170,178,179,180,188,189,190,191,192,200,201,202,210,211,213,214,222,223,224,231,232,233,234,235,236,245,246,252,253,254,255,257,258,267,268,269,270,273,274,275,276,278,279,280,290,291,292,293,294,295,296,300,301,302,314,315,316,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,455,456,457,477,478,479,494 +7677 - 64,65,85,86,87,106,107,108,109,128,129,130,149,150,151,163,164,170,171,172,173,183,184,185,186,191,192,193,194,204,205,206,207,212,213,214,215,224,225,226,227,228,229,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,425,426,427,489 +7678 - 53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,117,118,121,122,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,255,256,257,258,278,279,280,300,301,302,321,322,323,343,344,345,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,488 +7679 - 95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,169,170,171,172,173,179,180,181,182,191,192,193,194,211,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,465,466,467,468,469,470,492 +7680 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,139,140,141,142,146,147,148,161,162,163,164,167,168,169,170,183,184,185,188,189,190,191,192,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +7681 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,81,85,97,98,99,105,106,107,108,109,119,120,121,126,127,128,129,130,131,141,142,143,147,148,149,150,151,152,163,164,165,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,291,292,293,294,295,297,298,299,300,312,313,314,315,316,319,320,321,322,334,335,336,341,342,343,344,356,357,364,365,366,367,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,493 +7682 - 53,54,55,56,57,74,75,76,77,78,79,95,96,97,100,101,102,116,117,118,121,122,123,124,125,138,139,140,142,143,144,147,148,159,160,161,165,166,169,170,181,182,183,191,192,204,205,206,212,213,214,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,279,280,281,293,294,302,303,314,315,316,324,325,326,336,337,346,347,348,358,359,368,369,370,380,381,390,391,392,402,403,404,412,413,424,425,426,427,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +7683 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,137,138,139,140,141,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,426,427,428,429,447,448,449,450,451,468,469,470,471,472,494 +7684 - 9,10,11,12,30,31,32,33,51,52,53,54,72,73,74,75,94,95,96,115,116,117,136,137,138,139,158,159,160,180,181,201,202,223,224,233,234,235,236,237,238,245,246,253,254,255,256,257,258,259,260,261,267,268,274,275,276,277,282,283,290,291,296,297,304,305,312,313,318,319,325,326,327,334,335,336,339,340,341,346,347,348,357,358,359,360,362,363,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +7685 - 79,80,81,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,170,171,172,173,174,175,180,181,182,183,184,185,192,193,194,195,196,202,203,204,205,206,213,214,215,216,217,218,223,224,225,226,227,235,236,237,238,239,245,246,247,248,256,257,258,259,260,261,266,267,268,269,270,277,278,279,280,281,282,288,289,290,291,298,299,300,301,302,303,310,311,312,313,319,320,321,322,323,324,325,332,333,334,335,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,485 +7686 - 53,54,55,75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,146,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +7687 - 59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,192,193,194,195,196,203,204,205,206,207,208,209,210,214,215,216,217,218,223,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,250,258,259,260,261,266,267,268,269,270,279,280,281,282,283,288,289,290,291,300,301,302,303,304,310,311,312,313,314,322,323,324,325,326,331,332,333,334,335,342,343,344,345,346,347,353,354,355,356,357,358,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +7688 - 29,30,31,32,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,100,101,102,113,114,115,123,124,135,136,145,146,167,168,189,190,211,212,232,233,234,254,255,256,276,277,297,298,299,300,301,302,303,304,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,371,372,373,381,382,383,384,385,386,395,402,403,404,405,406,407,424,425,426,427,428,429,445,446,447,448,449,450,487 +7689 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,421,422,423,424,443,444,445,446,486 +7690 - 99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,494 +7691 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,125,126,127,128,129,140,141,142,143,144,145,147,148,149,150,151,161,162,163,164,165,166,169,170,171,172,173,183,184,185,186,187,191,192,193,194,195,204,205,206,207,208,209,213,214,215,216,217,225,226,227,228,229,230,235,236,237,238,239,247,248,249,250,251,257,258,259,260,261,268,269,270,271,272,279,280,281,282,290,291,292,293,299,300,301,302,303,304,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,337,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +7692 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,114,115,116,117,120,121,122,143,144,165,166,187,188,208,209,210,230,231,232,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,299,300,314,315,316,321,322,323,343,344,365,366,387,388,408,409,410,429,430,431,450,451,452,453,472,473,474,488 +7693 - 39,40,41,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +7694 - 94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,147,148,149,168,169,170,190,191,192,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,318,319,320,340,341,361,362,363,383,384,404,405,406,426,427,447,448,449,469,470,492 +7695 - 60,80,81,82,83,84,85,86,102,103,104,105,106,107,108,123,124,125,126,127,128,129,130,146,147,148,149,150,151,152,168,169,170,171,172,173,174,192,193,194,195,205,206,207,208,213,214,215,216,224,225,226,227,228,229,230,231,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,274,275,276,277,278,279,280,287,288,289,295,296,297,298,299,300,301,309,310,316,317,318,319,320,321,322,331,332,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,363,364,365,375,376,377,378,379,380,381,385,386,387,388,389,408,409,410,411,412,432,433,487 +7696 - 53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,230,231,232,252,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,486 +7697 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,146,147,148,149,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,346,347,359,360,361,362,363,368,369,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,465,466,467,468,469,470,492 +7698 - 47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,100,101,102,123,124,144,145,146,164,165,166,167,184,185,186,187,188,204,205,206,207,208,226,227,228,229,230,231,251,252,253,254,255,275,276,277,278,298,299,300,301,322,323,324,344,345,346,367,368,379,380,388,389,390,401,402,409,410,411,412,424,425,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +7699 - 85,86,87,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,143,144,145,146,147,163,164,165,166,184,185,186,187,188,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,248,249,254,255,256,275,276,277,278,289,290,291,297,298,299,311,312,313,314,315,318,319,320,321,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,379,380,381,382,383,490 +7700 - 15,16,17,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,98,99,100,101,104,105,119,120,121,122,127,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,321,322,323,324,325,326,334,335,336,346,347,348,349,356,357,358,359,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,491 +7701 - 35,36,37,38,39,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,125,126,127,128,146,147,148,149,150,167,168,169,170,171,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,277,278,279,299,300,301,321,322,323,332,342,343,344,345,353,354,355,364,365,366,375,376,377,378,379,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +7702 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,139,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,190,191,192,204,205,206,211,212,213,225,226,227,233,234,235,247,248,249,254,255,256,257,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +7703 - 41,42,43,62,63,64,65,84,85,86,87,105,106,107,108,117,118,119,120,127,128,129,130,138,139,140,141,142,148,149,150,151,152,159,160,161,162,163,169,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,234,235,236,237,245,246,247,248,255,256,257,258,259,266,267,268,269,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,448,449,450,489 +7704 - 61,62,63,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,185,186,187,188,190,191,192,193,207,208,209,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,384,385,386,400,401,402,406,407,408,421,422,423,427,428,429,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +7705 - 40,41,42,61,62,63,64,83,84,85,104,105,106,107,125,126,127,128,138,139,140,147,148,149,150,159,160,161,162,169,170,171,180,181,182,183,189,190,191,192,201,202,203,204,211,212,213,214,223,224,225,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,429,447,448,449,450,451,489 +7706 - 33,34,35,36,37,38,39,40,49,50,51,52,53,54,55,56,57,58,59,60,61,62,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,123,124,125,126,127,128,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,230,231,232,233,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,334,335,336,337,338,356,357,358,359,367,368,370,371,372,377,378,379,380,381,382,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,446,447,448,449,450,451,452,453,487 +7707 - 77,78,79,80,81,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,145,146,147,148,149,150,151,152,159,160,161,162,163,164,167,168,169,170,171,172,173,174,180,181,182,183,184,185,188,189,190,191,192,193,194,195,196,202,203,204,205,206,210,211,212,215,216,217,218,222,223,224,225,226,227,233,236,237,238,239,244,245,246,247,248,258,259,260,261,265,266,267,268,269,279,280,281,282,283,287,288,289,290,300,301,302,303,304,309,310,311,312,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,485 +7708 - 33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,79,80,81,82,83,96,97,98,99,103,104,105,118,119,120,126,127,128,139,140,141,142,148,149,150,161,162,163,171,172,183,184,185,193,194,195,204,205,206,207,215,216,217,226,227,228,237,238,239,247,248,249,258,259,260,261,269,270,271,280,281,282,291,292,293,302,303,304,312,313,314,315,322,323,324,325,334,335,336,344,345,346,347,356,357,358,365,366,367,368,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +7709 - 78,79,80,81,82,83,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,152,160,161,162,163,164,165,169,170,171,172,173,174,181,182,183,184,185,186,191,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,218,223,224,225,226,227,235,236,237,238,239,240,244,245,246,247,257,258,259,260,261,265,266,267,268,279,280,281,282,287,288,289,290,300,301,302,303,304,309,310,311,312,322,323,324,325,326,331,332,333,334,341,342,343,344,345,346,347,353,354,355,356,357,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,445,446,447,485 +7710 - 31,32,33,34,35,52,53,54,55,56,57,58,74,75,76,80,81,95,96,97,102,103,104,117,118,119,125,126,139,140,141,147,148,160,161,162,169,170,182,183,184,191,192,193,204,205,206,214,215,226,227,228,236,237,248,249,250,258,259,270,271,272,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,345,346,359,360,361,366,367,368,381,382,383,384,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,485 +7711 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,225,226,227,228,247,248,249,254,255,256,257,258,268,269,270,271,274,275,276,277,278,279,280,281,290,291,292,293,295,296,297,298,299,300,301,302,303,312,313,314,316,317,318,319,320,321,323,324,325,334,335,336,337,338,339,340,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +7712 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,60,73,74,75,77,78,79,80,81,82,83,95,96,102,103,104,105,117,118,119,125,126,127,138,139,140,147,148,149,160,161,162,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,319,320,321,322,323,336,337,338,342,343,344,345,346,358,359,360,365,366,367,368,380,381,388,389,390,402,403,404,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,493 +7713 - 79,80,81,82,83,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,148,149,150,151,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,246,247,248,249,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,433,446,447,448,449,467,468,469,470,494 +7714 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,123,124,125,138,139,140,141,145,146,147,160,161,162,167,168,169,170,182,183,189,190,191,192,203,204,205,211,212,213,225,226,227,233,234,235,247,248,254,255,256,269,270,271,275,276,277,278,291,292,293,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,342,343,344,364,365,366,386,387,388,408,409,410,431,432,453,454,475,476,494 +7715 - 15,16,17,18,19,20,35,36,37,38,39,40,41,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,268,269,270,271,275,276,277,278,279,280,281,290,291,292,296,297,298,299,301,302,303,312,313,314,318,319,320,322,323,324,325,333,334,335,336,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +7716 - 57,58,59,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,447,448,449,469,470,471,486 +7717 - 13,14,15,16,17,34,35,36,37,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,138,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,213,214,215,216,225,226,227,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,274,275,276,277,278,279,280,281,282,283,290,291,292,295,296,297,298,299,302,303,304,305,312,313,314,316,317,318,319,320,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +7718 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,226,227,228,247,248,249,255,269,270,271,272,275,276,277,278,279,291,292,293,296,297,298,299,300,301,313,314,315,317,318,319,320,321,322,323,335,336,337,338,339,340,341,343,344,345,358,359,360,361,362,365,366,367,380,381,382,386,387,388,389,402,403,404,405,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,491 +7719 - 58,59,60,61,62,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,120,121,122,123,124,126,127,128,129,142,143,144,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,192,193,194,209,210,213,214,215,216,234,235,236,237,248,249,250,251,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,318,319,320,321,330,331,332,339,340,341,342,343,352,353,359,360,361,362,363,364,365,366,374,375,378,379,380,381,382,383,386,387,396,397,398,399,400,401,402,403,407,408,409,410,419,420,421,422,423,430,487 +7720 - 29,30,31,50,51,52,53,54,72,73,74,75,76,94,95,96,97,98,116,117,118,119,120,121,139,140,141,142,143,161,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,429,430,431,432,433,452,453,454,486 +7721 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,121,126,127,128,129,148,149,150,167,168,169,170,171,172,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,258,259,260,272,273,280,281,282,288,289,290,301,302,303,304,310,311,312,322,323,324,325,332,333,334,344,345,346,354,355,356,361,362,363,365,366,367,368,376,377,378,379,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,488 +7722 - 74,75,76,77,80,81,82,96,97,98,101,102,103,104,117,118,119,123,124,125,139,140,141,145,146,160,161,162,163,167,168,182,183,184,188,189,190,203,204,205,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,255,256,257,268,269,270,271,272,273,277,278,279,291,292,299,300,321,322,343,344,345,365,366,367,387,388,389,409,410,411,431,432,453,454,475,476,489 +7723 - 63,64,84,85,86,87,105,106,107,108,119,120,127,128,129,140,141,142,143,148,149,150,151,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,471,489 +7724 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,207,225,226,227,228,229,231,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,323,324,325,326,335,336,337,338,339,344,345,346,347,348,358,359,360,361,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +7725 - 62,63,64,65,83,84,85,86,105,106,107,126,127,128,147,148,149,150,163,164,169,170,171,184,185,186,190,191,192,205,206,207,211,212,213,214,226,227,228,233,234,235,247,248,249,250,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,489 +7726 - 75,76,77,78,86,87,96,97,98,99,100,101,107,108,109,117,118,119,120,121,122,123,128,129,130,131,138,139,140,141,148,149,150,151,159,160,161,162,169,170,171,172,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,246,247,248,255,256,257,268,269,270,276,277,278,279,282,290,291,292,297,298,299,300,302,303,304,312,313,314,315,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,405,406,407,426,427,428,448,449,450,470,471,472,489 +7727 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,124,125,126,139,140,141,142,145,146,147,148,149,161,162,163,167,168,169,170,171,182,183,184,188,189,190,191,192,193,204,205,206,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,255,256,257,269,270,271,272,273,274,276,277,278,279,293,294,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +7728 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,145,146,147,148,149,150,160,161,162,164,165,169,170,171,172,173,181,182,183,192,193,194,195,202,203,204,205,214,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,280,281,282,283,290,291,292,301,302,303,304,312,313,314,323,324,325,326,334,335,336,344,345,346,347,356,357,358,365,366,367,368,378,379,380,381,382,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +7729 - 37,38,39,40,58,59,60,61,62,81,82,83,84,102,103,104,105,106,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,427,444,445,446,447,486 +7730 - 116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,170,171,172,177,178,179,180,192,193,194,199,200,201,202,214,215,222,223,224,236,237,244,245,246,258,259,267,268,280,281,301,302,303,323,324,345,346,367,368,388,389,390,410,411,431,432,433,453,454,455,475,476,492 +7731 - 99,100,101,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +7732 - 13,14,34,35,36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,186,187,188,189,190,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,402,403,404,405,406,424,425,426,427,487 +7733 - 79,80,81,82,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,141,142,143,144,148,149,150,162,163,164,165,170,171,172,183,184,185,186,191,192,193,194,204,205,206,212,213,214,215,225,226,227,232,233,234,235,236,237,247,248,249,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +7734 - 81,82,94,95,102,103,104,116,117,124,125,126,137,138,139,146,147,148,159,160,161,168,169,181,182,183,190,191,203,204,205,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,473,474,489 +7735 - 85,86,87,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,143,144,145,148,149,151,152,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,255,256,257,269,270,271,277,278,279,288,289,290,298,299,300,301,310,311,312,313,314,319,320,321,322,332,333,334,335,336,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,490 +7736 - 34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,116,121,122,123,124,143,144,145,164,165,166,167,186,187,188,207,208,209,210,215,229,230,231,236,237,238,250,251,252,253,259,260,272,273,274,281,282,283,293,294,295,296,303,304,305,315,316,317,318,319,325,326,327,336,337,338,339,340,341,347,348,349,358,359,360,361,362,363,364,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,406,407,408,409,410,411,412,413,422,423,424,425,430,431,432,433,434,445,446,447,487 +7737 - 99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +7738 - 98,99,100,101,102,103,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,145,146,147,148,149,150,151,152,160,161,162,163,168,169,170,182,183,184,185,186,187,204,205,206,207,208,209,210,211,229,230,231,232,233,234,253,254,255,256,257,258,277,278,279,280,300,301,302,303,309,310,323,324,325,331,332,333,344,345,346,347,353,354,355,356,357,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,490 +7739 - 109,124,127,128,129,130,131,145,146,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,206,207,208,209,210,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,275,276,277,291,292,297,298,299,311,319,320,321,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,490 +7740 - 52,53,54,55,73,74,75,76,77,78,79,95,96,97,100,101,117,118,119,139,140,141,161,162,163,183,184,185,186,187,205,206,207,208,209,210,211,228,229,230,231,232,233,234,255,256,257,277,278,279,300,301,322,323,344,345,366,367,387,388,389,409,410,411,423,424,425,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,490 +7741 - 20,21,40,41,42,43,61,62,63,64,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,143,144,145,146,147,148,163,164,165,166,167,168,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,233,234,235,236,246,247,248,249,250,254,255,256,257,258,259,267,268,269,270,271,274,275,276,277,278,279,280,281,289,290,291,295,296,297,298,300,301,302,310,311,312,317,318,319,320,322,323,324,332,333,334,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,422,423,491 +7742 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,229,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,494 +7743 - 37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,140,141,142,143,144,148,149,150,163,164,169,170,171,172,191,192,193,212,213,214,233,234,235,248,254,255,256,257,267,268,269,270,271,274,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,308,309,310,311,315,316,317,318,319,325,326,330,331,332,335,336,337,338,339,340,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,383,384,385,386,387,388,389,390,396,397,398,399,400,407,408,487 +7744 - 10,11,12,13,14,30,31,32,33,34,35,36,51,52,53,54,55,56,57,73,74,75,76,94,95,96,97,115,116,117,118,137,138,139,140,158,159,160,161,180,181,182,187,188,189,190,191,192,202,203,204,208,209,210,211,212,213,214,215,216,224,225,226,229,230,231,232,233,234,235,236,237,238,246,247,250,251,252,253,259,260,261,268,269,270,272,273,274,281,282,283,290,291,292,294,295,296,303,304,305,312,313,314,315,316,317,325,326,327,334,335,336,337,338,339,340,346,347,348,349,357,358,359,360,361,362,363,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +7745 - 40,41,42,61,62,63,64,80,81,82,83,84,85,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,169,170,171,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,265,266,272,273,278,279,280,287,288,289,300,301,302,309,310,311,321,322,323,324,331,332,333,343,344,345,353,354,355,356,359,360,361,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,488 +7746 - 40,41,42,43,61,62,63,82,83,84,85,103,104,105,106,125,126,127,146,147,148,167,168,169,188,189,190,210,211,212,231,232,233,253,254,274,275,295,296,297,316,317,318,336,337,338,339,357,358,359,360,361,379,380,381,382,400,401,402,403,422,423,424,425,444,445,446,486 +7747 - 60,61,62,63,81,82,83,84,85,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,421,422,423,424,425,443,444,445,446,465,466,467,468,486 +7748 - 32,33,34,54,55,56,76,77,78,97,98,99,120,121,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,432,452,453,454,486 +7749 - 42,43,63,64,65,85,86,87,97,98,106,107,108,118,119,120,127,128,129,130,139,140,141,149,150,151,161,162,163,170,171,172,182,183,184,185,191,192,193,194,203,204,205,213,214,215,225,226,227,234,235,236,246,247,248,249,250,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,318,319,320,321,332,333,340,341,342,361,362,363,382,383,384,385,403,404,405,406,407,424,425,426,427,446,447,448,489 +7750 - 51,52,53,54,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,129,139,140,141,142,150,151,152,162,163,164,172,173,174,184,185,186,194,195,196,207,208,209,215,216,217,229,230,231,232,236,237,238,239,252,253,254,256,257,258,259,274,275,276,277,278,279,280,281,297,298,299,300,301,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,363,364,380,381,382,384,385,386,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,493 +7751 - 19,20,21,40,41,42,62,63,64,83,84,85,105,106,107,121,122,126,127,128,129,142,143,144,147,148,149,150,163,164,165,166,169,170,171,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,225,226,227,228,229,233,234,235,246,247,248,249,250,251,254,255,256,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,317,318,319,320,321,322,323,324,325,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,489 +7752 - 60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,402,403,404,424,425,445,446,447,468,469,486 +7753 - 56,57,58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,170,171,172,173,183,184,185,186,187,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,256,257,258,259,260,267,268,269,270,278,279,280,281,288,289,290,291,298,299,300,301,302,310,311,312,313,318,319,320,321,322,323,331,332,333,334,335,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,422,423,424,425,426,427,485 +7754 - 123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,200,201,202,203,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,492 +7755 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,127,128,140,141,142,143,146,147,148,149,150,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,215,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +7756 - 98,99,100,101,102,119,120,121,122,123,124,140,141,142,144,145,146,161,162,163,166,167,168,183,184,187,188,189,190,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,233,234,248,249,250,251,252,255,256,271,272,273,277,278,299,300,320,321,342,343,364,365,386,387,407,408,409,429,430,451,452,473,474,494 +7757 - 78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,125,126,127,139,140,141,142,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,210,211,212,213,214,215,224,225,226,230,231,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,494 +7758 - 29,30,31,32,51,52,53,54,55,56,73,74,75,76,77,78,79,97,98,99,100,101,121,122,123,124,143,144,145,146,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,315,316,317,318,337,338,339,340,341,360,361,362,363,364,383,384,385,386,387,388,406,407,408,409,410,411,412,413,430,431,432,433,434,435,436,454,455,456,457,458,459,487 +7759 - 15,16,17,18,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,212,213,226,227,228,229,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,279,280,281,290,291,292,293,295,296,297,298,301,302,303,312,313,314,317,318,319,322,323,324,334,335,336,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,491 +7760 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,91,92,98,99,100,101,122,123,144,145,166,167,188,189,210,211,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,297,298,299,300,314,315,318,319,320,321,322,336,337,339,340,341,343,344,345,358,359,360,361,362,366,367,380,381,382,383,388,389,402,403,404,410,411,432,433,454,455,456,476,477,478,487 +7761 - 38,39,40,59,60,61,62,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +7762 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,98,99,100,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,297,298,299,300,301,302,303,304,324,325,326,327,346,347,348,349,366,367,368,369,370,381,382,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,448,449,450,451,488 +7763 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,99,100,101,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,185,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,318,319,320,321,335,336,337,338,340,341,342,343,356,357,358,359,361,362,363,364,378,379,380,383,384,385,386,399,400,401,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,493 +7764 - 56,57,58,59,77,78,79,80,81,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,471,472,473,486 +7765 - 39,40,41,60,61,62,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,162,163,164,165,166,169,170,171,172,190,191,192,193,210,211,212,213,214,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,298,299,300,320,321,322,342,343,344,363,364,365,366,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,488 +7766 - 50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,274,275,276,277,278,279,300,301,322,323,343,344,345,365,366,367,386,387,388,389,400,401,402,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,488 +7767 - 82,83,84,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,143,144,145,146,150,151,152,171,172,173,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,221,222,228,229,230,231,232,233,234,235,236,237,243,244,251,252,253,254,258,259,265,266,280,281,287,288,289,301,302,303,309,310,311,314,315,316,317,318,319,322,323,324,331,332,333,334,335,336,337,338,339,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,402,403,404,405,406,488 +7768 - 32,33,34,35,36,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,115,116,117,118,122,123,124,136,137,138,139,140,143,144,145,157,158,159,160,161,164,165,166,167,178,179,180,181,186,187,188,199,200,201,202,208,209,210,221,222,223,224,230,231,232,243,244,245,246,247,252,253,254,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,339,340,341,345,346,347,348,349,350,361,362,363,369,370,371,372,383,384,385,391,392,393,394,405,406,407,413,414,415,416,427,428,429,435,436,437,438,449,450,457,458,459,460,493 +7769 - 79,80,81,82,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,190,191,192,193,202,203,204,205,206,211,212,213,214,225,226,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,465,466,467,468,469,492 +7770 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,146,147,148,168,169,170,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +7771 - 102,103,104,105,106,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,169,170,171,172,186,187,189,190,191,192,193,194,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,287,299,300,301,308,309,310,320,321,322,323,330,331,332,341,342,343,344,352,353,354,355,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,488 +7772 - 29,30,31,32,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,98,99,100,101,102,122,123,124,125,145,146,147,167,168,169,170,189,190,191,192,211,212,213,233,234,235,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,344,345,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,413,414,422,423,424,425,426,427,444,445,446,447,487 +7773 - 58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,105,106,107,120,121,122,127,128,129,140,141,142,143,144,148,149,150,151,161,162,163,164,169,170,171,172,173,182,183,184,185,189,190,191,192,193,194,203,204,205,206,210,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,297,298,299,300,301,314,315,318,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,429,444,445,446,447,448,466,467,468,469,494 +7774 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,208,209,210,211,212,213,214,215,216,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,298,299,300,301,311,312,313,314,315,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,475,494 +7775 - 61,62,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,127,128,129,142,143,144,145,148,149,150,151,163,164,165,166,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,340,341,342,356,357,358,359,361,362,363,364,377,378,379,380,383,384,385,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,467,468,469,470,493 +7776 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,79,80,81,82,92,93,94,102,103,104,112,113,114,115,125,126,135,136,147,148,169,170,191,192,213,214,235,257,273,274,278,279,293,294,295,296,297,298,300,301,314,315,316,317,318,319,320,321,322,323,335,336,337,342,343,344,345,357,358,365,366,367,378,379,380,386,387,388,389,390,391,400,401,402,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,434,435,445,446,447,448,449,450,451,452,487 +7777 - 37,38,39,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,85,86,98,99,100,101,105,108,120,121,122,126,127,128,141,142,143,147,148,149,150,163,164,165,168,169,170,171,185,186,187,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,297,298,313,314,315,316,318,319,320,334,335,336,337,340,341,342,355,356,357,358,362,363,364,377,378,379,382,383,384,385,398,399,400,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,493 +7778 - 26,27,28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,80,81,82,90,91,103,104,105,113,126,127,147,148,149,168,169,170,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,278,279,280,281,282,302,303,304,305,325,326,327,348,349,370,371,390,391,392,393,398,399,400,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,488 +7779 - 41,42,62,63,64,84,85,98,99,105,106,107,120,121,127,128,129,141,142,143,149,150,163,164,165,170,171,172,184,185,186,192,193,206,207,208,213,214,215,227,228,229,235,236,246,247,248,249,250,256,257,258,268,269,270,271,272,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,340,341,342,343,344,363,364,365,385,386,387,406,407,408,427,428,429,449,450,451,489 +7780 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,79,80,81,82,93,94,95,102,103,104,115,116,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,270,271,272,275,276,277,278,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,333,334,335,339,340,341,342,355,356,357,360,361,362,363,364,377,378,379,381,382,383,384,385,386,387,399,400,401,402,403,404,405,407,408,409,410,413,422,423,424,425,430,431,432,433,434,435,436,453,454,455,456,457,487 +7781 - 75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,168,169,170,171,189,190,191,192,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,444,445,446,447,448,465,466,467,468,469,492 +7782 - 7,8,9,10,11,12,13,14,15,35,36,37,38,58,59,60,61,81,82,83,103,104,105,126,127,128,148,149,150,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,332,333,334,335,336,337,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,403,404,405,406,407,408,409,487 +7783 - 80,81,82,83,84,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,168,169,170,171,181,182,183,184,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,469,492 +7784 - 29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,117,118,119,120,121,138,139,140,141,142,161,162,163,164,165,184,185,186,187,188,189,208,209,210,211,212,232,233,234,235,255,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,338,343,344,345,346,347,359,360,361,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,488 +7785 - 15,16,17,18,37,38,39,57,58,59,60,78,79,80,81,100,101,102,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,232,233,234,235,236,248,249,250,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,279,280,281,291,292,293,294,295,296,297,298,301,302,303,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,340,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +7786 - 54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,166,167,168,169,170,171,178,179,180,181,182,183,187,188,189,190,191,192,193,194,199,200,201,202,203,209,210,211,212,213,214,215,216,217,221,222,223,224,233,236,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,282,283,284,288,289,290,304,305,306,310,311,312,325,326,327,328,332,333,334,335,347,348,349,350,355,356,357,358,359,368,369,370,371,372,377,378,379,380,381,382,383,384,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,474,475,476,477,485 +7787 - 35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,105,106,118,119,120,121,127,128,140,141,142,148,149,150,162,163,170,171,172,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,280,298,299,300,301,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,355,356,357,358,360,361,362,363,364,365,376,377,378,380,381,382,383,384,385,386,387,388,390,398,399,400,401,402,403,404,405,408,409,410,411,412,420,421,422,423,424,425,426,430,431,432,433,434,443,444,445,446,453,454,455,487 +7788 - 35,36,37,56,57,58,59,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,364,381,382,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,432,450,451,452,453,486 +7789 - 18,19,20,39,40,41,42,60,61,62,63,81,82,83,84,85,103,104,105,106,107,124,125,126,127,128,146,147,148,149,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,421,422,423,424,486 +7790 - 4,5,6,26,27,28,29,48,49,50,51,52,53,71,72,73,74,75,76,93,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,140,141,142,143,144,145,146,162,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,487 +7791 - 58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,106,107,120,121,122,128,129,130,140,141,142,143,148,149,150,151,152,161,162,163,164,169,170,171,172,173,183,184,185,190,191,192,193,194,204,205,206,211,212,213,214,215,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,444,445,446,447,465,466,467,468,469,494 +7792 - 9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,103,116,117,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,236,247,248,249,250,255,256,257,268,269,270,271,272,273,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,325,326,327,328,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,412,422,423,424,425,487 +7793 - 37,38,39,40,41,57,58,59,60,61,62,63,64,78,79,80,81,84,85,86,87,99,100,101,102,106,107,108,120,121,122,123,128,129,130,141,142,143,149,150,151,162,163,164,165,169,170,171,172,173,185,186,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,257,258,259,269,270,271,272,276,277,278,279,280,289,290,291,292,293,298,299,300,301,302,311,312,313,314,320,321,322,323,332,333,334,335,341,342,343,344,354,355,356,362,363,364,365,376,377,378,383,384,385,386,398,399,400,401,404,405,406,407,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,493 +7794 - 32,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,124,125,126,127,146,147,148,149,167,168,169,170,171,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +7795 - 99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,190,191,192,193,194,203,204,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,442,443,444,445,446,464,465,466,467,492 +7796 - 32,33,34,53,54,55,56,57,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,212,213,214,215,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,372,373,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,487 +7797 - 59,60,61,62,63,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,121,122,123,124,125,128,129,130,131,142,143,144,145,150,151,152,153,162,163,164,165,171,172,173,174,175,184,185,186,193,194,195,196,205,206,207,214,215,216,217,227,228,229,235,236,237,238,248,249,250,255,256,257,258,259,270,271,272,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,384,399,400,401,404,405,420,421,422,425,426,427,442,443,447,448,449,464,465,466,467,468,469,470,493 +7798 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,476,494 +7799 - 60,61,62,63,79,80,81,82,83,84,85,86,87,99,100,101,102,103,107,108,109,120,121,122,123,128,129,130,131,140,141,142,143,149,150,151,152,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,204,205,206,212,213,214,215,226,227,232,233,234,235,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,420,421,422,423,424,425,426,443,444,445,446,447,493 +7800 - 69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,144,145,146,166,167,168,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,252,253,254,255,256,257,277,278,279,280,281,301,302,303,304,305,309,310,325,326,327,328,332,333,334,335,348,349,350,355,356,357,358,359,360,361,362,365,366,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,406,407,408,409,410,411,412,413,414,488 +7801 - 38,39,40,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,166,169,170,171,172,190,191,192,193,212,213,214,215,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,274,275,276,277,278,289,290,291,296,297,298,299,300,310,311,312,316,317,318,319,320,321,322,330,331,332,333,337,338,339,340,342,343,344,352,353,354,357,358,359,360,361,364,365,366,374,375,376,377,378,379,380,381,386,387,388,396,397,398,399,400,401,408,409,410,418,419,420,421,431,487 +7802 - 77,87,99,100,106,107,108,109,120,121,122,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,247,248,249,250,268,269,270,271,272,273,274,290,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,490 +7803 - 37,38,39,40,58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,127,128,129,142,143,144,148,149,150,151,169,170,171,172,186,187,188,189,190,191,192,193,201,202,206,207,208,209,210,211,212,213,222,223,224,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,249,250,251,252,253,254,256,257,258,266,267,268,269,278,279,280,288,289,290,300,301,302,310,311,312,322,323,324,331,332,333,334,343,344,345,354,355,356,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +7804 - 59,60,70,71,80,81,82,83,91,92,93,94,102,103,104,113,114,115,116,124,125,126,135,136,137,138,146,147,148,157,158,159,160,168,169,170,179,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,227,228,229,230,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,321,322,323,324,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,489 +7805 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,147,148,149,150,151,160,161,162,163,168,169,170,171,172,173,181,182,183,190,191,192,193,194,195,202,203,204,210,211,212,213,214,215,216,223,224,225,226,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,277,278,279,280,281,290,291,292,293,294,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,494 +7806 - 55,56,76,77,78,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,206,207,208,209,210,229,230,231,232,251,252,253,272,273,274,275,295,296,297,316,317,318,319,338,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,430,450,451,452,473,474,475,486 +7807 - 98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,168,169,170,171,172,173,174,181,182,183,184,185,190,191,192,193,194,195,196,197,202,203,204,205,213,214,215,217,218,219,223,224,225,226,227,235,236,237,240,241,245,246,247,257,258,259,260,262,267,268,269,279,280,281,288,289,290,300,301,302,303,310,311,312,322,323,324,332,333,334,343,344,345,346,354,355,356,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,485 +7808 - 72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,318,319,320,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,451,469,470,471,472,492 +7809 - 96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,168,169,170,171,180,181,182,183,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +7810 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,126,127,138,139,140,146,148,149,160,161,162,163,167,168,169,170,182,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,320,321,322,338,339,340,342,343,344,359,360,361,364,365,366,381,382,383,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,493 +7811 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,129,139,140,141,142,149,150,151,160,161,162,163,169,172,173,174,175,181,182,183,184,190,191,192,194,195,196,203,204,205,211,212,213,214,217,224,225,226,232,233,234,235,236,246,247,248,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +7812 - 79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,147,148,149,150,160,161,162,163,164,168,169,170,171,180,181,182,183,184,185,189,190,191,192,193,201,202,203,204,205,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +7813 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,125,126,127,128,129,139,140,141,142,143,144,147,148,149,150,151,152,161,162,163,164,169,170,171,172,173,174,181,182,183,184,185,191,192,193,194,195,196,203,204,205,206,213,214,215,216,217,218,224,225,226,227,235,236,237,238,239,240,245,246,247,248,257,258,259,260,261,262,266,267,268,269,270,278,279,280,281,282,288,289,290,291,300,301,302,303,309,310,311,312,320,321,322,323,324,331,332,333,334,340,341,342,343,344,345,353,354,355,356,361,362,363,364,365,366,367,375,376,377,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,464,465,466,467,468,485 +7814 - 51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,146,147,148,149,150,163,164,165,166,167,170,171,172,186,187,188,189,190,192,193,194,209,210,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,324,335,336,337,338,339,343,344,345,346,356,357,358,359,366,367,368,377,378,379,388,389,399,400,401,402,404,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,468,469,470,471,493 +7815 - 16,17,18,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,247,248,249,255,256,257,258,269,270,271,275,276,277,278,279,280,281,290,291,292,296,297,298,299,300,301,302,303,312,313,314,317,318,319,322,323,324,325,334,335,336,337,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,491 +7816 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,116,117,118,119,123,124,125,126,138,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,206,213,214,215,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,292,293,294,295,301,302,303,314,315,316,317,318,319,323,324,325,337,338,339,340,341,344,345,346,359,360,361,362,366,367,368,381,382,383,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,485 +7817 - 65,86,87,107,108,109,119,120,129,130,131,140,141,142,143,150,151,152,162,163,164,171,172,173,183,184,185,192,193,194,195,204,205,206,213,214,215,216,224,225,226,227,228,235,236,237,246,247,248,249,256,257,258,259,267,268,269,270,271,272,273,276,277,278,279,280,281,289,290,291,293,294,295,296,297,298,299,300,301,302,311,312,316,317,318,319,320,321,322,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,489 +7818 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,57,71,73,74,75,76,77,78,79,80,101,102,103,124,125,126,147,148,169,170,191,192,213,214,234,235,236,256,257,258,269,270,271,272,273,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,399,400,401,402,403,487 +7819 - 38,39,40,41,59,60,61,62,63,81,82,83,84,85,101,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,421,422,423,424,425,444,445,446,447,486 +7820 - 33,34,35,54,55,56,57,76,77,78,97,98,99,118,119,120,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,182,183,184,203,204,205,206,225,226,227,247,248,249,250,270,271,272,273,274,275,294,295,296,297,298,299,318,319,320,321,322,342,343,344,345,365,366,367,387,388,389,390,402,403,404,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,490 +7821 - 39,40,41,61,62,63,82,83,84,85,103,104,105,106,107,124,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,426,427,443,444,445,446,447,448,486 +7822 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,165,166,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,205,206,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,494 +7823 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,99,100,101,105,106,107,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,213,214,215,216,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,308,309,310,311,312,317,318,319,320,321,322,323,324,330,331,332,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,366,367,368,369,370,374,375,376,377,378,379,380,381,382,389,390,391,392,393,396,397,398,399,400,401,412,413,414,415,435,436,437,487 +7824 - 32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,106,107,113,114,115,116,127,128,129,136,137,138,139,148,149,150,151,158,159,160,161,162,169,170,171,172,181,182,183,184,185,186,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,321,322,323,324,325,335,336,337,338,344,345,346,347,356,357,358,366,367,368,369,370,378,379,380,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +7825 - 35,36,37,56,57,58,59,60,62,63,64,76,77,78,79,81,84,85,86,97,98,99,100,105,106,107,108,119,120,121,126,127,128,129,130,140,141,142,148,149,150,151,162,163,164,168,169,170,171,184,185,186,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,327,334,335,336,337,340,341,342,343,355,356,357,358,362,363,364,365,370,377,378,379,384,385,386,387,399,400,401,402,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +7826 - 53,54,60,61,75,76,82,83,96,97,98,103,104,105,118,119,120,125,126,127,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,190,191,192,204,205,206,212,213,214,225,226,227,234,235,236,247,248,249,255,256,257,269,270,271,275,276,277,278,279,290,291,292,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +7827 - 36,37,38,39,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,105,106,107,119,120,121,122,123,127,128,129,141,142,149,150,151,170,171,172,191,192,193,194,212,213,214,215,225,226,227,228,233,234,235,236,245,246,247,248,249,250,251,254,255,256,257,265,266,267,268,269,271,272,273,274,275,276,277,278,287,288,289,294,295,296,297,298,299,304,305,308,309,310,315,316,317,318,319,320,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,384,385,386,387,388,398,487 +7828 - 32,53,54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,122,123,140,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +7829 - 15,16,17,37,38,39,58,59,60,61,79,80,81,82,101,102,103,122,123,124,143,144,145,146,164,165,166,167,185,186,187,188,207,208,209,227,228,229,230,233,234,235,249,250,251,252,254,255,256,257,258,270,271,272,273,275,276,277,278,279,280,292,293,294,296,297,298,299,301,302,313,314,315,318,319,320,322,323,324,335,336,337,339,340,341,343,344,345,346,357,358,359,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +7830 - 12,13,14,15,16,34,35,36,37,38,39,40,58,59,60,61,62,83,84,85,99,100,101,105,106,107,120,121,122,123,127,128,129,130,141,142,143,144,145,150,151,152,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,215,216,217,225,226,227,228,236,237,238,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,289,290,291,292,300,301,302,303,311,312,313,321,322,323,324,332,333,334,335,342,343,344,345,354,355,356,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,485 +7831 - 38,39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,401,402,403,423,424,425,426,427,444,445,446,447,448,449,486 +7832 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,269,270,271,272,273,275,276,277,297,298,299,319,320,341,342,363,364,384,385,386,406,407,408,427,428,429,446,447,448,449,450,451,468,469,470,471,472,488 +7833 - 17,18,19,37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,212,213,214,215,220,221,222,234,235,236,237,242,243,244,245,256,257,258,259,264,265,266,267,278,279,280,281,286,287,288,289,290,299,300,301,302,303,309,310,311,312,313,314,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,426,427,490 +7834 - 30,31,32,33,52,53,54,55,75,76,77,97,98,99,100,119,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,299,318,319,320,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +7835 - 76,77,78,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,208,209,210,211,215,216,217,218,223,224,225,226,227,231,232,233,237,238,239,240,244,245,246,247,248,253,254,255,258,259,260,261,262,266,267,268,269,270,277,279,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,310,311,312,313,322,323,324,325,326,331,332,333,334,335,336,343,344,345,346,347,348,353,354,355,356,357,358,359,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,485 +7836 - 55,56,57,58,59,60,61,62,76,77,78,79,83,84,98,99,100,104,105,106,120,121,125,126,127,142,146,147,148,149,162,163,164,167,168,169,170,183,184,185,186,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,274,275,276,295,296,297,316,317,318,319,337,338,339,340,341,342,359,360,363,364,381,382,385,386,403,404,405,407,408,425,426,427,429,430,431,448,449,450,451,452,453,471,472,473,474,493 +7837 - 34,35,36,37,38,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,451,486 +7838 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +7839 - 75,76,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,141,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,368,369,370,371,372,373,377,378,379,380,381,392,393,394,395,415,416,487 +7840 - 52,53,54,55,56,73,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,192,193,194,195,205,206,207,208,209,227,228,229,230,231,248,249,250,251,252,270,271,272,273,274,292,293,294,295,296,297,316,317,318,319,339,340,341,342,362,363,364,365,377,378,383,384,385,386,387,399,400,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +7841 - 53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,110,111,112,113,114,115,116,117,118,119,124,125,126,127,128,132,133,134,135,136,137,146,147,148,149,150,154,155,156,167,168,169,170,171,172,188,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,294,295,296,299,300,301,302,303,304,322,323,324,325,326,327,345,346,347,348,349,366,367,368,369,370,371,377,378,379,380,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,488 +7842 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,141,142,143,144,145,164,165,166,167,186,187,188,189,209,210,211,212,231,232,233,234,253,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,354,355,356,357,358,364,365,366,367,376,377,378,379,380,381,382,383,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,490 +7843 - 92,93,94,105,106,107,113,114,115,116,127,128,129,130,135,136,137,138,149,150,151,152,157,158,159,160,171,172,173,174,178,179,180,181,193,194,195,196,200,201,202,203,215,216,217,222,223,224,225,228,229,230,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,322,323,324,325,326,344,345,346,347,348,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,454,455,456,476,477,478,489 +7844 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,103,104,118,119,120,140,141,142,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,228,229,230,231,232,249,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,319,320,336,337,338,341,342,343,358,359,360,363,364,365,380,381,382,385,386,387,402,403,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,453,471,472,473,474,493 +7845 - 105,106,107,108,116,117,118,123,124,125,126,127,128,129,130,131,137,138,139,140,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,174,175,181,182,183,184,185,186,187,188,189,197,203,204,205,206,225,226,227,228,247,248,249,250,251,270,271,272,273,274,294,295,296,297,298,317,318,319,320,321,340,341,342,343,354,355,356,357,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,490 +7846 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,149,150,151,152,159,160,161,162,171,172,173,174,175,181,182,183,184,193,194,195,196,197,202,203,204,205,215,216,217,218,219,224,225,226,227,238,239,240,241,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,292,303,304,305,310,311,312,313,314,323,324,325,326,332,333,334,335,336,345,346,347,348,354,355,356,357,358,359,360,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +7847 - 9,10,11,12,13,31,32,33,34,35,36,53,54,55,56,57,75,76,77,78,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,160,161,162,163,164,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,234,235,236,237,238,239,247,248,249,250,255,256,257,258,259,260,261,268,269,270,271,272,276,277,278,279,280,281,282,283,284,290,291,292,293,294,298,299,300,301,302,303,304,305,306,312,313,314,315,316,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,491 +7848 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,118,119,120,140,141,161,162,163,183,184,185,205,206,207,208,209,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,322,323,343,344,345,359,360,365,366,381,382,386,387,388,403,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,470,471,472,473,490 +7849 - 102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,212,213,214,215,216,220,221,222,223,224,225,233,234,235,236,237,242,243,255,256,257,258,259,264,265,276,277,278,279,280,281,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,367,368,385,386,387,388,389,407,408,409,410,411,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +7850 - 30,31,32,52,53,54,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,229,230,231,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,410,429,430,431,432,433,452,453,454,455,486 +7851 - 52,53,54,55,73,74,75,76,77,81,82,83,84,85,94,95,96,97,98,99,102,103,104,105,106,107,108,115,116,117,118,119,120,124,125,126,127,128,129,130,131,137,138,139,140,141,145,146,147,148,149,150,151,152,153,159,160,161,162,167,168,173,174,175,181,182,183,189,190,195,196,197,203,204,205,217,218,219,225,226,227,238,239,240,241,247,248,249,260,261,262,263,269,270,271,281,282,283,284,285,291,292,293,294,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,473,493 +7852 - 95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,166,167,168,188,189,190,210,211,212,213,214,215,216,217,218,229,230,231,232,233,234,235,236,237,238,239,240,251,252,253,254,255,256,257,258,259,261,262,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,492 +7853 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,158,159,160,161,162,164,165,166,167,180,181,182,183,186,187,188,189,190,191,192,201,202,203,204,207,208,209,210,211,212,213,214,217,224,225,226,227,228,229,230,231,232,233,234,235,236,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,261,262,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,481,482,494 +7854 - 36,37,53,57,58,59,74,75,76,79,80,81,96,97,98,101,102,103,118,119,120,123,124,125,140,141,142,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,204,205,206,210,211,212,226,227,228,232,233,234,247,248,249,254,255,256,260,261,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,431,432,433,453,454,455,489 +7855 - 117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,190,191,192,193,194,195,196,197,201,202,203,204,205,215,216,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,248,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,323,324,325,326,327,328,332,333,334,335,336,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,485 +7856 - 29,30,31,32,33,34,49,50,51,52,53,55,56,71,72,73,78,79,83,84,92,93,94,100,101,104,105,106,107,114,115,116,124,125,126,127,128,129,137,138,139,145,146,147,148,149,160,161,162,163,165,166,167,168,183,184,185,186,187,188,189,207,208,209,210,229,230,231,232,233,234,250,251,252,254,255,256,257,272,273,278,279,280,293,294,295,300,301,302,315,316,317,323,324,325,337,338,345,346,347,359,360,361,367,368,369,381,382,383,389,390,391,403,404,405,406,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,493 +7857 - 56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,468,469,470,471,486 +7858 - 33,34,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,148,149,150,160,161,162,163,164,170,171,172,182,183,184,185,192,193,194,204,205,206,214,215,216,225,226,227,228,236,237,238,247,248,249,257,258,259,269,270,271,279,280,281,291,292,293,301,302,303,313,314,315,322,323,324,335,336,337,343,344,345,346,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +7859 - 29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,123,124,125,126,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,369,370,371,372,376,377,378,379,380,381,382,383,391,392,393,394,395,398,399,400,401,402,403,404,414,415,416,417,422,436,437,438,439,459,460,487 +7860 - 11,12,13,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,121,122,123,142,143,144,163,164,165,166,184,185,186,187,188,202,203,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,248,249,253,254,275,276,297,298,319,320,321,341,342,343,363,364,365,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,486 +7861 - 29,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,99,101,102,103,104,105,116,123,124,125,126,127,144,145,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,301,302,303,304,324,325,326,327,331,345,346,347,348,349,352,353,354,355,356,357,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,488 +7862 - 29,30,31,32,33,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,162,163,164,165,166,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,248,253,254,255,256,257,258,278,279,280,281,301,302,303,322,323,324,325,344,345,346,347,356,357,364,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +7863 - 105,106,107,108,113,114,115,127,128,129,130,135,136,137,138,148,149,150,151,152,156,157,158,159,170,171,172,173,174,177,178,179,180,181,191,192,193,194,195,199,200,201,202,203,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,299,300,301,302,303,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,430,431,432,433,489 +7864 - 50,51,52,72,73,74,82,83,93,94,95,96,103,104,105,115,116,117,125,126,127,137,138,139,147,148,149,158,159,160,161,168,169,170,171,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,234,235,236,246,247,248,255,256,257,258,268,269,270,271,272,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +7865 - 139,140,149,150,151,152,153,160,161,162,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,277,289,290,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,380,381,382,384,385,490 +7866 - 81,82,101,102,103,104,113,114,115,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,167,168,169,170,180,181,182,183,189,190,191,211,212,213,233,234,235,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,315,316,317,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,492 +7867 - 8,9,10,11,29,30,31,32,33,50,51,52,53,54,55,71,72,73,74,75,76,93,94,95,96,97,115,116,117,118,119,136,137,138,139,140,157,158,159,160,161,179,180,181,182,201,202,203,204,223,224,225,226,235,236,237,238,239,245,246,247,248,249,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,382,383,384,385,386,404,405,406,407,426,427,428,491 +7868 - 11,12,13,14,15,16,17,32,33,34,35,36,54,55,56,75,76,77,97,98,99,118,119,120,139,140,141,160,161,162,163,182,183,184,204,205,206,225,226,227,228,236,247,248,249,253,254,255,256,257,258,259,260,261,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,295,296,297,298,299,304,305,306,312,313,314,317,318,319,326,327,328,335,336,337,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +7869 - 77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,188,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,492 +7870 - 28,29,30,31,32,49,50,51,52,53,54,55,72,74,75,76,77,78,98,99,100,120,121,122,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,327,328,329,333,334,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,359,360,361,362,366,367,368,369,370,371,372,487 +7871 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,167,171,172,173,174,175,182,183,184,185,191,192,193,194,195,196,197,203,204,205,206,210,211,212,213,214,215,216,217,218,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,361,362,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,472,473,493 +7872 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,147,148,149,150,158,159,160,161,162,163,168,169,170,171,180,181,182,183,184,185,189,190,191,192,193,203,204,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,363,364,365,366,367,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,475,493 +7873 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,146,147,148,157,158,159,160,161,168,169,170,171,179,180,181,182,188,189,190,191,192,193,194,201,202,203,204,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,254,255,256,257,258,270,271,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,451,452,453,454,473,474,475,476,494 +7874 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,104,116,117,118,119,123,124,125,126,138,139,140,146,147,148,149,159,160,161,162,170,171,172,181,182,183,192,193,194,202,203,204,205,215,216,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,303,304,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,359,367,368,369,379,380,381,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,485 +7875 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,233,234,235,236,237,238,239,240,244,245,246,247,248,249,254,255,257,258,259,260,261,262,265,266,267,268,269,277,279,280,281,282,283,284,287,288,289,290,291,299,300,301,302,303,304,305,309,310,311,312,319,320,321,322,323,324,325,326,331,332,333,334,335,336,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,485 +7876 - 30,31,52,53,54,74,75,76,96,97,98,118,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,210,230,231,232,252,253,254,274,275,276,297,298,299,319,320,321,341,342,343,364,365,366,386,387,388,408,409,410,411,431,432,433,453,454,455,486 +7877 - 33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,163,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,428,429,446,447,448,449,450,486 +7878 - 48,49,50,51,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,148,149,150,151,168,169,170,171,172,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,325,345,346,347,367,368,369,387,388,389,390,391,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,488 +7879 - 137,138,139,140,141,142,143,144,156,157,158,159,160,161,162,163,164,165,166,167,178,179,180,181,182,183,184,185,186,187,188,189,190,200,201,202,203,210,211,212,213,232,233,234,235,253,254,255,256,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,323,324,325,326,327,337,338,339,340,341,347,348,349,350,351,370,371,372,373,487 +7880 - 12,13,14,15,33,34,35,36,37,38,55,56,57,58,59,60,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,184,185,186,205,206,207,208,227,228,229,230,235,249,250,251,255,256,257,258,271,272,273,276,277,278,279,280,281,293,294,295,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,403,404,405,425,426,491 +7881 - 73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,277,278,279,280,286,287,301,302,303,308,309,323,324,325,326,330,331,332,333,334,335,336,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,488 +7882 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,169,170,171,182,183,184,185,186,187,191,192,193,203,204,205,206,207,213,214,215,225,226,227,228,235,236,237,247,248,249,257,258,259,268,269,270,271,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,343,344,345,346,356,357,358,359,364,365,366,367,378,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,485 +7883 - 71,85,92,93,94,105,106,107,114,115,116,117,127,128,129,130,135,136,137,138,148,149,150,151,152,156,157,158,159,160,169,170,171,172,173,174,178,179,180,181,191,192,193,194,195,199,200,201,202,203,204,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,297,298,299,300,301,302,303,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,474,489 +7884 - 34,35,56,57,58,78,79,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,142,143,144,145,146,163,164,165,166,185,186,187,205,206,207,208,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,301,302,303,323,324,325,344,345,346,365,366,367,381,382,385,386,387,388,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,445,446,447,448,449,490 +7885 - 139,140,141,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,228,229,230,251,252,253,254,273,274,275,276,297,298,310,311,312,313,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,490 +7886 - 49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,120,121,122,123,134,135,136,137,142,143,144,145,156,157,158,164,165,166,178,179,180,181,186,187,188,189,201,202,203,204,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,255,256,257,271,272,277,278,279,280,300,301,302,322,323,324,345,346,347,367,368,369,389,390,391,392,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,479,480,494 +7887 - 7,8,9,10,11,12,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,92,93,94,95,96,97,98,114,115,116,117,118,119,135,136,137,138,139,140,157,158,159,160,161,179,180,181,182,183,192,193,194,201,202,203,204,212,213,214,215,216,217,223,224,225,226,233,234,235,236,237,238,239,240,245,246,247,248,254,255,256,257,258,259,260,261,262,263,267,268,269,270,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,491 +7888 - 31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,115,116,117,118,119,137,138,139,140,141,159,160,161,162,163,181,182,183,184,185,186,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,490 +7889 - 102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,232,233,234,235,236,237,238,243,244,245,246,247,248,249,253,254,255,256,257,258,259,266,267,268,269,275,276,277,278,279,280,281,297,298,299,300,301,302,303,318,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,475,492 +7890 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,168,169,170,171,172,182,183,184,189,190,191,192,193,203,204,205,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,299,300,301,314,315,316,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,472,473,474,475,494 +7891 - 95,96,97,98,99,116,117,118,119,120,121,122,123,129,130,138,139,140,141,142,143,144,145,149,150,151,152,153,159,160,161,162,163,164,165,166,171,172,173,174,175,181,182,183,184,193,194,195,196,197,203,204,205,206,215,216,217,218,219,225,226,227,235,236,237,238,239,240,241,247,248,249,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,333,334,335,336,337,338,355,356,357,358,359,360,361,378,379,380,381,382,383,400,401,402,403,404,405,423,424,425,426,493 +7892 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,166,167,168,169,170,171,172,173,179,180,181,182,183,189,190,191,192,193,194,195,196,200,201,202,203,204,215,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,292,303,304,305,306,307,310,311,312,313,314,325,326,327,328,332,333,334,335,336,346,347,348,349,350,354,355,356,357,358,366,367,368,369,370,371,377,378,379,380,381,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +7893 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,145,146,147,148,158,159,160,161,162,167,168,169,170,171,180,181,182,183,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,270,271,276,277,278,279,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,472,473,474,475,494 +7894 - 30,31,32,33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,121,122,123,124,125,126,127,128,137,138,139,144,145,146,147,148,149,150,158,159,160,169,170,171,172,179,180,181,182,192,193,194,195,201,202,203,204,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,259,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,314,324,325,326,327,328,333,334,335,336,337,346,347,348,349,355,356,357,358,359,360,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +7895 - 29,30,31,51,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,348,349,350,351,354,355,356,357,358,359,360,370,371,372,373,377,378,379,380,381,392,393,394,395,400,415,416,487 +7896 - 33,34,55,56,57,77,78,79,99,100,121,122,143,144,165,166,187,188,209,210,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,429,430,431,451,452,486 +7897 - 52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,146,147,148,149,156,157,158,159,160,168,169,170,171,180,190,191,192,193,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,410,411,412,413,414,415,423,424,425,426,427,433,434,435,436,437,438,446,457,458,459,460,461,480,481,482,483,487 +7898 - 32,33,34,35,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,116,117,118,119,121,122,123,138,139,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,486 +7899 - 100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,188,189,190,191,192,201,202,203,210,211,212,213,214,224,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +7900 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,114,115,116,117,118,137,138,159,160,161,181,182,183,203,204,205,206,225,226,227,228,229,230,231,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,303,323,324,325,326,346,347,348,368,369,370,371,390,391,392,393,409,410,411,412,413,414,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,490 +7901 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,229,246,247,248,249,250,251,258,259,260,268,269,270,271,272,278,279,280,281,282,283,290,291,292,293,294,299,300,301,302,303,304,305,306,312,313,314,315,316,321,322,323,324,325,326,327,334,335,336,337,338,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,491 +7902 - 73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,202,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,303,322,323,324,325,326,345,346,347,348,356,357,367,368,369,370,371,378,379,389,390,391,392,400,401,402,410,411,412,413,422,423,424,425,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,490 +7903 - 60,61,62,81,82,83,84,85,93,103,104,105,106,107,114,115,116,125,126,127,128,129,135,136,137,138,146,147,148,149,150,157,158,159,160,168,169,170,171,172,178,179,180,181,182,190,191,192,193,194,200,201,202,203,204,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,320,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,474,475,476,489 +7904 - 76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,148,149,150,158,159,160,161,170,171,172,179,180,181,182,183,192,193,194,201,202,203,204,205,214,215,216,223,224,225,226,227,235,236,237,245,246,247,248,249,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,323,324,325,345,346,347,367,368,369,388,389,390,391,410,411,412,431,432,433,452,453,454,455,474,475,476,494 +7905 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,170,171,172,182,183,184,185,186,187,188,191,192,193,194,203,204,205,206,207,208,209,213,214,215,216,224,225,226,227,228,235,236,237,238,246,247,248,249,250,257,258,259,260,268,269,270,271,278,279,280,281,282,289,290,291,292,293,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,355,356,357,358,362,363,364,365,366,367,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +7906 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,144,145,146,156,157,158,159,167,168,178,179,180,189,190,191,211,212,213,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,492 +7907 - 119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,205,206,207,208,228,229,230,231,249,250,251,252,253,254,273,274,275,276,297,298,299,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,490 +7908 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,79,80,81,95,96,97,102,103,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,183,184,189,190,191,205,206,211,212,213,227,228,229,232,233,234,250,251,253,254,255,256,272,273,274,275,276,277,279,294,295,296,297,298,299,300,301,316,317,318,319,322,323,337,338,339,340,344,345,346,359,360,361,367,368,369,381,382,383,389,390,391,403,404,405,410,411,412,413,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,493 +7909 - 72,73,74,75,76,94,95,96,97,98,108,109,115,116,117,118,119,120,128,129,130,131,137,138,139,140,149,150,151,152,153,159,160,161,162,170,171,172,173,174,175,181,182,183,184,192,193,194,195,196,197,203,204,205,206,213,214,215,216,217,218,219,225,226,227,228,232,233,234,235,236,237,238,239,247,248,249,250,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,423,424,425,426,427,428,429,448,449,450,451,493 +7910 - 56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,430,448,449,450,451,452,471,472,473,486 +7911 - 58,59,60,71,72,73,74,78,79,80,81,82,83,84,93,94,95,96,99,100,101,102,103,104,105,106,107,114,115,116,117,118,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,142,143,144,149,150,151,152,157,158,159,160,161,171,172,173,174,178,179,180,181,182,194,195,196,199,200,201,202,203,216,217,218,221,222,223,224,225,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,302,303,304,305,306,309,310,311,312,313,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,485 +7912 - 36,37,57,58,59,79,80,81,101,102,103,122,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +7913 - 96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,492 +7914 - 49,50,58,59,60,71,72,80,81,93,94,102,103,114,115,116,124,125,136,137,138,146,147,148,158,159,160,168,169,170,180,181,182,190,191,192,202,203,204,212,213,224,225,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,475,476,477,489 +7915 - 73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,164,167,168,169,170,171,172,176,177,178,179,188,189,190,191,192,193,198,199,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,341,342,343,344,345,346,347,366,367,368,369,370,388,389,390,391,392,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,488 +7916 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,122,123,124,125,126,145,146,147,148,167,168,169,170,171,190,191,192,193,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,411,413,421,422,423,424,425,426,427,428,444,445,446,447,448,449,487 +7917 - 124,125,126,127,128,129,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,206,207,208,228,229,230,231,251,252,253,254,274,275,276,277,295,296,297,298,299,309,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,490 +7918 - 55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,128,129,139,140,141,147,148,149,150,161,162,163,164,168,169,170,171,172,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,356,357,358,359,360,363,364,365,366,378,379,380,381,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,493 +7919 - 60,61,67,68,82,83,84,89,90,91,104,105,106,107,111,112,113,114,126,127,128,129,133,134,135,136,148,149,150,151,155,156,157,158,169,170,171,172,173,176,177,178,179,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,212,213,214,215,216,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,276,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,476,489 +7920 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,99,100,101,102,103,104,124,125,126,127,146,147,148,149,150,151,167,168,169,170,171,172,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,235,236,237,238,248,249,250,251,252,253,254,257,258,259,269,270,271,272,273,274,279,280,281,290,291,292,293,294,295,300,301,302,311,312,313,314,315,316,322,323,324,333,334,335,336,343,344,345,346,354,355,356,357,365,366,367,376,377,378,379,380,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,487 +7921 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +7922 - 76,77,78,79,97,98,99,100,101,118,119,120,122,123,140,141,144,145,161,162,165,166,167,183,184,187,188,189,205,206,209,210,211,227,228,229,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,298,299,320,321,342,343,364,365,386,387,388,409,410,431,432,453,454,475,476,477,494 +7923 - 77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,167,168,169,170,171,172,173,174,175,181,182,183,184,189,190,191,194,195,196,197,203,204,205,206,212,213,216,217,218,219,225,226,227,228,237,238,239,240,248,249,250,251,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,354,355,356,357,358,359,360,361,362,363,376,377,378,383,384,385,398,399,400,401,402,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +7924 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,100,101,102,113,114,115,116,122,123,124,134,135,136,145,146,155,156,157,167,168,177,178,179,188,189,190,199,200,201,210,211,212,221,222,223,224,225,226,227,231,232,233,244,245,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,296,297,298,299,300,301,302,318,319,320,321,322,323,324,325,340,341,345,346,347,348,349,362,363,370,371,384,385,392,393,394,406,407,408,414,415,416,428,429,430,434,435,436,437,451,452,453,454,455,456,457,458,474,475,476,477,478,479,493 +7925 - 51,52,72,73,74,75,79,80,81,82,83,93,94,95,96,97,98,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,178,179,180,181,182,183,184,185,186,187,188,193,194,195,196,197,200,201,202,203,204,205,206,207,208,209,215,216,217,218,219,222,223,224,225,226,228,229,237,238,239,240,241,244,245,246,247,248,250,251,259,260,261,262,263,266,267,268,269,272,273,281,282,283,284,285,288,289,290,291,295,302,303,304,305,306,307,310,311,312,313,314,323,324,325,326,327,328,329,332,333,334,335,336,344,345,346,347,348,349,350,354,355,356,357,358,359,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +7926 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,209,210,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,258,259,260,261,269,270,271,282,283,290,291,292,304,305,306,311,312,313,314,325,326,327,328,333,334,335,336,346,347,348,349,356,357,358,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,491 +7927 - 126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,227,228,229,230,249,250,251,252,272,273,274,275,294,295,296,297,298,310,311,318,319,320,332,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,402,403,404,405,406,407,490 +7928 - 56,57,58,59,78,79,80,81,82,93,94,95,96,97,98,99,100,103,104,105,114,115,116,117,118,119,120,121,122,123,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,167,168,169,170,171,180,181,182,183,189,191,192,193,203,204,205,206,207,212,213,214,225,226,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,345,358,359,360,364,365,366,367,380,381,387,388,389,390,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +7929 - 73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,168,169,170,171,172,190,191,192,193,211,212,213,214,215,231,232,233,234,235,236,252,253,254,255,256,257,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,390,391,392,393,394,487 +7930 - 29,30,31,50,51,52,53,71,72,73,74,92,93,94,95,98,99,100,114,115,116,119,120,121,122,123,124,125,126,135,136,137,141,142,143,144,145,146,147,148,149,156,157,158,159,165,166,167,168,169,170,171,172,178,179,180,181,189,190,191,192,193,194,195,200,201,202,214,215,216,217,218,222,223,224,237,238,239,240,241,244,245,246,260,261,262,263,266,267,268,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,336,346,347,348,349,350,355,356,357,358,359,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,450,451,452,485 +7931 - 97,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,190,191,192,193,194,200,212,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,469,470,471,472,473,492 +7932 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,123,124,125,126,127,137,138,139,140,141,146,147,148,149,150,158,159,160,161,162,169,170,171,172,180,181,182,183,191,192,193,194,202,203,204,205,206,207,213,214,215,216,224,225,226,227,228,229,236,237,238,246,247,248,249,250,251,258,259,260,268,269,270,271,272,280,281,282,283,290,291,292,293,294,302,303,304,312,313,314,315,316,324,325,326,334,335,336,337,338,339,346,347,348,357,358,359,360,361,367,368,369,370,379,380,381,382,383,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,470,471,472,473,485 +7933 - 92,93,94,95,96,97,113,114,115,116,117,118,119,120,121,135,136,137,138,139,140,141,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,323,324,325,326,327,328,329,333,334,335,336,337,338,348,349,350,351,371,372,373,487 +7934 - 37,38,39,53,54,55,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,101,102,103,105,106,107,117,118,119,124,127,128,129,138,139,140,141,149,150,151,160,161,162,163,171,172,173,181,182,183,184,193,194,195,203,204,205,206,215,216,217,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,366,367,368,369,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +7935 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,122,123,124,125,126,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,192,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,321,322,323,324,325,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,488 +7936 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,167,168,169,170,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,494 +7937 - 9,10,11,12,30,31,32,33,51,52,53,54,55,72,73,74,75,76,77,93,94,95,96,97,98,115,116,117,118,119,120,137,138,139,140,141,158,159,160,161,162,180,181,182,183,184,202,203,204,205,206,213,214,215,216,224,225,226,227,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,491 +7938 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +7939 - 26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,99,100,101,102,103,123,124,125,145,146,147,148,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,388,389,390,391,392,393,399,400,401,402,403,412,413,414,415,416,435,436,437,438,439,458,459,460,487 +7940 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,166,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +7941 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,486 +7942 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,123,124,125,136,137,138,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,235,252,253,254,255,256,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,415,431,432,433,434,435,436,437,456,457,458,459,487 +7943 - 94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,189,190,191,192,193,201,202,203,204,211,212,213,214,223,224,225,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,492 +7944 - 31,32,33,53,54,55,56,57,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,190,191,192,193,194,203,204,205,206,207,208,212,213,214,215,225,226,227,228,229,233,234,235,236,237,247,248,249,250,251,255,256,257,258,259,269,270,271,272,277,278,279,280,281,291,292,293,294,298,299,300,301,302,312,313,314,315,316,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,485 +7945 - 99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,190,191,192,193,202,203,204,211,212,213,214,215,224,225,226,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,473,492 +7946 - 71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,143,144,145,146,147,156,157,158,167,168,169,170,178,179,180,190,191,192,200,201,202,211,212,213,214,222,223,224,225,233,234,235,236,237,245,246,247,248,254,255,256,257,258,268,269,270,271,272,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,456,457,475,476,477,478,479,494 +7947 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,275,276,277,278,297,298,299,318,319,320,321,327,328,340,341,342,343,349,350,361,362,363,364,371,372,382,383,384,385,386,393,394,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +7948 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,100,101,102,103,116,117,118,119,122,123,124,125,126,137,138,139,140,145,146,147,148,159,160,161,162,168,169,170,181,182,183,184,190,191,192,203,204,205,206,207,213,214,215,225,226,227,228,229,235,236,237,248,249,250,251,257,258,259,270,271,272,273,279,280,281,293,294,301,302,303,315,316,317,323,324,325,337,338,339,344,345,346,347,359,360,361,366,367,368,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +7949 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,146,147,148,159,160,161,162,163,172,179,180,181,182,183,193,194,195,201,202,203,204,214,215,216,217,221,222,223,224,235,236,237,238,239,243,244,245,246,256,257,258,259,260,265,266,267,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,365,366,367,386,387,388,389,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,494 +7950 - 93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,144,145,146,147,148,155,156,157,158,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,492 +7951 - 57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,400,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,449,467,468,469,470,471,486 +7952 - 72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,143,144,145,146,147,159,160,161,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,231,232,233,234,235,246,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,344,345,346,347,360,361,362,363,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +7953 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,372,375,376,377,378,379,380,381,382,389,390,391,392,393,394,397,398,399,400,401,402,403,411,412,413,414,415,416,419,420,421,422,423,434,435,436,437,438,442,443,444,457,458,459,460,487 +7954 - 32,33,36,37,38,39,53,54,55,56,58,59,60,61,62,75,76,77,80,81,82,83,84,97,98,99,104,105,106,119,120,121,126,127,128,140,141,142,148,149,150,161,162,163,164,170,171,172,183,184,185,192,193,194,205,206,207,213,214,215,216,226,227,228,234,235,236,237,238,248,249,250,256,257,258,259,270,271,272,277,278,279,280,291,292,293,298,299,300,301,312,313,314,315,319,320,321,322,323,334,335,336,337,340,341,342,343,344,356,357,358,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,485 +7955 - 73,74,83,84,85,94,95,96,105,106,107,115,116,117,118,126,127,128,129,137,138,139,140,147,148,149,150,151,158,159,160,161,169,170,171,172,179,180,181,182,183,190,191,192,193,194,201,202,203,204,205,206,207,208,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,366,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,473,474,489 +7956 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,122,123,124,138,139,140,141,145,146,147,160,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,207,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,322,339,340,341,343,344,345,360,361,362,365,366,367,368,382,383,384,388,389,390,404,405,406,411,412,413,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,493 +7957 - 11,12,13,14,32,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,225,226,227,228,236,237,247,248,249,250,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,403,404,405,425,426,491 +7958 - 46,47,68,69,90,91,112,113,134,135,136,145,146,156,157,158,167,168,169,178,179,180,190,191,192,201,202,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,279,280,281,282,301,302,303,323,324,325,345,346,347,368,369,390,391,392,412,413,414,434,435,436,457,458,459,479,480,481,489 +7959 - 99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,212,213,214,225,226,227,234,235,236,248,249,255,256,257,258,271,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,492 +7960 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,124,125,126,127,128,146,147,148,149,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,273,274,275,276,277,278,279,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,487 +7961 - 97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,182,183,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,492 +7962 - 13,14,15,16,33,34,35,36,37,38,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,159,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,323,324,325,326,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,490 +7963 - 74,75,84,85,86,96,97,101,102,103,104,105,106,107,108,109,118,119,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,184,185,186,187,206,207,208,209,210,228,229,230,231,232,233,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,310,311,312,313,314,315,316,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,490 +7964 - 55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,118,119,120,121,122,140,141,142,162,163,183,184,185,205,206,207,227,228,229,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,301,302,303,315,316,317,318,322,323,324,325,344,345,346,366,367,368,387,388,389,407,408,409,410,422,423,424,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +7965 - 50,51,71,72,73,85,86,92,93,94,95,107,108,109,114,115,116,117,118,129,130,131,135,136,137,138,139,140,150,151,152,153,157,158,159,160,161,172,173,174,175,178,179,180,181,182,193,194,195,196,200,201,202,203,214,215,216,217,218,222,223,224,225,226,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,315,316,317,318,319,320,321,322,323,324,325,343,344,345,346,347,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,489 +7966 - 53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,317,318,322,323,324,325,337,338,344,345,346,347,358,359,360,367,368,369,380,381,382,388,389,390,391,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +7967 - 120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,193,207,208,209,210,224,225,230,231,232,233,246,247,253,254,255,267,268,275,276,277,289,298,299,311,312,313,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,490 +7968 - 12,13,14,34,35,36,55,56,57,58,77,78,79,98,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,206,207,208,209,210,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,315,316,317,320,321,322,323,336,337,338,339,342,343,344,359,360,361,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,429,491 +7969 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,123,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,173,179,180,181,182,183,190,191,192,193,194,195,201,202,203,204,205,213,214,215,216,217,222,223,224,225,235,236,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,280,281,282,283,287,288,289,290,301,302,303,304,305,309,310,311,312,313,322,323,324,325,326,327,332,333,334,335,336,344,345,346,347,348,349,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +7970 - 12,13,14,33,34,35,36,37,55,56,57,58,59,60,75,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,232,233,234,235,247,248,249,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,291,292,293,295,296,297,298,299,300,302,303,304,313,314,315,317,318,319,320,323,324,325,326,335,336,337,339,340,341,342,344,345,346,347,357,358,359,360,362,363,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +7971 - 36,37,38,57,58,59,60,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +7972 - 36,37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,83,84,85,86,99,100,101,102,106,107,120,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,207,208,209,228,229,230,231,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,341,342,343,344,359,360,361,362,364,365,366,381,382,383,384,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,453,491 +7973 - 35,36,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,448,449,450,486 +7974 - 58,59,79,80,81,101,102,103,122,123,124,125,126,137,138,144,145,146,147,148,158,159,160,161,166,167,168,169,171,180,181,182,183,188,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,340,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,475,476,489 +7975 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,189,190,191,192,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +7976 - 70,71,72,73,74,75,91,92,93,94,95,96,97,98,113,114,115,117,118,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,210,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,280,301,302,323,324,345,346,366,367,368,387,388,389,390,409,410,411,430,431,432,452,453,454,472,473,474,475,488 +7977 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,191,192,193,194,201,202,203,204,205,206,207,211,212,213,214,215,216,217,222,223,224,225,226,227,231,232,233,234,235,236,237,238,239,244,245,246,247,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,322,323,324,325,326,343,344,345,346,347,348,365,366,367,368,369,370,387,388,389,390,391,408,409,410,411,412,429,430,431,432,433,451,452,453,454,473,474,475,476,494 +7978 - 34,35,36,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,129,139,140,141,142,143,148,149,150,151,160,161,162,163,164,172,173,174,180,181,182,183,184,194,195,196,202,203,204,205,216,217,218,223,224,225,238,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,287,288,289,290,303,304,305,306,309,310,311,324,325,326,327,331,332,333,345,346,347,348,354,355,356,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,485 +7979 - 75,76,77,78,79,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,166,167,168,169,170,171,172,173,174,175,182,183,184,185,188,189,190,191,194,195,196,197,204,205,206,214,215,216,217,218,219,225,226,227,228,234,235,236,237,238,239,240,241,247,248,249,250,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,473,493 +7980 - 52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,488 +7981 - 35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,147,148,149,150,159,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,191,192,193,194,195,203,204,205,206,207,213,214,215,216,217,225,226,227,228,236,237,238,239,246,247,248,249,250,258,259,260,261,268,269,270,271,272,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,323,324,325,326,327,333,334,335,336,337,344,345,346,347,348,349,355,356,357,358,359,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,485 +7982 - 50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,123,124,125,145,146,147,167,168,169,187,188,189,190,191,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,279,280,281,282,291,292,293,302,303,304,324,325,326,335,336,346,347,348,357,358,367,368,369,370,378,379,380,388,389,390,391,392,400,401,402,403,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +7983 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,345,346,347,348,349,350,351,354,355,356,357,358,359,371,372,373,487 +7984 - 54,55,56,75,76,77,78,89,90,91,92,97,98,99,100,111,112,113,114,115,120,121,122,124,133,134,135,136,137,138,142,143,144,145,146,147,156,157,158,159,160,161,164,165,166,167,168,169,179,180,181,182,183,184,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,412,430,431,432,433,434,435,453,454,455,456,457,476,477,478,479,489 +7985 - 35,36,37,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,170,171,172,173,174,179,180,181,182,183,184,185,192,193,194,195,196,200,201,202,203,204,205,206,207,214,215,216,217,218,222,223,224,225,226,227,228,236,237,238,239,240,244,245,246,247,248,249,250,256,257,258,259,260,261,262,266,267,268,269,270,271,272,278,279,280,281,282,283,284,288,289,290,291,292,293,299,300,301,302,303,304,305,310,311,312,313,314,320,321,322,323,324,325,326,327,332,333,334,335,336,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,485 +7986 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,80,81,94,95,96,102,103,104,116,117,118,125,126,138,139,140,147,148,149,160,161,162,169,170,171,181,182,183,191,192,193,204,205,213,214,215,235,236,237,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,302,312,313,314,315,322,323,324,325,334,335,336,343,344,345,346,347,348,356,357,364,365,366,367,368,369,370,378,379,386,387,388,391,392,400,401,402,406,407,408,409,413,414,415,423,424,425,426,427,428,429,430,436,447,448,449,450,451,487 +7987 - 6,7,8,9,10,11,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,99,100,101,102,103,104,122,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,299,300,301,302,322,323,324,325,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,488 +7988 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,138,139,140,141,160,161,162,181,182,183,184,204,205,206,226,227,228,229,248,249,250,251,252,271,272,273,274,275,294,295,296,297,298,299,317,318,319,320,321,322,341,342,343,344,345,365,366,367,368,381,382,387,388,389,390,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +7989 - 80,81,82,83,84,85,97,98,99,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,148,149,150,151,152,153,161,162,163,164,165,166,175,183,184,185,186,205,206,207,208,227,228,229,230,250,251,252,253,272,273,274,275,276,277,297,298,299,300,320,321,322,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,490 +7990 - 4,5,26,27,47,48,49,50,69,70,71,91,92,93,112,113,114,115,135,136,137,138,144,145,146,147,148,149,150,151,157,158,159,160,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,185,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,207,208,209,210,211,212,213,214,215,216,217,218,219,223,224,225,226,227,228,229,230,231,232,237,238,239,240,241,245,246,247,248,249,250,251,252,259,260,261,262,268,269,270,271,272,273,274,275,282,283,284,290,291,292,293,294,295,296,297,303,304,305,306,313,314,315,316,317,318,319,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +7991 - 11,12,13,14,15,32,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,270,271,272,277,278,279,280,292,293,294,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,491 +7992 - 100,101,102,103,104,114,115,116,117,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,492 +7993 - 56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,471,486 +7994 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,212,226,227,228,231,232,233,248,249,250,253,254,255,275,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +7995 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,175,182,183,184,185,196,197,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,290,291,292,293,294,295,313,314,316,317,318,334,335,336,338,339,340,356,357,358,360,361,362,378,379,380,381,382,383,384,401,402,403,404,405,406,424,425,426,427,493 +7996 - 58,59,80,81,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,425,426,427,447,448,449,470,471,486 +7997 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,228,247,248,249,250,269,270,271,272,278,279,280,281,282,283,291,292,293,294,299,300,301,302,303,304,305,313,314,315,316,317,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +7998 - 57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,137,138,139,159,160,161,182,183,184,204,205,206,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,409,410,411,423,424,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +7999 - 70,71,84,85,91,92,93,94,105,106,107,113,114,115,116,126,127,128,129,130,134,135,136,137,138,148,149,150,151,152,155,156,157,158,159,160,170,171,172,173,174,177,178,179,180,181,192,193,194,195,199,200,201,202,203,213,214,215,216,217,221,222,223,224,225,235,236,237,238,239,244,245,246,247,248,249,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,343,344,345,346,347,365,366,367,368,369,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,474,475,476,477,489 +8000 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,167,168,169,170,171,172,180,181,182,183,184,190,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,217,223,224,225,226,227,235,236,237,238,239,245,246,247,248,249,257,258,259,260,261,267,268,269,270,279,280,281,282,288,289,290,291,292,300,301,302,303,304,310,311,312,313,314,315,322,323,324,325,326,333,334,335,336,337,338,343,344,345,346,347,355,356,357,358,359,360,361,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +8001 - 8,9,10,11,30,31,32,33,51,52,53,54,55,73,74,75,76,77,94,95,96,97,98,115,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,180,181,182,183,184,202,203,204,205,206,224,225,226,227,236,237,238,246,247,248,249,257,258,259,260,261,268,269,270,271,277,278,279,280,281,282,283,284,290,291,292,293,294,299,300,301,302,303,304,305,306,312,313,314,315,316,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,491 +8002 - 4,5,6,7,8,9,25,26,27,28,29,30,31,32,33,47,52,53,54,55,56,76,77,78,99,100,101,121,122,123,144,145,146,166,167,168,188,189,190,210,211,212,226,227,228,229,230,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,273,274,275,276,277,278,290,291,292,296,297,298,299,300,312,313,314,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,373,381,382,383,384,386,387,388,389,390,393,394,395,409,410,411,412,413,414,415,416,417,433,434,435,436,437,438,487 +8003 - 29,30,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,167,168,169,170,171,172,173,178,179,180,181,182,183,191,192,193,194,195,199,200,201,202,203,204,213,214,215,216,217,221,222,223,224,225,235,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,265,266,267,268,269,280,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,323,324,325,326,327,328,332,333,334,335,336,337,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,485 +8004 - 7,8,9,10,29,30,31,32,51,52,53,54,73,74,75,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,257,258,259,260,261,262,269,270,271,272,273,274,282,283,284,291,292,293,294,295,304,305,306,313,314,315,316,317,318,325,326,327,335,336,337,338,339,340,341,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +8005 - 96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,190,191,192,193,194,195,199,200,201,202,203,204,205,211,212,213,214,215,221,222,223,224,225,231,232,233,234,235,236,237,238,243,244,245,246,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,321,322,323,324,325,334,335,336,337,343,344,345,346,347,364,365,366,367,368,386,387,388,389,390,407,408,409,410,411,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,476,477,494 +8006 - 53,54,55,56,64,65,74,75,76,77,85,86,87,95,96,97,98,106,107,108,109,116,117,118,119,127,128,129,130,138,139,140,148,149,150,151,159,160,161,162,170,171,172,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,223,224,225,226,234,235,236,237,245,246,247,248,256,257,258,268,269,270,277,278,279,280,290,291,292,293,298,299,300,301,313,314,315,316,317,320,321,322,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,407,408,409,429,430,431,450,451,452,472,473,474,489 +8007 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,102,103,104,105,106,125,126,127,128,147,148,149,150,151,169,170,171,172,173,191,192,193,194,195,213,214,215,216,217,234,235,236,237,238,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,386,391,392,393,396,397,398,399,400,401,402,403,404,405,406,407,414,415,419,420,421,422,423,424,425,426,487 +8008 - 50,51,52,53,54,55,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,115,116,117,118,121,122,123,125,126,127,137,138,139,144,145,147,148,149,160,161,162,166,167,168,169,170,171,182,183,184,185,188,189,190,191,192,193,205,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,471,472,473,474,493 +8009 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,118,119,120,121,122,123,124,138,139,140,141,142,143,144,159,160,161,162,163,164,165,180,181,182,183,184,185,186,202,203,204,205,206,207,223,224,225,226,227,228,238,239,240,245,246,247,248,249,257,258,259,260,261,262,263,267,268,269,270,271,278,279,280,281,282,283,284,285,289,290,291,292,299,300,301,302,303,304,305,306,307,311,312,313,314,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,491 +8010 - 30,31,32,51,52,53,54,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,138,139,140,160,161,181,182,183,203,204,205,226,227,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,298,299,300,301,302,322,323,324,345,346,354,367,368,369,376,377,378,388,389,390,391,399,400,401,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,490 +8011 - 71,72,92,93,94,95,105,106,107,113,114,115,116,117,118,127,128,129,130,134,135,136,137,138,139,148,149,150,151,152,156,157,158,159,160,169,170,171,172,173,174,178,179,180,181,190,191,192,193,194,195,199,200,201,202,211,212,213,214,215,216,221,222,223,224,233,234,235,236,237,243,244,245,246,247,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +8012 - 73,74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,139,140,144,145,146,147,167,168,169,189,190,191,210,211,212,213,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,340,341,342,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,488 +8013 - 30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,278,279,280,281,286,287,288,301,302,303,304,308,309,310,311,312,313,314,315,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,402,403,405,406,488 +8014 - 30,31,32,33,34,50,51,52,53,54,55,56,72,73,74,77,78,79,93,94,95,100,101,102,115,116,122,123,124,143,144,145,165,166,167,186,187,188,208,209,210,211,230,231,232,233,234,254,255,256,257,278,279,280,300,301,302,323,324,345,346,367,368,388,389,390,401,402,403,404,410,411,412,424,425,426,427,428,429,430,431,432,433,450,451,452,453,454,488 +8015 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,146,147,148,160,161,162,163,164,169,170,171,181,182,183,184,185,189,190,191,192,202,203,204,205,206,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,276,277,278,279,292,293,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,494 +8016 - 29,30,31,32,33,34,52,53,54,55,56,57,58,59,76,77,78,79,80,81,82,83,96,97,98,99,100,102,103,104,105,106,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,149,150,151,152,159,160,161,162,172,173,174,175,180,181,182,183,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,239,240,241,244,245,246,247,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,310,311,312,325,326,327,328,332,333,334,346,347,348,349,354,355,356,367,368,369,370,376,377,378,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +8017 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,95,97,98,99,100,101,102,103,104,123,124,125,126,127,145,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,343,344,345,346,361,362,363,364,365,366,367,368,375,376,377,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,488 +8018 - 56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,256,257,258,270,271,272,273,278,279,280,281,300,301,302,303,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,389,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,488 +8019 - 81,95,96,97,98,99,102,103,104,105,116,117,118,119,120,121,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,187,188,189,190,192,193,194,195,200,201,202,203,204,205,206,209,210,211,215,216,217,218,222,223,224,225,226,227,231,232,237,238,239,240,243,244,245,246,247,248,253,254,259,260,261,262,265,266,267,268,269,276,280,281,282,283,284,287,288,289,290,291,302,303,304,305,306,309,310,311,312,322,323,324,325,326,327,331,332,333,334,335,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,428,485 +8020 - 91,92,93,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,169,170,171,190,191,192,193,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,467,468,469,470,492 +8021 - 79,80,81,82,83,100,101,102,103,104,105,106,118,119,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,170,171,172,173,180,181,182,183,184,185,186,187,188,192,193,194,195,196,201,202,203,204,205,206,207,208,209,214,215,216,217,218,222,223,224,225,226,227,228,229,230,236,237,238,239,240,244,245,246,247,248,249,250,251,258,259,260,261,262,265,266,267,268,269,270,271,272,273,279,280,281,282,283,284,287,288,289,290,291,294,295,300,301,302,303,304,305,306,309,310,311,312,313,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,485 +8022 - 15,16,17,18,19,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,94,95,96,97,98,99,115,116,117,118,119,136,137,138,139,140,158,159,160,161,181,182,183,184,185,203,204,205,206,207,208,209,210,227,228,229,230,231,232,233,234,252,253,254,255,256,257,258,278,279,280,281,282,302,303,304,305,325,326,327,328,348,349,350,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,490 +8023 - 126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,205,206,207,226,227,228,229,248,249,250,251,271,272,273,293,294,295,316,317,318,332,335,336,337,338,339,340,341,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,400,401,402,490 +8024 - 11,12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,58,59,60,61,72,73,74,75,81,82,83,94,95,96,103,104,105,115,116,117,125,126,127,137,138,139,147,148,149,159,160,169,170,171,181,182,191,192,193,203,204,213,214,215,225,235,236,237,256,257,258,277,278,279,280,288,289,290,291,292,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,411,412,413,414,415,423,424,425,426,427,487 +8025 - 94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,161,164,165,166,167,168,188,189,190,210,211,212,231,232,233,234,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,345,346,347,348,349,350,351,356,357,358,359,360,487 +8026 - 50,51,52,71,72,73,74,75,93,94,95,96,97,116,117,118,119,125,126,127,137,138,139,140,147,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,184,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,277,278,279,280,281,291,292,293,299,300,301,302,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,450,451,452,453,454,473,474,475,489 +8027 - 139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,250,251,252,253,272,273,274,275,295,296,297,317,318,319,339,340,341,342,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +8028 - 51,52,53,54,55,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,122,123,124,125,138,139,140,141,145,146,147,148,160,161,162,163,168,169,170,183,184,185,191,192,193,205,206,207,213,214,215,227,228,236,237,249,250,258,259,271,272,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,344,345,346,358,359,360,365,366,367,368,381,382,387,388,389,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,485 +8029 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,152,153,161,162,163,164,174,175,182,183,184,185,194,195,196,197,204,205,206,214,215,216,217,218,219,225,226,227,228,229,233,234,235,236,237,238,239,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,312,313,314,315,316,317,334,335,336,337,338,339,356,357,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,406,423,424,425,426,427,446,447,448,449,493 +8030 - 75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,123,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,166,167,168,169,170,171,182,183,184,188,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,246,247,248,249,254,255,256,257,268,269,270,271,275,276,277,278,279,290,291,292,293,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,381,382,385,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,476,494 +8031 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,174,175,183,184,185,186,196,197,204,205,206,207,216,217,218,219,226,227,228,229,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,383,384,401,402,403,404,405,406,424,425,426,427,428,447,448,449,450,493 +8032 - 55,56,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,406,407,428,429,450,451,472,473,486 +8033 - 73,74,75,76,95,96,97,98,99,100,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,160,161,162,165,166,167,173,174,175,182,183,184,188,189,193,194,195,196,197,203,204,205,206,213,214,215,216,217,218,219,226,227,228,233,234,235,236,237,238,239,240,241,249,250,252,253,254,255,256,257,258,259,260,261,262,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,383,400,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,450,469,470,471,472,493 +8034 - 10,11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,100,118,119,120,140,141,142,162,163,184,185,206,207,228,229,250,251,254,255,256,257,272,273,275,276,277,278,279,294,295,296,297,298,300,301,316,317,318,319,320,322,323,338,339,340,341,343,344,345,360,361,362,363,365,366,367,382,383,384,385,387,388,405,406,407,408,409,410,428,429,430,431,491 +8035 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,147,159,160,161,162,163,167,168,169,180,181,182,183,188,189,190,191,192,201,202,203,204,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,494 +8036 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,138,139,140,145,146,147,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,211,212,213,214,225,226,232,233,234,235,247,248,253,254,255,256,257,269,270,271,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +8037 - 72,73,84,85,86,87,93,94,95,96,106,107,108,109,114,115,116,117,118,126,127,128,129,130,136,137,138,139,148,149,150,151,157,158,159,160,161,169,170,171,172,179,180,181,190,191,192,193,194,200,201,202,203,212,213,214,215,222,223,224,225,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,473,489 +8038 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +8039 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,124,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,194,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,286,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,352,353,365,366,367,368,374,375,376,377,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,488 +8040 - 31,32,33,53,54,55,75,76,77,96,97,98,99,118,119,120,121,122,140,141,142,143,163,164,165,185,186,187,188,207,208,209,229,230,231,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,384,385,386,387,388,406,407,408,409,410,429,430,431,432,451,452,453,454,486 +8041 - 74,75,76,86,87,95,96,97,98,106,107,108,109,117,118,119,120,128,129,130,131,138,139,140,141,142,149,150,151,152,159,160,161,162,163,170,171,172,173,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,298,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +8042 - 8,9,10,11,12,30,31,32,33,34,51,52,53,54,73,74,75,94,95,96,97,116,117,118,119,138,139,140,160,161,162,181,182,183,184,203,204,205,206,215,224,225,226,227,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,303,304,305,313,314,315,316,325,326,327,335,336,337,338,339,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8043 - 52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,124,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,366,367,368,369,370,374,375,376,377,378,379,380,381,389,390,391,392,393,398,412,413,414,415,434,435,436,437,487 +8044 - 90,91,92,103,104,112,113,114,124,125,126,135,136,137,138,139,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,206,207,208,209,211,212,213,214,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,492 +8045 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,145,146,147,148,149,150,151,160,161,162,163,166,167,168,169,170,171,172,173,174,182,183,184,188,193,194,195,196,197,204,205,206,207,216,217,218,219,226,227,228,229,236,237,238,239,240,241,248,249,250,251,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,332,333,334,336,337,338,339,354,355,356,357,358,359,360,361,376,377,378,379,380,381,382,383,399,400,401,402,403,404,493 +8046 - 34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,148,161,162,163,167,168,169,170,182,183,184,185,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,235,236,237,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,365,366,367,368,379,380,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +8047 - 117,118,119,120,121,122,123,128,129,137,138,139,140,141,142,143,144,145,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,208,209,210,211,212,213,214,215,216,217,218,219,223,224,225,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,313,314,315,316,335,336,337,338,339,356,357,358,359,360,361,378,379,380,382,383,400,401,402,403,404,405,406,423,424,425,426,427,428,447,448,449,493 +8048 - 6,7,8,9,10,11,12,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,77,78,79,80,81,101,102,103,122,123,124,125,142,143,144,145,146,147,162,163,164,165,166,167,183,184,185,186,187,188,205,206,207,208,209,228,229,230,231,232,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,310,311,322,323,324,325,332,333,334,345,346,347,355,356,357,358,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,488 +8049 - 80,81,82,99,100,101,102,103,104,105,115,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,188,189,190,191,192,200,201,202,210,211,212,213,214,222,223,231,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,467,468,469,470,471,492 +8050 - 28,29,30,49,50,51,52,56,70,71,72,75,76,77,78,79,80,81,82,92,93,94,96,97,98,99,100,101,102,103,104,113,114,115,117,118,119,120,125,126,127,128,135,136,137,139,140,148,149,150,157,158,159,161,170,171,172,179,180,181,193,194,195,201,202,203,215,216,217,223,224,225,238,239,245,246,247,260,261,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,326,327,328,334,335,336,348,349,350,356,357,358,359,370,371,372,379,380,381,382,383,391,392,393,402,403,404,405,406,407,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,485 +8051 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +8052 - 32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,102,103,118,119,120,124,125,145,146,147,167,168,169,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,384,385,386,387,400,401,402,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,488 +8053 - 35,36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,446,447,448,486 +8054 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,144,145,146,156,157,158,166,167,168,178,179,187,188,189,190,200,201,209,210,211,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,294,300,301,302,303,304,305,325,326,327,347,348,349,369,370,371,390,391,392,393,411,412,413,414,432,433,434,435,448,449,452,453,454,455,456,470,471,472,473,474,475,476,477,488 +8055 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,143,144,145,146,147,148,149,167,168,169,170,171,172,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,316,317,318,319,320,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,488 +8056 - 31,32,33,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,138,139,140,141,142,160,161,162,163,164,182,183,184,185,186,204,205,206,207,208,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,381,382,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +8057 - 7,8,9,10,11,29,30,31,32,33,50,51,52,53,54,55,71,72,73,74,75,76,77,93,94,95,96,97,98,114,115,116,117,118,119,136,137,138,139,140,158,159,160,161,180,181,182,183,192,193,194,202,203,204,205,212,213,214,215,216,217,223,224,225,226,227,233,234,235,236,237,238,239,240,245,246,247,248,249,254,255,256,257,258,259,260,261,262,263,268,269,270,271,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8058 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,124,125,126,127,147,148,149,168,169,170,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,336,337,338,339,340,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,430,431,432,433,435,444,445,446,447,487 +8059 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,170,171,180,181,182,183,184,185,186,190,191,192,193,194,201,202,203,204,205,206,210,211,212,213,214,215,216,222,223,224,225,226,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,344,345,346,347,365,366,367,368,369,387,388,389,390,391,408,409,410,411,412,413,430,431,432,433,434,452,453,454,455,475,476,477,494 +8060 - 74,75,76,77,78,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,166,167,168,169,180,181,182,183,189,190,191,202,203,204,211,212,224,225,226,235,245,246,247,248,255,256,257,268,269,270,271,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,436,454,455,456,457,458,459,477,478,479,480,494 +8061 - 69,70,71,72,83,84,91,92,93,94,104,105,106,107,113,114,115,116,126,127,128,129,130,134,135,136,137,138,147,148,149,150,151,152,156,157,158,159,160,169,170,171,172,173,178,179,180,181,190,191,192,193,194,195,199,200,201,202,203,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,489 +8062 - 55,56,57,58,59,60,74,75,76,77,78,79,80,95,96,97,98,116,117,118,138,139,160,161,182,183,204,205,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,255,256,272,277,278,299,300,321,322,343,344,364,365,366,386,387,407,408,409,423,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +8063 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,446,447,448,486 +8064 - 8,9,10,29,30,31,51,52,73,74,94,95,96,116,117,118,138,139,140,160,161,182,183,190,191,192,193,194,204,205,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,236,237,238,239,240,247,248,249,250,251,260,261,262,269,270,271,282,283,284,292,293,304,305,314,315,326,327,336,337,338,347,348,349,358,359,360,361,362,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +8065 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,125,126,127,128,137,138,139,147,148,149,150,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,321,322,323,324,344,345,346,355,356,357,366,367,368,369,377,378,379,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +8066 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,126,138,139,140,141,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,202,203,204,205,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,255,256,257,268,269,270,271,272,273,277,278,279,291,292,293,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +8067 - 53,54,55,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,150,151,152,153,161,162,163,171,172,173,174,175,183,184,185,192,193,194,195,196,197,205,206,207,213,214,215,216,217,218,227,228,229,233,234,235,236,237,238,239,249,250,251,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,444,445,446,447,448,449,493 +8068 - 104,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,192,193,194,195,200,201,202,203,204,205,206,213,214,215,216,217,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,448,449,450,451,470,471,472,473,492 +8069 - 97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +8070 - 57,58,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,429,448,449,450,451,471,472,486 +8071 - 11,12,13,14,15,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,229,246,247,248,249,250,251,254,255,256,257,258,268,269,270,271,272,275,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,304,305,312,313,314,315,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +8072 - 10,11,12,32,33,34,35,52,53,54,55,56,57,58,74,75,76,77,79,80,95,96,97,98,102,117,118,119,120,124,139,140,141,145,146,160,161,162,163,182,183,184,185,204,205,206,226,227,228,248,249,250,251,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,345,346,347,348,361,362,363,364,365,368,369,370,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,429,430,431,432,433,434,491 +8073 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,147,148,159,160,161,162,163,167,168,169,181,182,183,184,188,189,190,191,203,204,205,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,494 +8074 - 6,7,28,29,50,51,72,73,93,94,95,116,117,137,138,139,159,160,161,169,170,171,172,181,182,183,189,190,191,192,193,194,203,204,205,209,210,211,212,213,214,215,216,217,225,226,227,230,231,232,233,234,235,238,239,247,248,249,252,253,254,255,260,261,269,270,271,273,274,275,282,283,292,293,294,295,296,297,303,304,305,314,315,316,317,318,324,325,326,327,336,337,338,339,345,346,347,348,359,360,361,362,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,491 +8075 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,140,141,147,148,149,150,151,168,169,170,171,172,173,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,332,333,343,344,345,346,354,355,365,366,367,368,375,376,377,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +8076 - 13,14,15,16,17,34,35,36,37,38,39,56,57,58,59,61,77,78,79,80,98,99,100,101,120,121,122,141,142,143,162,163,164,184,185,186,205,206,207,208,227,228,229,232,233,234,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,300,301,302,303,314,315,316,317,322,323,324,336,337,338,344,345,346,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +8077 - 69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,169,170,171,172,173,174,190,191,192,193,194,195,196,209,210,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,296,297,298,299,300,301,309,310,311,321,322,323,324,331,332,333,343,344,345,353,354,355,356,365,366,367,368,375,376,377,378,379,380,381,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,488 +8078 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,103,104,105,106,118,119,120,125,126,127,128,140,141,146,147,148,149,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,253,254,255,256,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,410,421,422,423,424,425,443,444,445,487 +8079 - 73,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,209,210,211,212,213,214,215,230,231,232,233,234,235,236,252,253,254,255,256,257,258,274,275,276,277,278,279,280,295,296,297,298,299,300,301,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,472,492 +8080 - 33,34,55,56,77,78,99,100,121,122,143,144,165,166,187,188,208,209,230,231,252,253,274,275,296,297,317,318,339,340,361,362,383,384,405,406,427,428,449,450,486 +8081 - 60,61,62,63,82,83,84,85,91,92,93,94,103,104,105,106,107,113,114,115,116,125,126,127,128,129,134,135,136,137,138,147,148,149,150,156,157,158,159,168,169,170,171,172,178,179,180,181,190,191,192,193,194,200,201,202,203,211,212,213,214,215,223,224,225,226,227,228,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,489 +8082 - 27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,74,75,76,77,78,79,80,89,90,91,92,99,100,101,102,103,111,112,113,122,123,124,125,126,133,134,135,146,147,148,149,155,156,169,170,171,172,191,192,193,194,214,215,216,217,237,238,239,258,259,260,261,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,343,344,345,346,356,357,358,359,363,364,365,366,367,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,487 +8083 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +8084 - 113,114,115,116,117,118,119,120,121,122,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,164,165,166,167,168,169,170,171,181,182,183,191,192,193,204,205,206,213,214,226,227,228,229,234,235,236,249,250,251,256,257,258,272,273,278,279,280,294,295,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,408,409,430,431,451,452,453,473,474,475,492 +8085 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,190,191,192,193,194,195,200,201,202,203,204,205,210,211,212,213,214,215,216,217,221,222,223,224,225,226,229,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,299,300,301,302,303,304,312,313,314,315,316,317,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,369,386,387,388,389,390,408,409,410,411,428,429,430,431,432,433,450,451,452,453,471,472,473,474,475,494 +8086 - 52,53,54,73,74,75,76,94,95,96,97,116,117,137,138,139,147,148,159,160,168,169,170,181,182,190,191,192,203,204,211,212,213,214,225,226,227,233,234,235,236,247,248,249,254,255,256,257,270,271,272,276,277,278,279,293,294,295,296,297,298,299,300,316,317,318,319,320,321,342,343,364,365,386,387,408,409,430,431,452,453,454,475,476,489 +8087 - 35,36,37,57,58,59,60,79,80,81,82,83,100,101,102,103,104,105,106,121,122,123,124,125,126,127,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,399,400,401,402,403,404,405,421,422,423,424,425,426,427,444,445,446,447,448,486 +8088 - 32,33,34,35,36,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,102,103,104,105,106,115,116,117,118,119,124,125,126,127,128,129,136,137,138,139,140,146,147,148,149,150,151,158,159,160,161,169,170,171,172,173,179,180,181,182,192,193,194,195,196,201,202,203,216,217,218,219,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,358,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +8089 - 34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,126,127,128,129,136,137,138,139,140,141,142,143,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,178,179,180,181,182,183,184,191,192,193,194,195,200,201,202,203,204,205,206,213,214,215,216,217,222,223,224,225,226,227,235,236,237,238,239,244,245,246,247,248,256,257,258,259,260,261,265,266,267,268,269,277,278,279,280,281,282,283,287,288,289,290,291,292,299,300,301,302,303,304,305,309,310,311,312,313,314,321,322,323,324,325,326,327,331,332,333,334,335,336,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,447,448,449,485 +8090 - 77,78,79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,182,183,184,185,189,190,191,205,210,211,212,213,232,233,234,235,254,255,256,257,258,259,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,475,492 +8091 - 8,9,10,11,29,30,31,32,33,50,51,52,53,54,55,72,73,74,75,76,93,94,95,96,97,98,115,116,117,118,119,136,137,138,139,140,158,159,160,161,179,180,181,182,183,192,193,194,195,201,202,203,204,213,214,215,216,217,218,223,224,225,226,232,233,234,235,236,237,238,239,240,241,245,246,247,248,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,491 +8092 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +8093 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,143,144,145,146,147,148,149,150,157,158,159,166,167,168,169,170,171,172,178,179,180,181,186,187,188,189,190,192,193,194,195,200,201,202,207,208,209,210,211,212,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,258,259,260,261,266,267,268,269,271,272,273,274,280,281,282,283,288,289,290,291,302,303,304,305,311,312,313,323,324,325,326,333,334,335,336,345,346,347,348,355,356,357,358,366,367,368,369,378,379,380,381,387,388,389,390,391,400,401,402,403,404,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,485 +8094 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,273,274,275,278,279,280,281,300,301,302,303,322,323,324,325,345,346,347,357,366,367,368,369,378,379,380,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +8095 - 36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,446,447,448,486 +8096 - 32,33,34,35,38,39,53,54,55,56,57,60,61,74,75,76,83,84,96,97,98,105,106,117,118,119,127,128,129,139,140,149,150,151,160,161,162,171,172,173,182,183,184,193,194,195,204,205,215,216,226,227,237,238,247,248,249,258,259,260,269,270,280,281,282,291,292,302,303,313,314,323,324,325,335,336,344,345,346,347,357,358,366,367,368,379,380,381,387,388,389,402,403,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +8097 - 10,11,12,13,14,33,34,35,36,37,57,58,59,79,80,81,101,102,103,123,124,125,145,146,147,166,167,168,169,181,182,183,184,185,188,189,190,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,245,246,247,251,252,253,254,255,266,267,268,269,273,274,275,276,277,278,284,285,288,289,290,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,314,315,316,317,318,319,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,344,345,346,347,348,349,350,354,355,356,357,358,359,360,377,378,379,380,381,487 +8098 - 31,32,33,35,36,37,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,139,140,141,142,143,148,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,215,216,217,218,225,226,227,228,237,238,239,240,247,248,249,250,259,260,261,262,268,269,270,271,281,282,283,284,289,290,291,292,293,302,303,304,305,306,311,312,313,314,323,324,325,326,327,333,334,335,336,344,345,346,347,348,355,356,357,358,359,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +8099 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,138,139,140,141,142,146,147,148,149,161,162,168,169,170,171,189,190,191,192,193,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,278,279,296,297,298,299,300,301,320,321,322,323,343,344,345,346,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,488 +8100 - 9,10,11,12,30,31,32,52,53,73,74,75,95,96,116,117,118,138,139,140,160,161,182,183,203,204,205,225,226,227,234,235,236,237,238,239,248,249,254,255,256,257,258,259,260,261,270,271,275,276,277,278,279,282,283,292,293,294,295,296,297,298,299,303,304,305,314,315,316,317,318,319,325,326,337,338,339,340,346,347,348,359,360,361,362,367,368,369,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +8101 - 61,62,63,73,74,75,82,83,84,94,95,96,97,104,105,106,116,117,118,119,125,126,127,128,137,138,139,140,146,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,448,449,450,451,470,471,489 +8102 - 30,31,32,33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,101,102,103,115,116,123,124,125,146,147,148,168,169,170,190,191,192,212,213,214,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,347,348,349,350,351,356,357,358,359,360,361,362,363,364,371,372,373,378,379,380,381,382,383,384,385,401,402,403,404,487 +8103 - 53,54,55,56,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,142,143,144,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,249,250,251,252,253,254,255,274,275,276,277,278,297,298,299,300,320,321,322,333,343,344,345,355,356,365,366,367,377,378,379,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +8104 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,209,210,216,217,218,226,227,228,229,230,231,248,249,250,251,252,253,271,272,273,274,293,294,295,296,315,316,317,318,319,337,338,339,340,341,360,361,362,363,382,383,384,385,405,406,407,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,474,490 +8105 - 14,15,35,36,37,56,57,58,59,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,162,163,164,183,184,185,186,205,206,207,226,227,228,229,248,249,250,251,255,256,257,258,270,271,272,273,276,277,278,279,280,292,293,294,295,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,344,345,346,359,360,361,362,363,365,366,367,368,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,491 +8106 - 56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +8107 - 102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,472,492 +8108 - 54,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,170,171,172,173,174,181,182,183,184,185,186,187,188,189,193,194,195,196,203,204,205,206,208,209,210,211,215,216,217,218,224,225,226,227,228,232,233,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,302,303,304,305,311,312,313,314,315,323,324,325,326,327,333,334,335,336,337,343,344,345,346,347,348,349,355,356,357,358,359,364,365,366,367,368,369,370,377,378,379,380,381,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,485 +8109 - 54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,103,104,105,120,121,125,126,127,142,143,146,147,148,149,164,165,166,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,334,335,336,337,340,341,342,356,357,358,362,363,364,378,379,380,383,384,385,400,401,402,403,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +8110 - 53,54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,161,162,163,164,165,167,168,169,170,171,184,185,186,187,190,191,192,193,206,207,208,209,212,213,214,215,228,229,230,234,235,236,250,251,252,256,257,258,271,272,273,274,277,278,279,293,294,295,296,299,300,301,315,316,317,318,320,321,322,323,337,338,339,342,343,344,345,359,360,361,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,485 +8111 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,161,162,163,164,169,183,184,185,190,191,204,205,206,211,212,213,226,227,228,232,233,234,235,247,248,249,254,255,256,257,269,270,271,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,470,471,472,473,494 +8112 - 36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,447,448,449,450,486 +8113 - 53,54,55,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,145,146,147,148,149,150,151,157,158,159,160,167,168,169,170,171,172,173,179,180,181,189,190,191,192,193,194,195,201,202,203,212,213,214,215,216,217,222,223,224,233,234,235,237,238,239,244,245,246,256,258,259,260,261,266,267,268,280,281,282,283,288,289,290,302,303,304,310,311,312,323,324,325,332,333,334,344,345,346,347,354,355,356,365,366,367,368,369,377,378,379,387,388,389,390,399,400,401,402,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +8114 - 75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,144,145,146,158,159,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,253,254,255,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,336,337,341,342,343,363,364,365,385,386,387,407,408,409,410,429,430,431,432,452,453,454,475,476,477,478,479,492 +8115 - 11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,81,82,83,95,96,97,98,103,104,105,125,126,127,147,148,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,274,275,279,280,301,302,303,323,324,325,335,336,344,345,346,355,356,357,358,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,488 +8116 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,101,102,103,104,105,115,116,117,118,124,125,126,127,136,137,138,139,140,144,145,147,148,149,158,159,160,161,162,166,167,168,180,181,182,183,188,189,190,191,202,203,204,210,211,212,213,224,225,226,233,234,235,246,247,248,255,256,257,268,269,270,277,278,279,290,291,292,299,300,301,302,312,313,314,321,322,323,324,334,335,336,337,343,344,345,346,356,357,358,359,360,365,366,367,368,378,379,380,381,382,383,384,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,485 +8117 - 64,65,73,74,75,85,86,87,94,95,96,106,107,108,109,116,117,118,127,128,129,130,137,138,139,140,149,150,151,152,159,160,161,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,213,214,215,216,224,225,226,227,234,235,236,237,246,247,248,255,256,257,258,268,269,270,277,278,279,280,290,291,292,293,299,300,301,302,313,314,315,319,320,321,322,323,335,336,337,338,340,341,342,343,344,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,403,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +8118 - 32,33,34,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,142,143,144,146,147,148,149,164,165,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,257,270,271,272,273,274,278,279,280,291,292,293,294,300,301,302,312,313,314,315,323,324,334,335,336,344,345,346,356,357,358,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,493 +8119 - 64,65,83,84,85,86,87,98,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,183,184,185,186,204,205,206,207,226,227,228,229,249,250,251,272,273,274,275,295,296,297,318,319,320,333,340,341,342,355,356,362,363,364,377,378,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,490 +8120 - 71,72,73,74,75,93,94,95,96,97,98,99,100,117,118,119,120,121,122,123,124,125,143,144,145,146,147,167,168,169,170,190,191,192,212,213,233,234,235,254,255,256,257,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,336,337,338,339,340,341,342,363,364,365,366,386,387,388,408,409,410,431,432,453,454,474,475,488 +8121 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,120,121,122,123,141,142,143,162,163,164,165,184,185,186,205,206,207,226,227,228,229,248,249,250,255,256,257,258,269,270,271,272,275,276,277,278,279,280,291,292,293,297,298,299,300,301,302,313,314,315,318,319,320,322,323,324,335,336,337,339,340,341,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,426,427,428,491 +8122 - 97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,331,332,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,488 +8123 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,146,147,148,159,160,161,162,167,168,169,182,183,189,190,191,211,212,232,233,234,253,254,255,256,275,276,277,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +8124 - 30,31,32,33,52,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,250,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,365,384,385,386,387,388,407,408,409,410,411,429,430,431,432,433,452,453,454,455,486 +8125 - 56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,125,126,127,142,143,146,147,148,164,165,168,169,186,187,189,190,191,208,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,319,320,321,336,337,338,341,342,343,357,358,359,363,364,365,378,379,380,384,385,386,400,401,402,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +8126 - 77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,159,160,161,162,181,182,183,202,203,204,224,225,226,246,247,248,268,269,270,290,291,292,293,294,295,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,345,346,362,363,364,365,366,367,368,369,388,389,390,391,405,408,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,472,473,474,490 +8127 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,123,124,125,140,141,142,145,146,147,161,162,163,167,168,169,170,183,184,189,190,191,192,204,205,211,212,213,226,227,233,234,235,247,248,249,254,255,256,269,270,271,274,275,276,277,278,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,340,341,342,362,363,364,384,385,405,406,407,426,427,428,448,449,450,469,470,471,494 +8128 - 51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,139,140,141,161,162,163,164,165,166,183,184,185,186,187,188,189,205,206,207,210,211,212,227,228,229,233,234,235,249,250,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,356,357,358,359,366,367,368,378,379,380,381,387,388,389,400,401,402,403,408,409,410,411,423,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +8129 - 38,39,40,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,126,127,128,129,137,138,139,140,141,149,150,151,158,159,160,161,162,171,172,173,179,180,181,182,193,194,195,200,201,202,203,215,216,217,222,223,224,237,238,239,244,245,246,259,260,261,265,266,267,281,282,283,287,288,289,302,303,304,305,309,310,311,324,325,326,327,331,332,333,345,346,347,348,353,354,355,356,365,366,367,368,369,376,377,378,379,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +8130 - 74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,137,138,140,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,234,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,492 +8131 - 37,38,39,59,60,61,80,81,82,83,102,103,104,123,124,125,126,136,137,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,380,381,382,383,402,403,404,423,424,425,426,445,446,447,486 +8132 - 33,34,35,36,37,55,56,57,58,59,60,72,73,74,75,76,81,82,83,92,93,94,95,96,97,98,99,100,103,104,105,114,115,116,117,118,120,121,122,123,125,126,127,136,137,138,147,148,149,158,159,160,161,168,169,170,181,182,183,184,189,190,191,192,204,205,206,207,208,211,212,213,227,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,321,322,323,335,336,337,343,344,345,346,356,357,358,365,366,367,368,378,379,380,381,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,493 +8133 - 13,14,15,16,17,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,82,83,84,98,99,100,104,105,106,126,127,128,148,149,150,169,170,171,172,191,192,193,212,213,214,215,234,235,236,237,256,257,258,268,269,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,339,340,341,342,343,344,345,346,347,348,353,354,355,356,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,487 +8134 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,123,124,125,126,136,137,138,139,140,141,146,147,148,149,158,159,160,161,162,163,169,170,171,181,182,183,184,185,192,193,194,204,205,206,214,215,216,226,227,228,237,238,239,248,249,250,259,260,261,270,271,272,281,282,283,292,293,294,303,304,305,314,315,316,325,326,327,336,337,338,347,348,349,358,359,360,369,370,371,380,381,382,390,391,392,402,403,404,405,406,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,485 +8135 - 9,10,11,12,13,14,15,31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,80,81,82,102,103,104,124,125,126,145,146,147,148,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,273,274,275,278,279,280,299,300,301,302,312,313,321,322,323,333,334,335,336,337,343,344,345,355,356,357,358,359,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,488 +8136 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,81,82,83,96,97,103,104,105,118,119,120,125,126,127,140,141,142,146,147,148,149,163,164,168,169,170,185,186,187,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,319,320,321,322,333,334,335,336,342,343,344,355,356,357,364,365,366,377,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,448,449,450,451,452,493 +8137 - 71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,121,122,123,124,125,126,127,138,139,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +8138 - 116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,190,191,192,212,213,214,234,235,236,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,492 +8139 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,77,78,79,82,83,84,85,99,100,104,105,106,120,121,122,125,126,127,142,143,144,147,148,149,163,164,165,166,167,168,169,170,171,185,186,187,188,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,319,320,321,335,336,337,341,342,343,356,357,358,363,364,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +8140 - 8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,94,95,96,115,116,117,118,137,138,139,140,147,158,159,160,161,162,165,166,167,168,169,170,171,172,173,180,181,182,183,184,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,235,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,260,261,262,263,267,268,269,270,271,272,273,274,282,283,284,285,289,290,291,292,293,294,295,303,304,305,306,307,311,312,313,314,315,316,317,323,324,325,326,327,328,333,334,335,336,337,338,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,491 +8141 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,148,149,161,162,163,164,169,170,171,183,184,185,190,191,192,193,204,205,206,212,213,214,226,227,228,233,234,235,248,249,250,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,494 +8142 - 67,68,89,90,91,92,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,236,237,238,239,240,253,254,255,256,257,258,259,260,261,262,273,274,275,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,303,318,319,320,321,322,342,343,344,363,364,365,366,385,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,492 +8143 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,145,146,147,158,159,160,161,167,168,169,181,189,190,191,211,212,213,233,234,235,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +8144 - 77,78,79,80,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,142,144,145,146,160,161,166,167,168,182,183,188,189,190,204,205,210,211,226,227,232,233,249,254,255,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +8145 - 13,14,15,16,34,35,36,37,55,56,57,58,59,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,182,183,184,185,186,204,205,206,207,212,213,225,226,227,228,232,233,234,235,236,237,247,248,249,252,253,254,255,256,257,258,259,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,302,303,304,313,314,315,316,317,318,319,323,324,325,326,335,336,337,338,339,340,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +8146 - 10,11,12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,117,118,119,120,121,122,138,139,140,141,160,161,162,181,182,183,184,203,204,205,206,225,226,227,234,235,236,247,248,249,255,256,257,258,259,269,270,271,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,323,324,325,326,335,336,337,338,339,340,341,342,345,346,347,348,358,359,360,361,362,363,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +8147 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,124,125,139,140,141,142,145,146,147,161,162,163,164,167,168,169,170,183,184,185,186,190,191,192,204,205,206,207,208,212,213,214,215,226,227,228,229,235,236,237,248,249,250,251,256,257,258,259,270,271,272,273,278,279,280,281,292,293,294,295,299,300,301,302,303,314,315,316,317,320,321,322,323,324,325,336,337,338,339,342,343,344,345,346,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,485 +8148 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,144,145,146,147,160,161,162,163,165,166,167,168,169,183,184,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,275,276,277,278,279,292,293,294,299,300,301,302,314,315,316,322,323,324,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,389,390,391,402,403,404,405,406,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +8149 - 11,12,13,32,33,34,35,53,54,55,56,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,183,184,185,190,191,205,206,207,211,212,213,214,227,228,229,232,233,234,235,236,249,250,254,255,256,257,258,271,272,273,275,276,277,278,279,293,294,295,297,298,299,300,301,315,316,317,319,320,321,322,337,338,339,340,341,342,343,344,360,361,362,363,364,382,383,384,385,386,406,407,408,409,428,429,430,431,491 +8150 - 14,15,16,35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,251,256,257,258,259,260,269,270,271,272,273,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,427,428,429,491 +8151 - 13,14,15,16,34,35,36,37,55,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,162,163,164,184,185,186,206,207,208,227,228,229,249,250,251,255,256,257,271,272,273,276,277,278,279,293,294,297,298,299,300,301,314,315,316,319,320,321,322,323,336,337,338,340,341,342,343,344,345,359,360,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +8152 - 70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,144,145,146,147,148,156,157,167,168,169,170,190,191,192,212,213,214,233,234,235,236,255,256,257,277,278,279,284,285,298,299,300,301,303,304,305,306,307,319,320,321,322,323,324,325,326,327,328,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,421,422,423,424,425,443,444,445,487 +8153 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,119,120,121,122,141,142,143,163,164,184,185,186,205,206,207,208,227,228,229,249,250,251,254,255,256,257,271,272,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +8154 - 6,7,8,9,10,27,28,29,30,31,32,33,49,50,53,54,55,56,71,76,77,78,79,99,100,101,122,123,124,145,146,147,167,168,169,189,190,191,212,213,234,235,249,250,251,256,257,258,271,272,273,274,275,278,279,280,292,293,294,296,297,298,300,301,302,314,315,316,319,320,321,322,323,324,336,337,338,341,342,343,344,345,358,359,360,361,364,365,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,487 +8155 - 76,77,78,79,96,97,98,99,100,101,117,118,119,120,122,123,124,125,126,138,139,140,141,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,202,203,204,209,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,251,252,253,254,256,257,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,296,299,300,301,315,316,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,494 +8156 - 54,55,56,76,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +8157 - 33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,103,104,105,106,116,117,118,119,120,123,126,127,128,129,137,138,139,140,141,149,150,151,158,159,160,161,162,171,172,173,180,181,182,193,194,195,201,202,203,215,216,217,223,224,225,237,238,239,244,245,246,258,259,260,261,266,267,268,280,281,282,288,289,290,301,302,303,304,310,311,312,323,324,325,332,333,334,344,345,346,347,354,355,356,365,366,367,368,377,378,379,386,387,388,389,399,400,401,402,403,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +8158 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,168,169,170,171,180,181,182,183,184,191,192,193,194,202,203,204,205,206,214,215,216,224,225,226,227,228,229,236,237,238,246,247,248,249,250,258,259,260,261,269,270,280,281,282,283,291,292,302,303,304,305,313,314,324,325,326,327,335,336,337,346,347,348,349,358,359,368,369,370,380,381,382,389,390,391,392,402,403,404,405,406,407,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,485 +8159 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,145,146,147,148,160,161,162,168,169,170,181,182,183,190,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,246,247,248,257,258,268,269,270,278,279,280,290,291,292,300,301,302,312,313,314,321,322,323,324,334,335,336,343,344,345,356,357,358,364,365,366,367,378,379,380,385,386,387,388,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,485 +8160 - 32,33,34,35,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +8161 - 59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,486 +8162 - 56,57,58,78,79,100,101,121,122,123,143,144,145,165,166,187,188,208,209,230,231,252,253,274,275,295,296,297,317,318,319,339,340,341,361,362,363,384,385,406,407,428,429,450,451,472,473,486 +8163 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,95,97,98,99,100,101,103,104,105,116,117,118,119,120,121,124,125,126,127,139,140,141,146,147,148,167,168,169,170,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,278,279,294,295,296,297,300,301,322,323,343,344,345,353,364,365,366,367,374,375,376,384,385,386,387,388,396,397,398,399,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,488 +8164 - 28,29,30,31,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,115,120,121,122,123,124,125,144,145,146,147,167,168,169,170,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,319,320,321,322,323,342,343,344,345,346,365,366,367,368,369,388,389,390,391,400,401,402,403,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,488 +8165 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,124,125,139,140,141,146,147,148,160,161,162,168,169,170,181,182,183,184,190,191,192,203,204,205,211,212,213,214,225,226,232,233,234,235,236,247,248,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,472,494 +8166 - 55,56,57,58,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +8167 - 96,97,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,191,192,193,194,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,247,255,256,257,258,276,277,278,279,280,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,445,446,447,448,466,467,468,469,470,492 +8168 - 70,71,72,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,123,124,125,139,145,146,147,167,168,188,189,190,210,211,212,231,232,233,253,254,255,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,326,335,336,337,340,341,342,357,358,362,363,364,384,385,386,406,407,408,428,429,450,451,472,473,492 +8169 - 37,38,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,104,105,106,119,120,121,122,125,126,127,128,146,147,148,149,167,168,169,170,189,190,191,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,257,258,259,272,273,274,275,276,279,280,281,302,303,323,324,325,330,331,332,344,345,346,347,352,353,354,364,365,366,367,368,369,374,375,376,377,378,379,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,488 +8170 - 70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,144,145,146,147,148,154,155,156,167,168,169,170,176,177,190,191,192,193,198,212,213,214,215,235,236,237,257,258,259,278,279,280,281,300,301,302,303,322,323,324,343,344,345,346,363,364,365,366,367,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,475,492 +8171 - 38,39,40,53,54,55,56,60,61,62,75,76,77,78,79,80,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,125,126,127,142,143,144,147,148,149,164,165,166,168,169,170,171,186,187,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,335,336,337,338,341,342,343,357,358,359,362,363,364,365,378,379,380,381,384,385,386,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +8172 - 34,35,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,125,126,127,140,141,142,143,148,149,150,161,162,163,164,171,172,173,182,183,184,185,193,194,195,203,204,205,206,215,216,217,218,225,226,227,238,239,240,241,246,247,248,249,261,262,263,268,269,270,283,284,285,289,290,291,304,305,306,311,312,313,325,326,327,333,334,335,345,346,347,348,355,356,365,366,367,368,369,376,377,378,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +8173 - 53,61,62,63,64,65,75,82,83,84,85,86,87,96,97,98,99,100,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,225,230,231,232,233,253,254,255,256,276,277,278,299,300,301,321,322,323,342,343,344,354,355,364,365,366,376,377,385,386,387,388,398,399,400,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,490 +8174 - 56,57,58,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,166,167,168,182,183,184,185,188,189,190,204,205,206,210,211,212,225,226,227,228,232,233,234,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,298,299,300,311,312,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +8175 - 54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,118,119,120,123,124,125,126,139,140,141,147,148,161,162,163,169,170,171,172,173,183,184,185,190,191,192,193,194,195,206,207,211,212,213,214,215,216,228,229,230,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,358,359,360,362,363,378,379,380,381,382,384,385,399,400,401,402,405,406,407,421,422,423,427,428,429,442,443,444,448,449,450,464,465,466,469,470,471,472,493 +8176 - 55,56,57,77,78,79,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +8177 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,139,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,273,274,275,294,295,296,297,315,316,317,318,337,338,339,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,486 +8178 - 74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,155,156,157,158,178,179,180,184,185,186,187,200,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,255,256,257,258,266,267,268,269,279,280,281,282,289,302,303,304,325,326,327,347,348,349,370,371,392,393,394,414,415,435,436,437,455,456,457,458,472,473,474,475,476,477,478,479,490 +8179 - 54,55,76,77,86,97,98,99,107,108,109,119,120,121,128,129,130,140,141,142,149,150,151,161,162,163,164,170,171,172,183,184,185,191,192,193,194,204,205,206,207,213,214,215,226,227,228,234,235,236,237,238,247,248,249,255,256,257,258,259,268,269,270,271,276,277,278,279,280,290,291,292,293,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,358,359,360,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,489 +8180 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +8181 - 59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,126,127,128,129,141,142,143,144,149,150,151,163,164,165,170,171,172,173,185,186,187,191,192,193,194,207,208,209,211,212,213,214,215,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,315,318,319,333,334,335,336,340,341,355,356,357,361,362,363,377,378,379,383,384,385,399,400,401,404,405,406,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,493 +8182 - 93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,164,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,253,254,255,256,257,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,452,471,472,473,474,492 +8183 - 127,128,129,130,131,142,143,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,211,212,226,227,228,229,230,248,249,250,251,252,253,274,275,296,297,298,311,312,318,319,333,334,339,340,341,355,356,359,360,361,362,363,377,378,379,380,381,382,383,400,401,402,403,490 +8184 - 67,68,69,70,71,72,73,74,75,76,77,78,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,142,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,298,299,300,301,302,303,304,323,324,325,326,347,348,349,368,369,370,371,389,390,391,392,409,410,411,412,413,414,424,425,426,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,488 +8185 - 60,61,62,82,83,84,104,105,106,125,126,127,128,146,147,148,149,167,168,169,170,171,182,183,188,189,190,191,192,204,205,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,486 +8186 - 92,93,94,95,103,104,113,114,115,116,117,118,119,125,126,127,135,136,137,139,140,141,142,147,148,149,156,157,158,159,162,163,164,165,166,167,168,169,170,171,179,180,181,185,186,187,188,189,190,191,192,201,202,203,204,209,210,211,212,213,214,224,225,226,234,235,236,255,256,257,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,492 +8187 - 14,15,16,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,104,105,106,107,119,120,121,122,127,128,129,140,141,142,143,144,149,150,151,152,161,162,163,164,165,171,172,173,174,182,183,184,185,193,194,195,203,204,205,206,215,216,217,225,226,227,236,237,238,239,247,248,249,258,259,260,261,268,269,270,279,280,281,282,289,290,291,292,300,301,302,303,310,311,312,313,321,322,323,324,332,333,334,342,343,344,345,354,355,356,362,363,364,365,366,375,376,377,378,383,384,385,386,387,397,398,399,400,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,485 +8188 - 10,11,12,13,14,31,32,33,34,35,36,37,53,54,55,57,58,59,79,80,81,101,102,103,123,124,125,145,146,147,166,167,168,169,188,189,190,191,192,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,258,259,271,272,273,274,275,279,280,281,294,295,301,302,303,311,322,323,324,332,333,343,344,345,346,354,355,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,488 +8189 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,444,445,446,447,486 +8190 - 34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,277,278,279,293,294,295,296,299,300,301,315,316,317,321,322,323,324,343,344,345,360,361,362,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,490 +8191 - 15,16,36,37,38,57,58,59,60,77,78,79,80,81,98,99,100,101,102,120,121,122,123,141,142,143,162,163,164,183,184,185,186,205,206,207,213,214,227,228,229,233,234,235,236,237,249,250,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,281,292,293,294,296,297,298,299,301,302,314,315,316,318,319,320,323,324,336,337,338,339,340,341,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,426,427,428,429,430,431,432,491 +8192 - 51,52,53,54,55,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,122,123,124,145,146,147,167,168,188,189,190,209,210,211,212,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,299,300,301,322,323,344,345,365,366,367,386,387,388,389,404,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,488 +8193 - 36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,149,150,151,160,161,162,163,164,171,172,173,181,182,183,184,185,192,193,194,195,202,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,261,266,267,268,269,280,281,282,288,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,335,344,345,346,347,354,355,356,357,364,365,366,367,368,376,377,378,379,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +8194 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,451,452,486 +8195 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,75,76,77,78,79,80,82,83,84,96,97,98,99,100,104,105,106,118,119,120,121,125,126,127,128,147,148,149,168,169,170,189,190,191,192,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,258,259,260,261,273,274,275,276,277,281,282,283,296,297,303,304,305,309,324,325,326,330,331,332,333,345,346,347,348,352,353,354,355,356,357,366,367,368,369,374,375,376,377,378,379,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +8196 - 78,79,80,81,100,101,102,103,120,121,122,123,124,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,187,188,189,202,203,209,210,211,231,232,253,254,275,276,278,279,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,338,339,340,341,342,343,363,364,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +8197 - 55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,104,105,120,121,124,125,126,127,128,143,144,148,149,150,165,166,169,170,171,187,188,190,191,192,193,209,210,211,212,213,214,231,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,320,321,336,337,338,339,342,343,358,359,360,363,364,365,379,380,381,385,386,401,402,406,407,408,423,424,425,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +8198 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,147,148,149,157,158,159,160,170,171,178,179,180,181,191,192,193,200,201,213,214,234,235,236,256,257,277,278,279,299,300,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,426,427,428,447,448,449,469,470,471,492 +8199 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,139,140,141,142,149,150,160,161,162,163,171,172,181,182,183,184,192,193,194,203,204,205,213,214,215,225,226,234,235,236,237,247,248,255,256,257,258,269,270,276,277,278,279,291,292,293,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,494 +8200 - 75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,122,123,124,138,139,140,144,145,146,157,158,159,160,161,166,167,168,179,180,181,182,188,189,191,201,202,203,204,209,210,211,212,213,214,215,223,224,225,226,231,232,233,234,235,236,237,238,244,245,246,247,253,254,255,258,259,260,266,267,268,269,274,275,276,277,280,281,282,288,289,290,291,295,296,297,298,302,303,304,310,311,312,317,318,319,320,324,325,326,332,333,334,339,340,341,346,347,348,361,362,368,369,370,389,390,391,392,411,412,413,433,434,435,454,455,456,476,477,478,488 +8201 - 15,16,17,18,19,35,36,37,38,39,40,41,57,58,59,60,61,62,63,79,80,83,84,85,104,105,106,107,125,126,127,128,148,149,150,169,170,171,172,191,192,193,212,213,214,215,233,234,235,236,255,256,257,267,268,269,270,271,272,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,299,300,303,304,305,306,309,310,311,312,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,339,340,341,342,343,344,345,346,347,348,353,354,355,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,487 +8202 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,122,123,124,139,140,141,144,145,146,161,162,163,166,167,168,182,183,184,185,188,189,190,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,254,255,256,271,272,275,276,277,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,432,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,477,487 +8203 - 59,60,61,81,82,83,102,103,104,105,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,335,336,338,339,340,359,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,486 +8204 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,99,100,101,116,117,118,119,121,122,123,124,138,139,140,143,144,145,146,160,161,162,165,166,167,168,182,183,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,447,448,449,450,487 +8205 - 70,71,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,147,148,149,169,170,171,191,192,193,212,213,214,215,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,470,492 +8206 - 8,9,10,30,31,32,52,53,54,74,75,76,95,96,97,98,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,190,204,205,206,209,210,211,212,213,214,226,227,228,231,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,270,271,272,275,276,280,281,282,292,293,303,304,314,315,316,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,491 +8207 - 64,65,85,86,87,95,96,107,108,109,117,118,119,128,129,130,139,140,141,150,151,152,160,161,162,163,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,213,214,215,216,225,226,227,235,236,237,247,248,249,256,257,258,268,269,270,277,278,279,280,289,290,291,292,298,299,300,301,310,311,312,313,318,319,320,321,322,323,332,333,334,335,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,489 +8208 - 77,78,79,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,311,312,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +8209 - 64,65,83,84,85,86,87,103,104,105,106,107,108,120,121,122,123,124,125,126,127,142,143,144,145,146,147,164,165,166,185,186,187,206,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,255,256,277,278,289,290,299,300,310,311,321,322,332,333,342,343,344,354,355,356,357,362,363,364,365,377,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,490 +8210 - 29,30,31,32,49,50,51,52,53,54,55,71,72,73,74,75,76,77,92,93,94,98,114,115,116,136,137,138,159,160,161,162,182,183,184,185,186,205,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,238,239,252,253,254,255,256,257,259,260,273,274,275,276,277,278,279,294,295,296,297,299,300,301,316,317,318,322,323,324,337,338,339,344,345,346,359,360,361,366,367,368,381,382,383,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,493 +8211 - 12,15,16,17,18,33,34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,78,79,80,81,83,84,85,105,106,107,126,127,128,148,149,150,169,170,171,172,191,192,193,194,213,214,215,235,236,237,256,257,258,277,278,279,280,288,289,290,291,292,293,294,299,300,301,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,328,331,332,333,334,335,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,487 +8212 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,120,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,388,389,390,391,392,401,402,403,404,405,406,407,408,411,412,413,414,424,425,426,427,428,447,448,449,487 +8213 - 38,39,58,59,60,61,77,78,79,80,81,82,83,99,100,101,102,103,104,105,121,122,125,126,127,142,143,144,145,146,147,148,149,165,166,167,168,169,170,188,189,190,191,192,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,276,277,278,292,293,294,295,298,299,300,313,314,315,319,320,321,322,334,335,336,337,341,342,343,356,357,358,363,364,365,378,379,380,383,384,385,386,400,401,402,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,449,493 +8214 - 69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,122,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,320,321,322,323,333,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +8215 - 62,63,64,83,84,85,98,99,105,106,107,120,121,126,127,128,141,142,143,148,149,150,163,164,169,170,171,184,185,186,191,192,193,206,207,208,212,213,214,227,228,229,232,233,234,235,236,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,313,314,315,316,319,320,321,336,337,340,341,342,362,363,383,384,385,404,405,406,425,426,427,446,447,448,468,469,489 +8216 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,102,113,114,115,116,117,124,125,134,135,136,137,146,147,148,155,156,157,158,168,169,170,178,179,190,191,192,199,200,201,213,214,221,222,223,235,236,243,244,245,256,257,258,266,267,268,277,278,279,280,281,288,289,290,291,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,323,324,325,334,335,336,337,338,339,340,345,346,347,367,368,369,390,391,392,412,413,414,415,434,435,436,437,456,457,458,459,479,480,481,494 +8217 - 79,80,81,82,83,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,148,149,158,159,160,161,162,163,169,170,171,179,180,181,182,190,191,192,202,211,212,213,214,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,450,467,468,469,470,471,492 +8218 - 11,12,13,14,33,34,35,36,53,54,55,56,57,58,72,73,74,75,76,77,78,79,93,94,95,96,97,99,100,101,115,116,117,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,486 +8219 - 38,39,40,60,61,62,82,83,84,103,104,105,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,214,232,233,234,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,357,358,359,360,378,379,380,381,399,400,401,402,403,421,422,423,424,443,444,445,486 +8220 - 76,77,78,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,146,147,148,149,150,159,160,161,162,163,164,168,169,170,171,181,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +8221 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,98,99,100,106,107,108,119,120,121,128,129,130,141,142,143,150,151,152,163,164,165,171,172,173,186,187,188,192,193,194,195,208,209,210,213,214,215,216,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,313,314,315,316,317,318,319,320,333,334,335,336,337,338,340,341,342,354,355,356,357,361,362,363,375,376,377,378,382,383,384,397,398,399,402,403,404,405,419,420,421,422,423,424,425,426,442,443,444,445,446,493 +8222 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,296,297,298,318,319,339,340,341,361,362,363,383,384,385,386,405,406,407,408,409,428,429,430,431,451,452,453,486 +8223 - 56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,192,193,194,203,204,205,206,207,208,213,214,215,216,225,226,227,228,229,230,234,235,236,237,238,246,247,248,249,250,251,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,333,334,335,336,341,342,343,344,345,346,355,356,357,358,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,485 +8224 - 9,10,11,29,30,31,32,51,52,53,54,72,73,74,75,94,95,96,97,115,116,117,118,137,138,139,140,159,160,161,181,182,183,190,191,192,193,194,195,202,203,204,205,210,211,212,213,214,215,216,217,218,224,225,226,231,232,233,234,235,236,237,238,239,240,246,247,248,252,253,254,255,261,262,268,269,270,274,275,276,283,284,285,290,291,292,305,306,307,312,313,314,327,328,334,335,336,337,348,349,350,357,358,359,360,361,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,491 +8225 - 13,14,15,16,34,35,36,37,55,56,57,76,77,78,79,97,98,99,119,120,140,141,142,161,162,163,183,184,185,204,205,206,212,213,214,226,227,233,234,235,236,237,247,248,249,254,255,256,257,258,259,269,270,275,276,277,279,280,281,290,291,292,296,297,298,301,302,312,313,314,318,319,322,323,324,334,335,336,339,340,341,343,344,345,356,357,358,361,362,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +8226 - 24,25,26,27,28,45,46,47,48,49,50,51,52,71,72,73,74,75,76,96,97,98,99,100,119,120,121,122,123,143,144,145,146,166,167,168,169,190,191,192,207,208,212,213,214,227,228,229,230,231,232,235,236,237,249,250,251,252,253,254,255,258,259,271,272,275,276,277,278,280,281,292,293,294,299,300,301,302,303,304,314,315,316,321,322,323,324,325,326,337,338,343,344,345,346,347,359,360,365,366,367,368,369,381,382,383,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,455,487 +8227 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,277,278,279,280,294,301,302,322,323,324,332,333,344,345,346,353,354,355,356,357,358,359,365,366,367,375,376,377,378,379,380,381,386,387,388,397,398,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,488 +8228 - 47,48,68,69,70,71,90,91,92,93,113,114,115,116,117,118,119,136,137,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,183,184,185,186,187,188,189,209,210,211,212,231,232,233,234,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,347,362,363,364,366,367,368,369,388,389,390,391,409,410,411,412,430,431,432,433,434,451,452,453,454,455,473,474,475,476,488 +8229 - 15,16,17,18,34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,84,85,96,97,98,99,100,105,106,107,118,119,120,126,127,128,129,148,149,150,169,170,171,190,191,192,211,212,213,229,230,232,233,234,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,289,290,291,292,295,296,297,298,299,300,310,311,312,313,316,317,318,319,320,321,322,331,332,333,337,338,339,343,344,345,350,353,354,355,356,357,358,359,360,365,366,367,368,370,371,372,375,376,377,378,379,380,381,388,389,390,391,392,393,394,397,398,399,400,401,402,411,412,413,414,421,487 +8230 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,121,122,123,124,136,137,138,143,144,145,146,159,160,165,166,167,168,186,187,188,189,208,209,210,228,229,230,231,232,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,295,298,299,300,301,302,322,323,324,325,343,344,345,346,363,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,469,470,471,472,488 +8231 - 78,79,80,81,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,147,148,149,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,202,203,204,205,213,214,215,224,225,226,234,235,236,246,247,248,255,256,257,258,268,269,270,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +8232 - 93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,137,145,146,147,148,168,169,170,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +8233 - 57,58,59,60,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,144,145,146,147,148,149,150,151,152,159,160,161,162,163,165,166,167,168,172,173,174,180,181,182,183,184,187,188,194,195,196,201,202,203,204,205,209,217,218,223,224,225,238,239,240,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,303,304,305,309,310,324,325,326,327,331,332,345,346,347,348,353,354,355,366,367,368,369,375,376,377,387,388,389,390,397,398,399,400,401,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +8234 - 31,32,33,34,35,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,125,126,136,137,138,139,140,141,142,147,148,158,159,160,161,162,163,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,257,258,259,260,269,270,271,272,273,274,280,281,282,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,346,347,348,349,356,357,358,366,367,368,369,370,371,378,379,380,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,493 +8235 - 56,57,77,78,79,86,87,98,99,100,107,108,109,119,120,121,122,128,129,130,140,141,142,143,149,150,151,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,196,203,204,205,206,213,214,215,216,217,225,226,227,234,235,236,237,238,239,246,247,248,255,256,257,258,259,260,268,269,270,276,277,278,279,280,290,291,292,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,358,359,360,361,362,363,382,383,384,403,404,405,424,425,426,445,446,447,467,468,489 +8236 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,118,119,120,122,123,124,125,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,212,230,231,232,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +8237 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,147,148,161,162,168,169,170,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,492 +8238 - 99,100,101,102,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,409,410,431,432,433,453,454,455,475,476,477,494 +8239 - 63,64,65,85,86,87,106,107,108,121,127,128,129,130,142,143,148,149,150,151,163,164,165,170,171,172,180,184,185,186,191,192,193,201,205,206,207,212,213,214,223,226,227,228,233,234,235,236,248,249,250,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,318,319,320,339,340,341,360,361,362,381,382,383,402,403,404,424,425,445,446,447,466,467,468,489 +8240 - 60,61,81,82,83,103,104,105,116,117,118,119,125,126,127,137,138,139,140,141,146,147,148,149,158,159,160,161,162,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,212,213,214,215,222,223,224,225,234,235,236,237,243,244,245,246,247,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,475,476,477,489 +8241 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,105,106,107,118,119,120,121,122,126,127,128,141,142,143,147,148,149,150,168,169,170,171,189,190,191,192,209,210,211,212,213,214,215,230,231,232,233,234,235,236,237,238,253,254,255,258,259,260,281,282,289,290,291,302,303,304,310,311,312,313,314,323,324,325,332,333,334,335,336,344,345,346,347,354,355,356,357,358,359,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +8242 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,80,81,96,97,98,101,102,118,119,120,140,141,142,148,163,164,165,169,170,185,186,187,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,320,321,322,337,338,339,342,343,344,359,360,364,365,366,381,382,386,387,388,403,404,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +8243 - 75,76,77,84,85,97,98,99,105,106,107,119,120,121,126,127,128,140,141,142,148,149,162,163,164,169,170,171,183,184,185,190,191,192,193,204,205,206,207,212,213,214,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,468,469,470,489 +8244 - 76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,121,124,125,126,137,138,139,140,141,147,148,149,159,160,161,168,169,170,171,180,181,182,190,191,192,202,203,204,211,212,213,214,223,224,225,232,233,234,235,245,246,247,253,254,255,256,257,268,269,270,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,477,478,479,494 +8245 - 77,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,125,138,142,143,144,163,164,165,184,185,186,187,206,207,208,209,229,230,231,232,253,254,255,276,277,299,300,310,311,320,321,322,332,333,342,343,344,354,355,364,365,366,376,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,445,446,447,448,449,490 +8246 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,101,102,103,104,121,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,299,300,301,302,321,322,323,343,344,345,365,366,367,379,380,381,382,383,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,432,448,449,450,451,452,488 +8247 - 30,31,32,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,127,128,140,141,142,143,144,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,215,216,217,225,226,227,228,236,237,238,239,247,248,249,258,259,260,268,269,270,271,280,281,282,290,291,292,293,301,302,303,304,312,313,314,322,323,324,325,334,335,336,343,344,345,346,356,357,358,364,365,366,367,378,379,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +8248 - 72,73,81,82,94,95,96,97,103,104,105,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,315,316,317,318,319,337,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +8249 - 80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,149,150,151,152,160,161,162,163,164,171,173,174,180,181,182,183,184,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,244,245,246,259,260,261,265,266,267,281,282,283,287,288,302,303,304,305,309,310,324,325,326,331,332,345,346,347,353,354,365,366,367,368,369,375,376,377,385,386,387,388,389,397,398,399,400,401,402,403,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,485 +8250 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,102,103,104,105,106,117,118,119,126,127,128,129,138,139,140,141,149,150,151,159,160,161,162,171,172,173,181,182,183,193,194,195,202,203,204,205,216,217,224,225,226,227,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,305,312,313,314,323,324,325,326,334,335,336,344,345,346,347,356,357,358,365,366,367,368,369,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +8251 - 12,13,14,15,16,17,32,33,34,35,36,37,38,39,40,53,54,55,56,60,61,62,75,76,77,83,84,98,99,104,105,106,126,127,128,148,149,169,170,171,191,192,193,212,213,214,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,317,318,319,320,321,322,323,324,332,333,334,335,338,339,340,341,345,346,347,354,355,356,357,359,360,361,362,368,369,370,375,376,377,378,379,380,381,382,383,391,392,393,398,399,400,401,402,403,404,414,420,421,422,423,424,487 +8252 - 101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,160,161,162,163,164,182,183,184,204,205,226,227,228,248,249,250,251,252,272,273,274,275,276,295,296,297,298,299,320,321,342,343,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,490 +8253 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,165,166,170,171,172,173,174,179,180,181,182,187,188,192,193,194,195,196,200,201,202,203,210,214,215,216,217,218,222,223,224,225,236,237,238,239,240,244,245,246,258,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,302,303,304,305,309,310,311,323,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,364,365,366,367,368,369,370,375,376,377,378,385,386,387,388,389,390,391,397,398,399,400,401,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,485 +8254 - 32,33,34,35,53,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,319,320,321,322,339,340,341,342,343,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,488 +8255 - 59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,467,468,469,470,471,486 +8256 - 77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,359,360,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +8257 - 12,13,14,15,16,17,18,32,33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,126,127,128,129,147,148,149,150,151,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,367,368,369,370,371,374,375,376,377,378,379,380,381,382,389,390,391,392,393,398,399,400,401,402,403,413,414,415,421,422,423,487 +8258 - 59,60,61,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,486 +8259 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,142,143,144,145,146,157,158,159,160,164,165,166,167,168,169,170,171,181,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,259,260,261,262,270,271,272,273,274,281,282,283,284,293,294,295,303,304,305,306,324,325,326,327,336,344,345,346,347,348,349,356,357,358,359,365,366,367,368,369,370,378,379,380,381,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +8260 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,129,130,138,139,140,141,160,161,162,181,182,183,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,278,279,280,281,292,293,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,406,407,408,409,410,423,424,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +8261 - 41,42,62,63,64,83,84,85,86,105,106,107,108,119,120,121,126,127,128,129,140,141,142,143,147,148,149,150,162,163,164,165,168,169,170,171,182,183,184,185,186,189,190,191,192,193,204,205,206,207,211,212,213,214,225,226,227,228,232,233,234,235,236,246,247,248,249,250,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,446,447,448,489 +8262 - 33,34,54,55,56,57,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,162,163,164,166,167,168,169,183,184,185,186,189,190,191,205,206,207,211,212,213,227,228,233,234,235,248,249,250,255,256,257,270,271,272,277,278,279,292,293,294,299,300,301,314,315,316,320,321,322,323,336,337,338,342,343,344,345,357,358,359,360,363,364,365,366,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +8263 - 106,107,108,109,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,165,166,167,168,169,170,171,172,185,186,187,188,189,190,206,207,208,209,227,228,229,230,231,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,290,291,292,298,299,300,311,312,313,319,320,321,322,333,334,335,336,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,490 +8264 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,116,117,118,119,120,124,125,126,137,138,139,140,141,145,146,147,148,158,159,160,161,167,168,169,180,181,182,187,188,189,190,208,209,210,211,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,301,302,303,322,323,324,325,344,345,346,365,366,367,368,386,387,388,389,406,407,408,409,410,424,425,427,428,429,430,431,446,447,448,449,450,451,469,470,471,472,488 +8265 - 13,14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,182,183,184,185,186,187,203,204,205,206,207,216,224,225,226,227,228,236,237,238,239,246,247,248,249,250,257,258,259,260,261,267,268,269,270,271,277,278,279,280,281,282,283,289,290,291,292,299,300,301,302,303,304,310,311,312,313,319,320,321,322,323,324,325,333,334,335,341,342,343,344,345,346,347,355,356,357,358,359,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +8266 - 50,51,52,53,72,73,74,75,94,95,96,97,103,104,116,117,118,119,125,126,127,138,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,321,322,323,324,334,335,336,337,343,344,345,357,358,365,366,367,387,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +8267 - 97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,191,192,193,194,195,200,201,202,203,204,205,206,207,208,212,213,214,215,216,217,221,222,223,224,225,226,227,228,233,234,235,236,237,238,243,244,245,246,247,248,249,255,256,257,258,259,266,267,268,269,276,277,278,279,280,289,290,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,452,467,468,469,470,471,472,473,492 +8268 - 95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,147,148,149,150,151,159,160,161,162,170,171,172,173,181,182,183,184,192,193,194,195,203,204,205,206,213,214,215,216,217,224,225,226,227,228,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,277,278,279,280,281,290,291,292,293,294,299,300,301,302,312,313,314,315,316,321,322,323,324,335,336,337,338,343,344,345,357,358,359,360,364,365,366,367,380,381,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,492 +8269 - 56,57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,147,148,149,150,151,161,162,163,164,168,169,170,171,172,183,184,185,186,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,292,293,294,295,296,297,313,314,315,316,317,318,319,320,335,336,337,340,341,342,357,358,359,361,362,363,364,379,380,381,383,384,385,386,401,402,403,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,472,493 +8270 - 31,32,33,52,53,54,55,74,75,76,96,97,98,117,118,119,120,139,140,141,142,148,149,150,151,161,162,163,164,169,170,171,172,173,182,183,184,185,191,192,193,194,204,205,206,212,213,214,215,216,226,227,228,233,234,235,236,237,247,248,249,254,255,256,257,258,269,270,271,275,276,277,278,279,290,291,292,293,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,384,385,386,406,407,428,429,450,451,489 +8271 - 79,80,81,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,169,170,183,184,185,186,190,191,192,205,206,207,212,213,214,215,226,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +8272 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,183,184,185,186,192,193,194,195,204,205,206,207,208,214,215,216,225,226,227,228,236,237,238,246,247,248,249,250,258,259,260,267,268,269,270,271,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,357,364,365,366,367,376,377,378,379,380,385,386,387,388,389,399,400,401,402,403,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +8273 - 77,78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,146,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,195,196,201,202,203,204,205,211,212,213,214,215,216,217,218,222,223,224,225,226,234,235,236,237,238,239,240,244,245,246,247,258,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,302,303,304,305,309,310,311,322,323,324,325,326,331,332,333,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,377,378,379,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +8274 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,145,146,147,148,149,150,151,158,159,160,161,162,163,168,169,170,171,172,173,179,180,181,182,183,184,192,193,194,195,196,200,201,202,203,204,205,206,215,216,217,218,219,222,223,224,225,237,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,292,304,305,306,310,311,312,313,314,324,325,326,327,328,332,333,334,335,336,337,338,339,340,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,485 +8275 - 39,40,41,42,60,61,62,63,64,81,82,83,84,85,102,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,443,444,445,446,486 +8276 - 76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,167,168,169,170,171,172,178,179,180,181,182,189,190,191,192,193,194,199,200,201,202,203,211,212,213,214,215,216,221,222,223,224,225,232,233,234,235,236,237,238,243,244,245,246,247,248,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,343,344,345,346,347,348,365,366,367,368,369,370,387,388,389,390,391,392,409,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,476,477,478,479,480,494 +8277 - 35,36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,295,296,297,298,299,300,301,302,303,308,309,310,311,312,315,316,317,318,319,320,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,344,345,346,347,352,353,354,355,356,357,358,359,360,361,366,367,368,369,374,375,376,377,378,379,380,381,388,389,390,396,397,398,399,400,401,411,487 +8278 - 92,93,94,104,105,106,114,115,116,125,126,127,136,137,138,146,147,148,149,158,159,160,167,168,169,170,171,180,181,182,188,189,190,191,192,193,201,202,203,204,209,210,211,212,213,214,215,223,224,225,230,231,232,233,234,235,236,245,246,247,251,252,253,256,257,258,267,268,269,272,273,274,278,279,280,290,291,292,293,294,295,300,301,302,312,313,314,315,316,322,323,336,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,456,476,477,478,489 +8279 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,102,103,104,105,106,117,118,125,126,127,128,147,148,149,150,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,295,296,297,301,302,303,322,323,324,325,332,333,334,335,343,344,345,346,347,353,354,355,356,363,364,365,366,367,368,375,376,377,378,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,488 +8280 - 93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,142,143,144,145,146,147,148,156,157,158,159,168,169,170,177,178,179,191,192,193,198,199,200,213,214,215,220,221,235,236,237,257,258,259,278,279,280,300,301,302,322,323,324,344,345,365,366,367,387,388,408,409,410,429,430,431,450,451,452,453,454,472,473,474,475,492 +8281 - 63,64,65,84,85,86,87,97,98,99,106,107,108,109,119,120,121,127,128,129,130,140,141,142,143,148,149,150,151,161,162,163,164,169,170,171,172,173,182,183,184,185,190,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,489 +8282 - 9,10,11,30,31,32,33,51,52,53,54,73,74,75,94,95,96,97,116,117,118,137,138,139,140,159,160,161,168,169,170,171,180,181,182,183,187,188,189,190,191,192,193,194,195,202,203,204,208,209,210,211,212,213,214,215,216,217,218,224,225,226,228,229,230,231,232,233,234,236,237,238,239,240,246,247,248,250,251,252,253,254,261,262,268,269,270,271,272,273,274,283,284,290,291,292,293,294,295,304,305,306,312,313,314,315,316,325,326,327,328,335,336,337,338,339,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8283 - 103,104,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,211,212,213,214,226,227,228,229,232,233,234,235,236,249,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,427,428,445,446,447,448,449,467,468,469,492 +8284 - 33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,117,118,119,120,121,122,139,140,141,143,144,145,146,160,161,162,163,166,167,168,181,182,183,184,189,190,191,203,204,205,211,212,213,214,225,226,227,234,235,236,246,247,248,249,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,344,345,346,347,356,357,358,366,367,368,378,379,380,381,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +8285 - 53,54,55,56,57,63,64,74,75,76,77,78,79,80,81,85,86,87,95,96,97,98,99,100,101,102,103,104,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,146,147,148,149,150,151,152,160,161,162,163,167,168,169,170,171,172,173,182,183,184,185,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,297,298,312,313,314,315,317,318,319,320,334,335,336,340,341,342,343,355,356,357,358,362,363,364,365,377,378,379,380,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +8286 - 94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +8287 - 79,80,81,82,83,99,100,101,102,103,104,105,121,122,123,124,125,126,127,128,142,143,144,145,148,149,150,163,164,165,166,169,170,171,172,184,185,186,187,190,191,192,193,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,465,466,467,468,494 +8288 - 32,33,34,53,54,55,56,57,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,101,102,104,105,106,107,116,117,118,128,129,130,138,139,140,151,152,159,160,161,173,174,180,181,182,183,195,196,202,203,204,217,218,224,225,226,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,303,304,305,311,312,325,326,333,334,335,346,347,348,355,356,357,366,367,368,369,377,378,379,387,388,389,390,400,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +8289 - 102,103,105,106,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,192,193,194,195,196,201,202,203,204,205,206,207,213,214,215,216,217,218,222,223,224,225,226,227,235,236,237,238,239,240,244,245,246,247,258,259,260,261,262,265,266,267,268,279,280,281,282,283,284,287,288,289,300,301,302,303,304,309,310,311,320,321,322,323,324,325,331,332,333,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,485 +8290 - 11,12,13,33,34,54,55,56,75,76,77,97,98,99,119,120,121,141,142,162,163,164,184,185,205,206,207,214,215,227,228,229,235,236,237,238,248,249,250,254,255,256,257,258,259,260,261,270,271,272,274,275,276,277,278,281,282,283,292,293,294,296,297,298,303,304,314,315,316,318,319,324,325,326,336,337,338,344,345,346,347,358,359,360,361,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,491 +8291 - 38,39,40,60,61,62,63,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,422,423,424,425,444,445,446,486 +8292 - 27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,77,78,79,80,81,82,90,91,92,93,101,102,103,104,112,113,114,124,125,126,127,147,148,149,169,170,171,172,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,294,295,296,297,298,299,313,314,315,316,317,318,319,333,334,335,336,337,338,339,340,354,355,356,357,358,359,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,455,456,457,458,459,460,487 +8293 - 80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,152,165,166,167,168,170,171,172,173,188,191,192,193,194,195,212,213,214,215,216,225,226,227,228,229,230,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,366,367,368,369,370,375,376,377,378,379,380,487 +8294 - 34,35,36,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,125,126,139,140,141,142,147,148,149,160,161,162,163,170,171,172,182,183,184,192,193,194,203,204,205,206,215,216,217,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,333,334,335,336,346,347,348,355,356,357,358,366,367,368,369,378,379,380,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +8295 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,290,294,300,301,302,303,311,312,313,322,323,324,333,334,335,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,427,428,488 +8296 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,449,450,486 +8297 - 78,79,80,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,210,211,212,213,214,226,227,228,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,377,378,379,380,381,398,399,400,401,402,420,421,422,423,424,441,442,443,444,445,463,464,465,466,492 +8298 - 53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,165,166,167,168,182,183,184,185,187,188,189,190,204,205,206,207,209,210,211,212,226,227,228,231,232,233,234,248,249,250,253,254,255,256,270,271,272,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,362,363,364,365,366,385,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +8299 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,99,100,101,102,103,105,106,107,120,121,122,123,127,128,129,142,143,144,149,150,151,152,164,165,166,170,171,172,173,174,185,186,187,191,192,193,194,195,196,207,208,209,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,319,332,333,334,335,336,337,339,340,341,353,354,355,356,357,361,362,363,375,376,377,378,383,384,385,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,493 +8300 - 55,56,57,75,76,77,78,79,80,81,82,97,98,100,101,102,103,104,105,118,119,120,125,126,127,128,140,141,148,149,150,161,162,163,171,172,183,184,185,193,194,205,206,214,215,216,227,228,235,236,237,238,249,250,257,258,259,271,272,273,278,279,280,281,293,294,295,297,298,299,300,301,302,316,317,318,319,320,321,322,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,401,402,403,405,406,407,423,424,425,428,429,430,445,446,450,451,452,467,468,472,473,474,493 +8301 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,149,150,151,152,161,162,163,164,165,170,171,172,173,174,182,183,184,185,191,192,193,194,195,204,205,206,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,379,380,381,382,383,400,401,402,403,404,405,421,422,423,424,425,441,442,443,444,445,446,463,464,465,466,467,494 +8302 - 47,48,49,50,69,70,71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +8303 - 52,53,54,55,61,73,74,75,76,77,78,79,82,83,84,85,95,96,97,98,99,100,101,103,104,105,106,107,117,118,119,122,123,125,126,127,128,139,140,141,145,146,147,148,149,161,162,163,167,168,169,170,171,183,184,185,189,190,191,192,205,206,207,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,493 +8304 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,148,149,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,206,214,215,216,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,346,347,348,349,356,357,358,359,367,368,369,370,379,380,381,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +8305 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,226,227,228,229,235,236,237,248,249,250,251,255,256,257,258,259,260,270,271,272,277,278,279,280,281,282,291,292,293,294,298,299,300,301,302,303,304,313,314,315,316,319,320,321,322,323,324,325,326,336,337,338,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,405,406,407,408,409,428,429,430,491 +8306 - 79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,148,149,150,151,152,153,157,158,159,160,161,162,171,172,173,174,175,178,179,180,181,191,192,193,194,195,196,200,201,211,212,213,214,215,216,222,223,224,225,231,232,233,234,235,236,244,245,246,247,248,249,252,253,254,255,256,268,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,315,316,317,318,319,320,321,337,338,341,342,343,344,358,359,360,365,366,367,380,381,382,387,388,389,402,403,404,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,493 +8307 - 105,106,107,108,109,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,234,251,254,255,256,257,276,277,278,289,290,291,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,490 +8308 - 75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,147,159,160,161,162,167,168,169,180,181,182,183,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,233,234,235,236,246,247,248,255,256,257,258,268,269,270,271,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,345,346,367,368,369,389,390,391,410,411,412,413,432,433,434,454,455,456,476,477,478,494 +8309 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,187,192,193,194,195,204,205,206,207,208,214,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,251,257,258,259,260,261,267,268,269,270,271,278,279,280,281,282,288,289,290,291,292,299,300,301,302,303,310,311,312,313,314,320,321,322,323,324,325,332,333,334,335,342,343,344,345,346,353,354,355,356,357,362,363,364,365,366,367,376,377,378,379,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +8310 - 54,55,75,76,77,78,84,96,97,98,99,100,101,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,143,144,145,146,147,148,149,150,151,160,161,162,163,169,170,171,172,173,182,183,184,185,192,193,194,204,205,206,207,213,214,215,216,226,227,228,229,230,231,234,235,236,237,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,296,297,298,299,300,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,467,468,469,470,493 +8311 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,188,205,206,207,208,209,227,228,229,230,248,249,250,251,254,255,256,270,271,272,273,275,276,277,278,279,291,292,293,294,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +8312 - 12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,302,314,315,316,317,322,323,324,325,336,337,338,339,345,346,347,359,360,361,362,367,368,369,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,429,430,431,432,433,434,491 +8313 - 77,78,79,80,81,82,84,85,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,147,148,149,150,151,152,162,163,164,170,171,172,173,184,185,186,191,192,193,194,195,206,207,208,211,212,213,214,215,216,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,405,406,407,422,423,424,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,472,493 +8314 - 8,9,10,11,29,30,31,32,33,50,51,52,53,54,55,72,73,74,93,94,95,115,116,117,136,137,138,158,159,160,170,171,172,180,181,182,191,192,193,194,195,196,201,202,203,212,213,214,215,216,217,218,223,224,225,234,235,239,240,241,245,246,247,255,256,257,262,263,267,268,269,277,278,279,284,285,289,290,291,299,300,306,307,311,312,313,314,321,322,328,329,334,335,336,343,344,345,349,350,351,357,358,359,366,369,370,371,372,379,380,381,382,383,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,491 +8315 - 78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,150,162,163,164,165,170,171,172,184,185,186,187,190,191,192,193,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,494 +8316 - 77,78,79,80,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,254,255,256,269,270,271,272,273,276,277,278,291,292,293,294,295,298,299,300,313,314,315,316,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +8317 - 62,63,64,84,85,86,105,106,107,108,117,118,119,127,128,129,130,139,140,141,148,149,150,151,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,233,234,235,236,244,245,246,247,248,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,450,468,469,470,471,489 +8318 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,144,145,146,147,148,149,150,157,158,159,160,161,167,168,169,170,171,172,179,180,181,182,191,192,193,194,201,202,203,204,212,213,214,215,216,223,224,225,233,234,235,236,237,245,246,247,248,254,255,256,257,258,259,267,268,269,270,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,322,323,324,325,336,337,338,339,340,344,345,346,347,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +8319 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,486 +8320 - 30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,72,73,79,94,95,96,117,118,139,140,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,204,205,206,212,213,214,235,236,237,258,259,260,280,281,282,292,293,303,304,313,314,315,325,326,335,336,347,348,357,358,369,370,380,381,390,391,392,403,404,405,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,490 +8321 - 78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,167,168,169,170,183,184,185,186,191,192,193,204,205,206,207,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,494 +8322 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,146,147,148,161,162,163,164,168,169,170,182,183,184,185,190,191,204,205,206,211,212,213,225,226,227,232,233,234,235,246,247,248,249,252,253,254,255,256,257,268,269,270,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,313,314,315,316,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,494 +8323 - 58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,149,150,151,152,160,161,162,163,164,165,171,172,173,174,181,182,183,184,185,186,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,228,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,270,279,280,281,282,283,284,287,288,289,290,291,300,301,302,303,304,305,309,310,311,312,320,321,322,323,324,325,326,331,332,333,334,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,422,423,424,485 +8324 - 51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,101,102,115,116,117,118,123,126,127,138,139,140,141,147,148,162,163,164,168,169,170,185,186,187,189,190,191,208,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,279,296,297,300,301,317,318,322,323,324,338,339,340,345,346,360,361,367,368,381,382,383,389,390,403,404,410,411,412,425,426,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +8325 - 62,63,64,84,85,86,105,106,107,108,126,127,128,129,130,141,142,143,144,148,149,150,151,162,163,164,165,166,169,170,171,172,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,215,225,226,227,228,229,233,234,235,236,247,248,249,250,251,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,443,444,445,446,465,466,467,489 +8326 - 5,6,26,27,28,48,49,50,70,71,72,92,93,94,113,114,115,116,135,136,137,138,157,158,159,160,171,172,173,179,180,181,182,192,193,194,195,196,197,201,202,203,204,212,213,214,215,216,217,218,219,223,224,225,226,233,234,235,236,237,238,239,240,241,245,246,247,248,254,255,256,257,258,261,262,263,268,269,270,275,276,277,278,279,283,284,285,290,291,292,293,297,298,299,300,304,305,306,307,312,313,314,315,318,319,320,321,325,326,327,328,335,336,337,338,339,340,341,342,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,491 +8327 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,102,103,104,114,115,116,117,124,125,126,135,136,137,138,147,152,153,157,158,159,173,174,175,179,180,181,193,194,195,196,197,202,203,213,214,215,216,217,218,219,224,225,226,233,234,235,236,237,238,239,247,248,249,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,384,385,402,403,404,406,407,408,424,425,426,428,429,430,447,448,449,450,451,452,470,471,472,473,474,493 +8328 - 10,11,12,13,32,33,34,53,54,55,56,75,76,77,96,97,98,99,118,119,120,140,141,142,162,163,164,183,184,185,186,205,206,207,228,229,233,234,235,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,301,302,303,316,317,318,319,323,324,325,338,339,340,341,345,346,347,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +8329 - 57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,143,146,147,148,160,161,162,163,168,169,170,182,183,184,190,191,204,205,206,212,213,214,226,227,228,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,494 +8330 - 35,36,57,58,78,79,100,101,121,122,123,143,144,145,165,166,167,187,188,208,209,210,230,231,232,252,253,254,274,275,296,297,317,318,319,339,340,341,361,362,383,384,405,406,426,427,428,448,449,450,486 +8331 - 38,39,40,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +8332 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +8333 - 62,63,64,84,85,86,105,106,107,108,117,127,128,129,130,138,139,140,148,149,150,151,159,160,161,162,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,211,212,213,214,215,223,224,225,226,233,234,235,236,245,246,247,248,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,467,468,469,489 +8334 - 30,31,32,33,34,35,51,52,53,54,55,56,57,73,74,78,79,80,95,96,101,102,103,118,119,120,123,124,125,140,141,142,146,147,163,168,169,191,192,213,214,235,256,257,278,279,299,300,301,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,358,359,360,363,364,365,366,367,379,380,381,384,385,386,389,401,402,403,405,406,407,411,423,424,425,426,427,428,433,446,447,448,449,455,487 +8335 - 34,35,36,37,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,213,214,215,216,225,226,227,228,229,230,235,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,304,311,312,313,314,322,323,324,325,326,333,334,335,336,343,344,345,346,347,348,355,356,357,358,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +8336 - 12,13,33,34,35,53,54,55,56,57,75,76,77,78,79,96,97,98,99,118,119,120,140,141,142,162,163,164,183,184,185,186,188,189,190,191,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,258,259,270,271,272,280,281,292,293,294,301,302,303,314,315,323,324,325,336,337,343,344,345,346,358,359,360,364,365,366,367,368,380,381,382,384,385,386,387,388,389,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +8337 - 148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,226,227,228,230,248,249,250,270,271,272,273,274,275,295,296,297,298,319,320,321,333,334,335,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,490 +8338 - 30,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,120,121,122,123,133,134,135,136,137,143,144,145,156,157,165,166,167,168,179,187,188,189,190,191,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,303,304,305,317,318,319,325,326,327,348,349,350,370,371,372,383,384,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,438,450,451,452,453,454,455,456,457,458,459,488 +8339 - 87,105,106,107,108,109,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,166,167,168,169,170,186,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,276,277,278,279,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,402,403,404,490 +8340 - 51,52,53,54,55,56,59,60,61,72,73,74,75,76,77,78,79,81,82,83,94,95,96,97,104,105,115,116,117,118,125,126,127,137,138,139,140,146,147,148,160,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,277,278,279,293,294,295,299,300,301,315,316,320,321,322,336,337,338,342,343,344,357,358,359,360,363,364,365,366,379,380,381,385,386,387,401,402,403,406,407,408,409,423,424,425,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +8341 - 62,63,64,76,77,78,84,85,86,97,98,99,100,105,106,107,118,119,120,121,127,128,129,139,140,141,142,143,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,489 +8342 - 8,9,10,11,29,30,31,32,33,34,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,98,99,100,101,115,116,117,121,122,123,138,139,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,410,411,412,413,414,415,416,425,426,427,434,435,436,437,487 +8343 - 34,35,36,37,56,57,58,59,78,79,80,81,82,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,190,191,192,193,194,204,205,206,207,208,209,213,214,215,216,226,227,228,229,230,234,235,236,237,238,247,248,249,250,251,256,257,258,259,260,268,269,270,271,272,279,280,281,282,290,291,292,293,294,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,333,334,335,336,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,485 +8344 - 54,55,56,76,77,78,97,98,99,119,120,139,140,141,145,146,161,162,167,168,169,182,183,184,189,190,191,192,203,204,205,210,211,212,223,224,225,226,232,233,244,245,246,247,248,254,255,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,363,364,365,386,387,408,409,430,431,452,453,454,475,489 +8345 - 96,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,191,192,193,202,203,204,205,206,207,212,213,214,215,223,224,225,226,227,228,234,235,236,237,245,246,247,248,249,255,256,257,258,259,267,268,269,270,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +8346 - 34,35,55,56,57,58,70,71,78,79,80,93,100,101,102,103,115,116,123,124,125,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,246,247,248,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,343,344,345,346,347,348,355,356,357,358,365,366,367,368,369,387,388,389,409,410,411,431,432,433,453,454,455,489 +8347 - 15,16,17,36,37,38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,160,161,162,163,164,165,166,173,181,182,183,184,185,186,193,194,195,196,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,235,236,237,238,239,240,244,245,246,247,248,256,257,258,259,260,261,262,266,267,268,269,270,278,279,280,281,282,283,284,288,289,290,291,299,300,301,302,303,304,309,310,311,312,319,320,321,322,323,324,325,331,332,333,334,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,430,491 +8348 - 33,34,35,54,55,56,57,76,77,78,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +8349 - 38,39,40,41,59,60,61,62,63,80,81,82,83,84,85,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,193,194,195,196,205,206,207,208,209,210,211,214,215,216,217,218,227,228,229,230,231,232,236,237,238,239,247,248,249,250,251,252,253,257,258,259,260,261,268,269,270,271,272,273,274,277,278,279,280,281,282,290,291,292,293,294,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,325,332,333,334,335,336,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,485 +8350 - 28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,325,326,334,335,344,345,346,347,348,349,356,357,358,367,368,369,370,371,378,379,380,381,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,488 +8351 - 61,62,63,82,83,84,85,103,104,105,106,107,124,125,126,127,128,129,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,400,401,402,403,421,422,423,424,425,443,444,445,446,447,466,467,468,486 +8352 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,75,76,77,96,97,98,118,119,120,139,140,141,142,161,162,163,183,184,185,204,205,206,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,258,259,269,270,271,272,273,274,280,281,282,292,293,294,302,303,304,314,315,316,324,325,326,336,337,338,339,346,347,348,359,360,361,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +8353 - 75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,171,172,173,174,180,181,182,183,184,185,186,187,192,193,194,195,196,200,201,202,203,204,205,206,207,213,214,215,216,217,221,222,223,224,225,226,227,234,235,236,237,238,243,244,245,246,247,248,255,256,257,258,259,265,266,267,268,276,277,278,279,280,281,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,449,450,466,467,468,469,470,471,472,492 +8354 - 9,10,11,30,31,32,51,52,53,54,57,58,59,73,74,75,79,80,81,94,95,96,97,101,102,103,116,117,118,124,125,126,127,137,138,139,140,146,147,148,149,158,159,160,161,169,170,171,172,180,181,182,183,192,193,194,202,203,204,214,215,216,223,224,225,226,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,325,326,327,334,335,336,337,346,347,348,349,356,357,358,359,360,361,362,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,485 +8355 - 33,34,35,36,37,38,39,55,56,57,58,59,60,61,62,78,79,80,81,82,83,84,100,101,102,103,104,105,106,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,164,165,166,167,168,170,171,172,185,186,187,188,189,192,193,194,206,207,208,209,210,214,215,216,227,228,229,230,231,236,237,238,248,249,250,251,252,257,258,259,260,269,270,271,272,273,279,280,281,282,290,291,292,293,294,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,326,333,334,335,336,342,343,344,345,346,347,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +8356 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,169,170,179,180,181,182,191,192,193,200,201,202,203,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,248,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +8357 - 14,15,16,17,35,36,37,38,39,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,120,121,122,123,124,140,141,142,143,144,161,162,163,164,165,166,183,184,185,186,194,204,205,206,207,214,215,216,217,225,226,227,228,229,234,235,236,237,238,239,240,246,247,248,249,250,255,256,257,258,259,260,261,262,267,268,269,270,271,276,277,278,279,280,281,282,283,289,290,291,292,297,298,299,300,301,302,303,304,311,312,313,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,491 +8358 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,147,148,149,150,158,159,160,161,162,169,170,171,172,180,181,182,191,192,193,194,202,203,204,212,213,214,215,223,224,225,233,234,235,236,237,245,246,247,254,255,256,257,258,267,268,269,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,344,359,360,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,475,476,477,478,479,494 +8359 - 56,57,58,59,60,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,147,148,149,150,151,162,163,164,165,168,169,170,171,172,173,184,185,186,189,190,191,192,193,194,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,363,364,365,378,379,380,381,384,385,386,387,399,400,401,402,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +8360 - 47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,120,121,122,123,124,125,133,134,135,136,137,145,146,147,157,158,166,167,168,169,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,300,301,302,303,304,313,323,324,325,326,346,347,348,349,368,369,370,371,378,379,389,390,391,392,393,400,401,402,403,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,488 +8361 - 100,101,102,103,104,105,106,117,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,170,171,172,180,181,182,183,184,185,186,192,193,194,201,202,203,204,205,206,213,214,215,216,223,224,225,226,227,235,236,237,245,246,247,248,256,257,258,259,267,268,269,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +8362 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,182,184,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,492 +8363 - 99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,191,192,193,194,195,196,202,203,204,205,206,211,212,213,214,215,216,217,223,224,225,226,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,408,424,425,426,427,428,429,430,445,446,447,448,449,450,466,467,468,469,470,471,494 +8364 - 117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,191,192,193,194,199,200,201,202,213,214,215,235,236,237,256,257,258,259,278,279,280,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,492 +8365 - 79,80,81,82,83,84,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,170,171,172,173,174,184,185,186,190,191,192,193,194,195,196,205,206,207,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,333,334,335,336,337,340,341,342,355,356,357,358,362,363,364,377,378,379,385,386,399,400,401,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +8366 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,316,317,320,321,338,339,342,343,360,361,364,365,366,382,383,386,387,388,404,405,406,408,409,410,426,427,428,430,431,448,449,450,451,452,453,471,472,473,474,475,493 +8367 - 13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,192,205,206,207,208,209,212,213,214,215,227,228,229,230,234,235,236,237,238,248,249,250,251,255,256,257,258,259,260,270,271,272,273,277,278,279,280,281,282,291,292,293,294,298,299,300,301,302,303,313,314,315,316,320,321,322,323,324,325,335,336,337,342,343,344,345,346,357,358,359,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,491 +8368 - 35,36,37,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,168,169,170,171,172,182,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,238,246,247,248,249,250,257,258,259,260,268,269,270,271,272,278,279,280,281,290,291,292,293,294,300,301,302,303,312,313,314,315,321,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,358,359,360,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,485 +8369 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,186,187,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,258,259,260,261,268,269,270,271,279,280,281,282,283,290,291,292,293,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,326,333,334,335,336,342,343,344,345,346,347,355,356,357,358,363,364,365,366,367,368,377,378,379,380,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +8370 - 35,36,56,57,58,77,78,79,99,100,105,106,120,121,122,126,127,128,141,142,143,147,148,149,150,162,163,164,168,169,170,171,184,185,186,189,190,191,192,205,206,207,211,212,213,226,227,228,232,233,234,248,249,250,252,253,254,255,256,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,449,450,489 +8371 - 53,54,55,56,74,75,76,77,78,79,84,85,86,96,97,98,99,100,101,102,104,105,106,107,108,118,119,120,121,123,124,125,126,127,128,129,130,140,141,142,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,338,342,343,344,357,358,359,360,364,365,366,379,380,381,382,387,388,389,401,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +8372 - 32,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,80,81,82,97,98,99,102,103,104,118,119,120,123,124,125,140,141,142,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,443,444,445,446,447,448,487 +8373 - 35,36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +8374 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,80,81,82,94,95,96,97,103,104,105,114,115,116,117,125,126,127,136,137,138,148,149,158,159,170,171,172,192,193,194,214,215,216,229,230,235,236,237,249,250,251,252,253,254,255,257,258,259,270,271,272,273,274,275,276,277,278,279,280,291,292,293,299,300,301,312,313,314,320,321,322,323,333,334,335,341,342,343,344,345,346,355,356,357,362,363,364,367,368,369,377,378,382,383,384,385,390,391,392,399,400,402,403,404,405,406,412,413,414,421,422,423,424,425,426,427,435,436,437,438,444,445,446,457,458,459,487 +8375 - 79,80,81,82,83,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,207,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,248,249,255,256,257,258,267,268,269,270,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +8376 - 7,8,9,29,30,31,50,51,52,53,72,73,74,93,94,95,96,115,116,117,118,136,137,138,139,158,159,160,161,171,172,173,174,179,180,181,182,192,193,194,195,196,201,202,203,204,212,213,214,215,216,217,218,223,224,225,233,234,235,236,237,238,239,240,245,246,247,255,256,257,258,259,260,261,262,267,268,269,276,277,278,279,281,282,283,289,290,291,298,299,300,301,302,303,304,311,312,313,314,319,320,321,322,323,324,325,334,335,336,337,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,491 +8377 - 79,80,81,82,83,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,168,169,170,171,181,182,183,184,185,186,187,190,191,192,193,202,203,204,205,206,207,211,212,213,214,224,225,226,227,228,233,234,235,236,246,247,248,249,253,254,255,256,257,268,269,270,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,471,492 +8378 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,138,139,140,142,146,147,148,160,161,162,167,168,169,183,184,185,186,188,189,190,206,207,208,209,210,211,229,230,231,232,233,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,300,301,302,316,317,318,322,323,324,338,339,345,346,347,360,361,367,368,369,381,382,383,388,389,390,403,404,405,409,410,411,412,425,426,427,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +8379 - 59,60,61,80,81,82,83,84,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,467,468,469,470,486 +8380 - 60,61,82,83,94,95,104,105,116,117,126,127,137,138,139,148,149,159,160,170,171,180,181,182,192,193,201,202,203,213,214,215,222,223,224,225,226,227,228,229,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,273,274,275,276,277,278,279,280,281,287,288,299,300,301,322,323,343,344,345,365,366,367,387,388,408,409,430,431,452,453,474,475,489 +8381 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,126,127,128,147,148,149,150,167,168,169,170,171,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,299,300,301,302,320,321,322,323,324,330,340,341,342,343,344,345,352,353,354,355,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,447,448,488 +8382 - 30,31,52,53,74,75,76,97,98,119,120,141,142,143,164,165,186,187,209,231,253,254,275,276,297,298,320,321,342,343,364,365,366,387,388,409,410,431,432,453,454,486 +8383 - 37,38,39,40,41,59,60,61,62,63,79,80,81,82,83,84,85,101,102,103,104,105,106,107,122,123,124,125,126,127,128,143,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,332,335,336,337,338,339,340,341,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,426,444,445,446,447,486 +8384 - 55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,125,126,141,142,143,162,163,164,169,170,171,183,184,185,186,190,191,192,193,194,204,205,206,207,211,212,213,214,215,216,226,227,228,233,234,235,237,238,247,248,249,250,254,255,256,258,259,269,270,271,276,277,280,281,291,292,293,297,298,299,301,302,313,314,315,319,320,321,322,323,335,336,337,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,428,429,430,450,451,452,453,473,474,475,491 +8385 - 14,15,16,36,37,38,39,58,59,60,61,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,212,213,214,215,216,225,226,227,228,229,230,231,233,234,235,236,237,238,246,247,248,249,250,251,252,255,256,257,258,259,268,269,270,271,272,273,277,278,279,280,281,289,290,291,292,293,294,298,299,300,301,302,303,310,311,312,313,314,315,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,485 +8386 - 75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,107,108,114,115,116,117,118,119,124,125,126,128,129,130,135,136,137,138,139,147,148,149,150,151,152,157,158,159,169,170,171,172,173,179,180,181,182,190,191,192,193,194,201,202,203,204,205,212,213,214,215,224,225,226,227,228,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,317,318,319,320,321,322,323,338,339,340,343,344,345,359,360,361,362,366,367,368,380,381,382,383,388,389,390,402,403,404,409,410,411,424,425,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +8387 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,190,191,192,193,204,205,206,207,208,212,213,214,215,225,226,227,228,229,235,236,237,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,291,292,293,294,301,302,303,304,312,313,314,315,322,323,324,325,326,334,335,336,337,338,344,345,346,347,348,357,358,359,360,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +8388 - 38,39,59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +8389 - 75,76,83,84,85,96,97,98,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,214,215,216,217,221,222,223,224,225,226,227,228,229,230,234,235,236,237,238,239,243,244,245,246,247,248,249,255,256,257,258,259,260,265,266,267,268,269,270,276,277,278,279,280,281,288,289,290,297,298,299,300,301,302,318,319,320,321,322,323,338,339,340,341,342,343,344,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,492 +8390 - 68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,369,370,371,372,382,383,384,385,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,487 +8391 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,144,145,146,147,148,149,150,151,162,163,164,165,166,167,169,170,171,172,173,184,185,186,187,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,363,364,365,366,378,379,380,381,382,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +8392 - 51,52,53,54,55,56,57,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,180,181,182,183,184,185,202,203,204,205,206,223,224,225,226,227,228,229,245,246,247,248,249,250,251,252,253,254,267,268,269,270,271,272,273,274,275,276,277,290,291,294,295,296,297,298,299,300,317,318,319,320,321,322,323,324,335,336,341,342,343,344,345,346,347,357,358,359,364,365,366,367,368,369,370,379,380,381,382,383,384,388,389,390,391,392,401,402,403,404,405,406,407,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,479,490 +8393 - 77,78,79,80,97,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,145,146,147,162,163,164,166,167,168,169,183,184,185,188,189,190,205,206,207,210,211,212,213,226,227,228,232,233,234,235,249,250,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +8394 - 34,35,36,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +8395 - 30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,104,105,106,107,125,126,127,128,129,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,300,301,302,322,323,324,344,345,346,355,365,366,367,368,376,377,378,385,386,387,388,389,390,398,399,400,401,402,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +8396 - 91,92,93,94,95,96,97,111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,155,156,157,158,159,161,162,163,164,165,166,167,180,186,187,188,189,190,209,210,211,212,213,232,233,234,235,236,254,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,452,453,454,455,474,475,476,492 +8397 - 33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,104,117,118,119,120,127,128,129,130,139,140,141,142,148,149,150,151,152,162,163,169,170,171,172,173,184,185,186,190,191,192,193,194,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,342,343,344,357,358,359,360,361,364,365,366,367,379,380,381,382,386,387,388,389,401,402,403,404,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +8398 - 9,10,11,30,31,32,52,53,54,73,74,75,95,96,97,117,118,119,138,139,140,160,161,162,169,170,171,182,183,184,189,190,191,192,193,194,204,205,206,210,211,212,213,214,215,216,217,226,227,228,232,233,234,235,238,239,248,249,250,253,254,255,256,260,261,270,271,272,274,275,276,277,282,283,292,293,294,295,296,297,298,303,304,305,314,315,316,317,318,319,324,325,326,337,338,339,340,345,346,347,348,359,360,361,362,363,365,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +8399 - 59,60,81,82,83,103,104,105,106,118,119,120,125,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,233,234,235,236,245,246,247,248,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,469,470,471,489 +8400 - 51,61,62,72,73,82,83,94,95,104,105,116,117,125,126,127,138,139,147,148,159,160,168,169,170,181,182,190,191,192,203,204,212,213,225,226,233,234,235,247,248,255,256,269,270,275,276,277,278,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,337,338,339,340,341,342,363,364,385,386,406,407,428,429,450,451,472,489 +8401 - 97,98,99,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,190,191,192,204,205,206,207,212,213,214,227,228,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +8402 - 56,57,58,78,79,80,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,362,363,383,384,385,405,406,407,427,428,449,450,471,472,486 +8403 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,103,104,105,106,125,126,127,128,146,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,343,344,345,354,355,356,357,358,359,360,365,366,367,376,377,378,379,380,387,388,389,398,399,400,408,409,410,411,430,431,432,433,452,453,454,487 +8404 - 75,76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,160,161,162,163,167,168,169,170,182,183,184,188,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,232,233,234,247,248,249,253,254,255,256,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +8405 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,278,279,280,300,301,302,308,309,320,321,322,323,324,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,488 +8406 - 50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,100,101,102,103,116,124,125,145,146,147,167,168,169,187,188,189,190,191,207,208,209,210,211,229,230,231,232,253,254,255,256,276,277,278,299,300,301,321,322,323,343,344,345,365,366,367,381,382,383,386,387,388,402,403,404,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,469,470,471,472,488 +8407 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,245,246,247,248,249,255,256,257,258,259,260,261,267,268,269,270,275,276,277,278,279,280,281,282,283,289,290,291,292,296,297,298,299,300,301,302,303,304,305,306,311,312,313,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +8408 - 97,98,99,103,104,105,118,119,120,121,122,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,186,187,188,189,190,191,192,203,204,205,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,268,269,270,271,272,273,274,277,278,279,290,291,292,293,294,295,299,300,301,313,314,315,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,451,452,453,473,474,475,494 +8409 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,138,139,140,141,142,143,147,148,149,150,160,161,162,164,169,170,171,172,181,182,183,184,190,191,192,193,194,204,205,212,213,214,215,216,226,227,228,229,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,494 +8410 - 15,16,17,36,37,38,57,58,59,78,79,80,100,101,121,122,123,142,143,144,164,165,185,186,187,206,207,208,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,299,300,301,314,315,316,317,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,381,382,383,384,385,386,404,405,406,491 +8411 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,101,104,105,106,107,120,121,122,127,128,129,149,150,151,170,171,172,173,192,193,194,195,213,214,215,216,217,226,227,228,229,230,231,232,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,330,331,332,333,334,335,336,337,338,339,340,341,344,345,346,352,353,354,355,356,357,358,359,360,361,366,367,368,374,375,376,377,378,379,380,381,388,389,390,391,397,398,399,411,412,413,487 +8412 - 33,53,54,55,75,76,77,97,98,106,107,118,119,120,128,129,139,140,141,149,150,151,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,203,204,205,213,214,215,224,225,226,235,236,237,246,247,248,256,257,258,268,269,270,271,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,338,341,342,343,344,362,363,364,365,384,385,386,406,407,408,428,429,430,431,450,451,452,489 +8413 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,149,150,151,163,164,165,170,171,172,173,192,193,194,195,213,214,215,216,217,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,352,353,354,355,356,357,358,359,360,361,362,368,369,370,374,375,376,377,378,379,380,381,382,390,391,392,397,398,399,400,401,412,413,414,415,435,436,437,487 +8414 - 38,39,40,41,49,50,57,58,59,60,61,62,71,72,77,78,79,80,81,82,83,93,94,97,98,99,100,101,102,114,115,116,118,119,120,121,122,136,137,138,140,141,142,158,159,160,164,180,181,182,202,203,204,224,225,226,230,231,232,233,234,235,246,247,248,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,278,279,280,281,291,292,293,294,295,301,302,303,304,314,315,324,325,326,327,337,347,348,349,359,360,369,370,371,381,382,383,384,390,391,392,393,404,405,406,407,408,410,411,412,413,414,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,490 +8415 - 61,62,82,83,84,104,105,106,125,126,127,128,140,141,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,203,204,205,206,207,210,211,212,213,225,226,227,228,229,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,489 +8416 - 98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,189,190,191,192,204,205,206,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +8417 - 34,35,36,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,137,138,139,140,141,142,143,158,159,160,161,162,163,164,179,180,181,182,183,184,194,201,202,203,204,205,214,215,216,217,218,222,223,224,225,226,234,235,236,237,238,239,240,241,244,245,246,247,255,256,257,258,259,260,261,262,263,266,267,268,269,276,277,278,279,280,281,282,283,284,285,288,289,290,298,299,300,301,302,303,304,305,306,310,311,312,320,321,322,323,324,325,326,327,332,333,334,335,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,491 +8418 - 35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +8419 - 104,105,106,107,108,109,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,184,185,186,187,188,189,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,253,254,255,256,257,258,267,268,269,270,278,279,280,289,290,291,292,293,294,295,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,490 +8420 - 11,12,13,14,33,34,35,36,54,55,56,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,299,300,301,302,314,315,316,317,318,319,321,322,323,324,336,337,338,339,340,343,344,345,346,358,359,360,361,362,364,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,491 +8421 - 100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,182,183,184,185,186,187,203,204,205,206,207,208,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,296,297,298,299,300,311,312,313,321,322,323,333,334,335,344,345,355,356,357,358,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,490 +8422 - 31,32,33,52,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,210,230,231,232,253,254,275,276,297,298,319,320,341,342,343,363,364,365,385,386,387,408,409,430,431,432,452,453,454,486 +8423 - 38,39,59,60,61,62,80,81,82,83,84,102,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +8424 - 74,75,76,77,78,95,96,97,98,99,100,115,116,117,118,119,122,123,137,138,139,140,144,145,146,158,159,160,167,168,180,181,182,191,192,202,203,204,213,214,215,224,225,226,235,236,247,256,257,258,269,270,271,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,323,324,338,339,340,341,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +8425 - 48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,126,127,128,129,148,149,150,151,169,170,171,172,173,189,190,191,192,193,194,195,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,302,303,304,314,315,316,317,324,325,326,346,347,348,349,366,367,368,369,370,375,376,386,387,388,389,390,391,392,396,397,398,404,405,406,407,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,454,464,465,466,467,468,469,470,471,472,473,474,488 +8426 - 52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,139,140,141,142,160,161,162,163,164,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,278,279,280,281,300,301,302,303,323,324,325,326,335,336,337,345,346,347,348,357,358,359,366,367,368,369,370,379,380,381,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +8427 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,150,161,162,163,170,171,172,190,191,192,193,194,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,286,287,296,297,301,302,303,308,309,320,321,322,323,324,325,330,331,332,333,334,335,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,488 +8428 - 9,10,11,12,13,14,35,36,56,57,58,78,79,80,100,101,121,122,123,143,144,165,166,186,187,188,208,209,210,230,231,251,252,253,273,274,275,295,296,316,317,318,338,339,340,341,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,385,386,387,388,389,390,391,403,404,405,409,410,487 +8429 - 75,76,77,97,98,99,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,191,192,193,203,204,205,206,207,208,209,212,213,214,215,224,225,226,227,228,229,230,234,235,236,237,245,246,247,248,249,250,255,256,257,258,267,268,269,270,271,276,277,278,279,289,290,291,292,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,492 +8430 - 58,59,60,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,403,404,405,424,425,426,427,447,448,449,469,470,471,472,486 +8431 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,125,126,127,128,129,141,142,143,147,148,149,150,151,163,164,165,168,169,170,171,172,185,186,187,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,360,363,364,365,378,379,380,381,382,385,386,387,400,401,402,403,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +8432 - 54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,164,165,167,168,169,183,184,185,189,190,191,204,205,206,207,210,211,212,226,227,228,232,233,234,248,249,250,251,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,299,300,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,360,361,362,366,367,368,369,382,383,384,388,389,390,391,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +8433 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,104,105,106,107,127,128,129,149,150,151,171,172,173,192,193,194,195,214,215,216,228,235,236,237,238,248,249,250,251,252,253,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,317,318,319,320,321,322,332,333,334,335,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,364,365,366,367,375,376,377,378,379,380,381,382,387,388,389,398,399,400,401,409,410,411,431,432,433,454,455,487 +8434 - 54,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,120,121,141,142,143,163,164,165,185,186,187,206,207,208,228,229,230,250,251,252,253,254,255,273,274,275,276,277,278,299,300,321,322,334,342,343,344,356,357,364,365,366,378,379,380,385,386,387,400,401,402,406,407,408,409,423,424,425,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,490 +8435 - 80,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,147,148,149,150,162,163,164,165,166,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,233,234,235,256,257,258,266,267,268,278,279,280,288,289,290,291,292,293,294,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,401,402,403,404,490 +8436 - 92,93,94,95,96,97,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,193,209,210,211,212,213,214,215,233,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +8437 - 98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,170,171,172,181,182,183,184,185,186,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +8438 - 72,73,74,94,95,96,115,116,117,118,124,125,137,138,139,140,145,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,203,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,489 +8439 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,140,141,142,143,144,149,150,151,161,162,163,164,170,171,172,183,184,185,192,193,204,205,206,226,227,228,234,235,247,248,249,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,445,446,447,466,467,468,469,494 +8440 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,127,138,139,140,141,146,147,148,149,159,160,161,162,163,169,170,171,181,182,183,184,191,192,193,203,204,205,212,213,214,225,226,227,234,235,236,246,247,248,249,255,256,257,269,270,271,277,278,279,291,292,293,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,360,361,362,363,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +8441 - 56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,124,125,126,127,128,129,140,141,142,146,147,148,149,150,151,162,163,164,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,228,229,230,231,232,233,249,250,251,252,253,270,271,272,273,274,291,292,293,294,295,296,297,313,314,315,317,318,319,334,335,336,337,339,340,341,342,356,357,358,362,363,364,378,379,380,384,385,386,400,401,402,407,408,422,423,424,425,426,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +8442 - 118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,188,189,190,191,201,202,203,204,212,213,214,222,223,224,225,229,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,300,301,302,322,323,324,344,345,346,367,368,389,390,411,412,432,433,434,454,455,456,476,477,478,494 +8443 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,98,99,100,104,105,106,126,127,128,147,148,149,150,169,170,171,190,191,192,193,211,212,213,214,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,286,287,288,289,290,291,292,293,294,295,296,297,299,300,301,308,309,310,311,312,313,314,315,316,317,320,321,322,323,330,331,332,333,334,335,336,337,342,343,344,345,352,353,354,355,356,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,451,452,453,487 +8444 - 103,104,105,122,123,124,125,126,127,141,142,143,144,145,146,147,148,154,155,156,157,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,198,199,200,201,202,203,204,205,206,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,321,322,323,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,492 +8445 - 39,40,41,42,60,61,62,63,64,82,83,84,85,86,103,104,105,106,107,124,125,126,127,128,129,145,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,443,444,445,446,486 +8446 - 5,6,7,8,9,26,27,28,29,30,31,32,48,49,52,53,54,55,70,76,77,78,98,99,100,121,122,143,144,145,165,166,167,188,189,210,211,232,233,253,254,255,269,270,271,272,275,276,277,290,291,292,293,294,295,296,297,298,299,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,369,371,372,381,382,383,487 +8447 - 10,11,12,13,14,15,16,17,33,34,35,36,37,38,39,40,59,60,61,62,81,82,83,84,101,102,103,104,105,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,234,235,236,237,257,258,259,279,280,281,289,290,291,292,293,294,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,488 +8448 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,122,123,124,138,139,140,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,249,254,255,256,257,258,268,269,270,271,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,338,339,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,494 +8449 - 98,99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,232,233,234,235,236,247,248,249,250,251,254,255,256,257,258,269,270,271,272,275,276,277,278,279,280,291,292,293,294,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,485 +8450 - 53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,102,119,120,121,122,123,124,125,143,144,145,146,147,148,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,488 +8451 - 32,33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,452,486 +8452 - 32,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +8453 - 29,30,31,32,33,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,168,180,184,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,246,247,248,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,412,413,414,415,416,417,425,426,427,428,429,435,436,437,438,439,449,450,457,458,459,460,461,487 +8454 - 12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,119,120,140,141,142,162,163,164,183,184,185,205,206,226,227,228,248,249,250,270,271,272,293,294,298,299,300,301,302,315,316,318,319,320,321,322,323,324,325,337,338,339,340,341,342,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +8455 - 27,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,143,144,145,146,147,148,160,161,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,278,279,280,281,282,300,301,302,303,304,321,322,323,324,325,326,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,488 +8456 - 34,35,36,56,57,58,59,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,486 +8457 - 71,72,81,82,83,92,93,94,95,96,103,104,105,106,114,115,116,117,118,124,125,126,127,128,136,137,138,139,140,146,147,148,149,150,158,159,160,161,162,168,169,170,171,172,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,206,207,208,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,435,452,453,454,455,456,457,474,475,476,477,478,479,489 +8458 - 31,32,33,52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,253,254,255,271,272,273,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,360,364,365,366,386,387,388,408,409,410,430,431,432,433,453,454,489 +8459 - 84,85,86,105,106,107,108,109,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,174,175,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,333,334,335,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,424,425,426,427,428,429,490 +8460 - 10,11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,52,53,54,55,56,59,60,61,62,73,74,75,76,82,83,84,85,95,96,97,105,106,107,117,118,127,128,129,148,149,150,151,170,171,172,173,192,193,194,214,215,216,235,236,237,256,257,258,259,260,273,274,275,276,277,278,279,280,281,282,283,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,333,334,335,336,338,339,340,341,342,343,354,355,356,357,358,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,405,420,421,422,423,424,425,487 +8461 - 9,10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,164,170,171,172,181,182,183,184,185,186,191,192,193,194,195,203,204,205,206,207,210,211,212,213,214,215,216,217,225,226,227,228,229,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,491 +8462 - 7,8,9,28,29,30,49,50,51,52,70,71,72,73,74,92,93,94,95,113,114,115,116,135,136,137,138,157,158,159,160,179,180,181,182,201,202,203,214,215,216,217,218,223,224,225,234,235,236,237,238,239,240,241,245,246,247,254,255,256,257,258,259,260,261,262,263,267,268,269,270,275,276,277,278,279,280,281,283,284,285,289,290,291,292,296,297,298,299,300,304,305,306,307,311,312,313,314,318,319,320,325,326,327,328,329,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,491 +8463 - 73,74,75,76,77,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,166,167,168,169,170,171,181,182,183,184,188,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,257,269,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,492 +8464 - 56,57,77,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,145,163,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,472,473,474,486 +8465 - 36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,186,187,188,189,190,191,202,203,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +8466 - 71,72,73,85,86,93,94,95,106,107,108,115,116,117,128,129,130,137,138,139,149,150,151,158,159,160,161,171,172,173,178,179,180,181,182,193,194,195,199,200,201,202,203,214,215,216,221,222,223,224,236,237,238,243,244,245,246,247,248,249,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,319,320,321,322,323,324,325,344,345,346,366,367,368,388,389,390,410,411,431,432,433,453,454,455,475,476,477,489 +8467 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,165,166,167,168,169,170,171,172,173,180,181,182,183,184,187,188,189,190,191,192,193,194,195,202,203,204,205,209,210,211,212,213,214,215,216,224,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,476,494 +8468 - 53,54,55,56,73,74,75,76,77,78,94,95,96,97,98,104,114,115,116,117,118,119,124,125,126,127,136,137,138,139,140,146,147,148,149,157,158,159,160,161,168,169,170,171,178,179,180,181,182,189,190,191,192,200,201,202,203,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,432,433,434,435,451,452,453,454,455,456,457,458,474,475,476,477,478,479,480,494 +8469 - 75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,226,227,228,229,230,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,276,277,278,279,280,281,282,283,287,288,289,290,291,292,297,298,299,300,301,302,303,304,309,310,311,312,313,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,485 +8470 - 29,30,31,32,33,51,52,53,54,55,56,76,77,78,79,99,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,253,254,255,257,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,303,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,446,447,487 +8471 - 33,34,35,36,55,56,57,58,59,77,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,451,486 +8472 - 35,36,37,38,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,120,121,122,127,128,129,130,136,137,138,139,142,143,144,150,151,152,153,157,158,159,160,164,165,166,173,174,175,179,180,181,186,187,196,197,200,201,202,203,207,208,209,217,218,219,222,223,224,230,231,239,240,241,244,245,246,252,253,261,262,263,266,267,268,274,275,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,333,334,335,336,346,347,348,349,355,356,357,358,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +8473 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,145,146,147,148,149,167,168,169,170,171,172,189,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,429,430,431,432,433,434,435,443,444,445,446,447,452,453,454,455,456,457,487 +8474 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,102,103,104,114,115,116,125,126,127,137,138,147,148,149,169,170,171,192,193,214,215,235,236,237,257,258,259,279,280,281,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,364,365,366,367,368,369,370,379,380,381,385,386,387,388,390,391,392,401,402,403,404,405,406,407,408,409,413,414,424,425,426,427,428,429,430,447,448,449,450,487 +8475 - 29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,136,143,144,145,146,147,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,300,301,302,303,304,311,312,313,316,317,318,322,323,324,325,326,333,334,335,336,343,344,345,346,347,348,355,356,357,358,359,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +8476 - 69,70,71,91,92,93,94,95,114,115,116,117,118,119,120,121,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,188,189,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,492 +8477 - 60,61,62,82,83,84,85,97,98,104,105,106,107,118,119,120,121,126,127,128,129,138,139,140,141,142,143,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,186,187,191,192,193,194,195,201,202,203,204,205,206,207,212,213,214,215,216,223,224,225,226,227,228,229,230,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,363,364,365,366,367,368,385,386,387,388,389,390,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,476,489 +8478 - 9,10,11,30,31,32,33,34,52,53,54,55,73,74,75,76,77,95,96,97,98,117,118,119,120,138,139,140,141,160,161,162,163,168,182,183,184,187,188,189,190,191,192,193,204,205,206,208,209,210,211,212,213,214,215,216,226,227,228,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,258,259,260,269,270,271,272,273,274,275,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,319,322,323,324,325,336,337,338,339,340,341,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,491 +8479 - 85,86,87,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,205,206,207,208,209,227,228,229,230,248,249,250,251,252,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,335,336,337,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,490 +8480 - 36,37,38,58,59,60,61,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,215,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,487 +8481 - 10,11,12,13,32,33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,205,206,207,208,209,227,228,229,230,231,233,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +8482 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,80,81,82,83,96,97,98,103,104,105,117,118,119,125,126,127,139,140,141,147,148,149,162,163,169,170,184,185,186,191,192,193,194,195,196,206,207,208,213,214,215,216,217,218,229,230,231,233,234,235,236,237,251,252,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,299,314,315,316,317,319,320,321,336,337,338,342,343,357,358,359,364,365,366,379,380,386,387,388,401,402,403,404,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,493 +8483 - 72,73,74,75,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,189,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,227,228,233,234,235,236,237,245,246,247,248,249,254,255,256,257,258,259,267,268,269,270,271,276,277,278,279,280,290,291,292,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +8484 - 52,53,54,55,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,145,146,147,158,159,160,161,166,167,168,169,170,180,181,182,188,189,190,191,192,203,204,210,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,451,452,453,454,455,473,474,475,476,494 +8485 - 36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,148,149,150,159,160,161,162,163,165,166,171,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +8486 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,473,474,475,486 +8487 - 75,76,77,78,79,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,144,145,146,147,148,149,150,158,159,160,161,162,163,166,167,168,169,170,171,172,179,180,181,182,183,188,189,190,191,192,193,194,201,202,203,204,209,210,211,212,213,214,215,216,223,224,225,226,227,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,475,494 +8488 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,150,151,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,201,202,203,204,205,206,207,223,224,225,226,227,228,244,245,246,247,248,249,266,267,268,269,270,271,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,491 +8489 - 75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,214,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,280,281,282,283,284,287,288,289,290,291,292,293,294,295,302,303,304,305,306,309,310,311,312,313,316,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,485 +8490 - 11,12,13,14,31,32,33,34,35,36,37,53,54,57,58,59,60,75,80,81,82,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,212,213,214,227,228,229,230,231,234,235,236,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,274,275,276,277,278,290,291,297,298,299,300,301,311,312,319,320,321,322,323,324,332,333,334,340,341,342,344,345,346,354,355,360,361,362,363,366,367,368,376,377,381,382,383,384,399,400,401,402,403,404,421,422,423,424,487 +8491 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,486 +8492 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,494 +8493 - 5,6,7,8,9,10,11,12,13,26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,145,146,147,148,149,150,167,168,169,170,171,172,183,184,185,186,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,274,275,276,277,278,279,280,287,288,289,290,291,292,296,297,298,299,300,301,302,309,310,311,312,313,318,319,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,487 +8494 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,115,116,121,122,123,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,275,276,277,278,279,299,300,301,302,321,322,323,324,343,344,345,346,366,367,368,387,388,389,390,407,408,409,410,411,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +8495 - 37,38,59,60,61,81,82,83,93,94,95,102,103,104,105,114,115,116,117,118,123,124,125,126,127,136,137,138,139,140,141,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,179,180,181,182,183,184,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,454,489 +8496 - 57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,152,153,161,162,163,164,165,170,171,172,173,174,175,183,184,185,186,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,468,469,470,471,493 +8497 - 9,10,11,31,32,33,34,52,53,54,55,56,74,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,143,161,162,163,164,165,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,259,260,261,262,269,270,271,272,273,274,275,276,280,281,282,283,284,290,291,292,293,294,295,296,297,301,302,303,304,305,312,313,314,315,316,317,318,319,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +8498 - 26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,70,71,73,74,75,76,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,257,258,259,260,261,281,282,283,284,303,304,305,306,326,327,328,347,348,349,350,368,369,370,371,377,378,379,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +8499 - 74,75,76,77,95,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,208,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,233,234,235,236,237,238,239,245,246,247,248,249,250,251,255,256,257,258,259,260,267,268,269,270,271,272,276,277,278,279,280,281,289,290,291,292,293,298,299,300,301,302,311,312,313,314,315,319,320,321,322,323,324,333,334,335,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +8500 - 11,12,13,14,15,32,33,34,35,36,37,54,55,56,58,59,75,76,77,81,96,97,98,99,117,118,119,120,139,140,141,160,161,162,163,182,183,184,203,204,205,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,304,305,306,313,314,315,316,317,318,327,328,336,337,338,349,350,358,359,360,361,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,491 +8501 - 35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,146,147,148,160,161,162,163,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +8502 - 95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,163,166,167,168,177,178,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,322,323,324,326,327,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +8503 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,224,225,226,227,228,229,230,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,476,494 +8504 - 53,54,55,75,76,77,94,95,96,97,98,117,118,119,120,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,194,195,196,204,205,206,216,217,218,219,226,227,228,248,249,250,251,252,253,254,271,272,273,274,275,276,277,298,299,320,321,322,342,343,344,364,365,366,386,387,400,406,407,408,409,422,423,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +8505 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,188,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,321,322,323,324,332,333,334,335,342,343,344,345,346,354,355,356,357,358,364,365,366,367,368,376,377,378,379,380,381,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,488 +8506 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,451,452,472,473,474,486 +8507 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,145,146,147,148,158,159,160,161,162,168,169,170,180,181,182,183,184,185,189,190,191,192,203,204,205,206,207,208,209,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +8508 - 50,51,71,72,73,74,80,93,94,95,96,101,102,103,115,116,117,118,123,124,125,137,138,139,140,145,146,147,158,159,160,161,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,205,206,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,319,320,321,322,323,324,325,326,343,344,345,346,347,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,477,478,489 +8509 - 34,35,36,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,282,289,290,291,292,293,294,298,299,300,301,302,303,304,311,312,313,314,315,316,320,321,322,323,324,325,333,334,335,336,337,340,341,342,343,344,345,346,354,355,356,357,358,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +8510 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,160,161,162,163,169,170,180,181,182,183,190,191,192,193,202,203,204,208,209,210,211,212,213,214,215,216,223,224,225,231,232,233,234,235,236,237,238,245,246,247,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,279,280,281,290,291,292,293,294,295,296,297,298,300,301,302,314,315,316,317,322,323,324,343,344,345,364,365,366,367,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,494 +8511 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,190,191,192,193,194,195,200,201,202,203,204,205,212,213,214,215,216,222,223,224,225,226,227,233,234,235,236,237,238,244,245,246,247,248,249,255,256,257,258,259,266,267,268,269,270,271,276,277,278,279,280,281,289,290,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,475,476,492 +8512 - 35,36,37,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,425,426,427,428,429,448,449,450,486 +8513 - 34,35,36,37,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,113,114,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,486 +8514 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,146,147,148,149,150,157,158,159,160,161,167,168,169,170,171,172,179,180,181,182,188,189,190,191,192,193,194,201,202,203,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,494 +8515 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,213,214,215,216,217,218,224,225,226,227,228,229,230,231,235,236,237,238,239,245,246,247,248,249,250,251,252,253,257,258,259,260,261,267,268,269,270,271,272,273,274,279,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,320,321,322,323,324,325,326,327,332,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +8516 - 105,106,111,112,126,127,128,129,132,133,134,135,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,213,214,215,216,217,220,221,222,223,224,225,226,227,228,229,230,231,236,237,238,239,242,243,244,257,258,259,260,264,265,279,280,281,282,286,287,300,301,302,303,304,308,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,409,410,411,412,431,432,433,434,452,453,454,455,456,474,475,476,477,492 +8517 - 71,72,73,74,75,84,85,92,93,94,95,96,97,98,99,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,206,210,211,212,213,214,215,216,222,223,224,225,226,227,233,234,235,236,237,244,245,246,247,248,249,250,254,255,256,257,258,259,260,266,267,268,269,270,271,276,277,278,279,280,281,288,289,290,291,292,293,298,299,300,301,302,311,312,313,314,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,454,470,471,472,473,474,475,492 +8518 - 76,77,78,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,164,165,182,183,184,185,186,204,205,206,207,226,227,228,233,234,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,339,340,341,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,474,475,494 +8519 - 83,84,85,86,87,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,318,319,320,321,322,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,490 +8520 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,124,125,126,127,140,141,142,143,146,147,148,149,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,248,249,250,251,254,255,256,257,269,270,271,272,277,278,279,290,291,292,293,299,300,301,312,313,314,315,322,323,324,334,335,336,344,345,346,356,357,366,367,368,378,379,387,388,389,390,400,401,402,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +8521 - 62,63,64,65,82,83,84,85,86,87,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,298,299,300,301,312,313,314,320,321,322,323,335,342,343,344,345,356,357,358,363,364,365,366,367,377,378,379,380,381,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,490 +8522 - 28,29,30,31,49,50,51,52,53,70,71,72,77,78,79,80,81,92,93,98,99,100,101,102,103,104,114,115,124,125,126,127,136,137,148,149,158,159,169,170,171,180,181,182,190,191,192,203,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,273,274,275,276,279,280,281,294,295,296,302,303,315,316,317,324,325,336,337,338,346,347,358,359,368,369,380,381,389,390,391,402,403,404,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +8523 - 8,9,10,11,12,30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,122,138,139,140,141,142,143,144,160,161,162,163,164,165,181,182,183,184,185,186,203,204,205,206,207,208,225,226,227,228,229,230,238,247,248,249,250,251,255,256,257,258,259,260,261,262,269,270,271,272,273,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,491 +8524 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,72,73,76,77,78,79,80,100,101,102,103,124,125,145,146,147,166,167,168,186,187,188,189,206,207,208,209,228,229,230,231,251,252,253,254,255,256,276,277,278,279,300,301,302,323,324,325,346,347,367,368,369,387,388,389,390,398,399,400,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +8525 - 77,78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,181,182,183,184,185,188,189,190,191,192,203,204,205,206,209,210,211,212,213,214,225,226,227,228,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +8526 - 11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,94,95,96,97,98,116,117,118,138,139,140,159,160,161,180,181,182,183,202,203,204,223,224,225,226,236,237,245,246,247,248,254,255,256,257,258,259,260,267,268,269,270,274,275,276,277,278,279,280,281,282,283,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,325,326,327,328,334,335,336,337,338,339,340,347,348,349,357,358,359,360,361,362,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +8527 - 30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,168,169,170,171,181,182,183,184,185,186,187,190,191,192,193,203,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,251,257,258,259,260,261,268,269,270,271,272,273,279,280,281,282,283,290,291,292,293,294,295,302,303,304,305,312,313,314,315,316,317,322,323,324,325,326,327,334,335,336,337,338,339,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,485 +8528 - 46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,93,94,100,101,102,121,122,123,141,142,143,144,162,163,164,165,184,185,186,206,207,208,229,230,231,252,253,254,275,276,277,278,298,299,300,301,321,322,323,324,344,345,346,367,368,369,389,390,391,410,411,412,413,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +8529 - 34,35,36,37,56,57,58,59,60,78,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,448,449,450,451,486 +8530 - 33,34,35,55,56,57,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,230,231,252,253,274,275,296,297,318,319,340,341,362,363,364,384,385,386,406,407,408,428,429,430,451,452,486 +8531 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,145,146,147,148,149,150,151,159,160,161,162,163,169,170,171,172,173,174,180,181,182,183,184,185,192,193,194,195,196,202,203,204,205,206,207,215,216,217,218,219,224,225,226,227,228,237,238,239,240,241,246,247,248,249,250,259,260,261,262,263,267,268,269,270,271,272,281,282,283,284,285,289,290,291,292,293,303,304,305,306,307,310,311,312,313,314,315,323,324,325,326,327,328,329,332,333,334,335,336,337,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,485 +8532 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,104,105,106,116,117,118,119,120,126,127,128,137,138,139,140,141,148,149,150,159,160,161,162,170,171,181,182,183,184,203,204,205,225,226,227,234,247,248,249,254,255,256,257,258,269,270,271,274,275,276,277,278,279,280,281,291,292,293,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,324,325,335,336,337,338,339,340,341,346,347,348,358,359,360,361,362,363,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,491 +8533 - 57,58,59,60,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,171,172,173,174,175,181,182,183,184,185,186,187,188,193,194,195,196,197,202,203,204,205,206,207,208,209,210,211,212,215,216,217,218,219,223,224,225,226,227,228,237,238,239,240,241,245,246,247,248,249,259,260,261,262,263,267,268,269,270,271,280,281,282,283,284,285,288,289,290,291,292,293,302,303,304,305,306,310,311,312,313,314,315,322,323,324,325,326,327,332,333,334,335,336,337,343,344,345,346,347,348,354,355,356,357,358,359,360,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +8534 - 69,70,71,90,91,92,93,94,104,112,113,114,115,116,125,126,127,134,135,136,137,138,146,147,148,149,150,156,157,158,159,160,167,168,169,170,171,172,173,178,179,180,181,182,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,489 +8535 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,104,105,106,115,116,117,118,119,120,121,122,126,127,128,137,138,139,140,141,148,149,159,160,161,162,166,167,181,182,183,184,187,188,189,190,203,204,205,206,209,210,211,212,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,493 +8536 - 13,14,15,36,37,54,55,56,58,59,60,75,76,77,78,81,82,97,98,99,103,104,105,118,119,120,125,126,140,141,146,147,148,162,163,164,167,168,169,170,184,185,186,188,189,190,191,206,207,208,210,211,212,229,230,231,232,233,252,253,254,272,273,274,275,276,293,294,295,296,297,298,299,314,315,316,317,320,321,322,335,336,337,338,342,343,344,356,357,358,365,366,367,379,380,381,386,387,388,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,493 +8537 - 49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,272,273,278,279,280,281,282,300,301,302,303,304,323,324,325,326,345,346,347,348,356,357,367,368,369,370,377,378,379,380,381,388,389,390,391,392,399,400,401,402,403,404,405,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,488 +8538 - 33,34,35,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +8539 - 61,62,63,82,83,84,85,104,105,106,107,115,116,117,118,126,127,128,129,137,138,139,140,141,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,202,203,204,205,206,213,214,215,216,224,225,226,227,228,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,342,343,344,345,346,354,355,356,357,358,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,489 +8540 - 53,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,167,168,169,182,183,184,185,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,248,249,255,256,257,269,270,271,277,278,279,291,292,293,299,300,301,313,314,315,321,322,323,335,336,337,342,343,344,357,358,359,364,365,366,379,380,381,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,470,471,472,473,485 +8541 - 30,31,32,33,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,122,123,124,125,126,139,140,145,146,147,148,166,167,168,169,170,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,300,301,302,303,312,313,314,322,323,324,325,334,335,336,337,343,344,345,346,347,355,356,357,358,359,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +8542 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +8543 - 53,54,55,56,57,75,76,77,78,79,83,84,97,98,99,100,101,105,106,119,120,121,122,123,127,128,141,142,143,144,145,149,150,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,469,470,471,472,486 +8544 - 50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,126,127,128,146,147,148,149,150,165,166,167,168,169,170,171,186,187,188,189,190,191,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,255,256,273,274,275,276,277,278,298,299,300,301,321,322,323,324,344,345,346,365,366,367,368,377,378,387,388,389,399,400,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +8545 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,186,187,191,192,193,194,195,196,202,203,204,205,206,207,208,209,214,215,216,217,218,223,224,225,226,227,228,229,236,237,238,239,240,245,246,247,248,249,250,258,259,260,261,262,266,267,268,269,270,271,272,279,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,310,311,312,313,314,321,322,323,324,325,326,327,331,332,333,334,335,336,341,342,343,344,345,346,347,348,353,354,355,356,357,358,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,485 +8546 - 12,13,33,34,35,36,54,55,56,57,75,76,77,78,79,96,97,98,99,100,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,303,304,305,306,312,313,314,315,316,317,318,324,325,326,327,328,335,336,337,338,339,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,491 +8547 - 76,77,78,79,80,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,172,182,183,184,185,186,189,190,191,192,193,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +8548 - 81,82,83,84,85,86,95,96,97,98,99,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,190,203,204,205,206,207,208,209,227,228,229,230,231,232,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,322,323,324,345,346,347,367,368,369,378,379,389,390,391,400,401,411,412,413,422,423,432,433,434,435,444,445,446,447,448,449,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,490 +8549 - 84,85,86,87,104,105,106,107,108,109,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,226,227,228,229,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,290,291,292,293,294,295,296,297,298,313,314,318,319,320,340,341,342,354,355,356,357,362,363,364,376,377,378,379,380,381,383,384,385,386,400,401,402,403,404,405,406,407,424,425,426,427,428,429,447,448,449,490 +8550 - 32,33,34,54,55,56,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +8551 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,146,147,148,149,150,159,160,167,168,169,170,171,172,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,322,323,324,325,326,344,345,346,347,348,366,367,368,369,370,377,378,379,388,389,390,391,392,398,399,400,401,402,403,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,488 +8552 - 96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,162,163,164,165,166,167,168,178,179,180,181,182,183,184,185,186,187,188,189,190,200,201,202,203,204,205,207,208,209,210,211,212,223,228,229,230,231,232,233,234,239,240,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,487 +8553 - 35,36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,115,116,117,123,124,125,126,127,136,137,138,139,140,145,146,147,148,149,158,159,160,161,162,163,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,489 +8554 - 25,26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,117,118,119,120,121,122,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,253,254,255,256,257,258,259,260,277,278,279,280,281,282,283,300,301,302,303,304,305,322,323,324,325,326,327,343,344,345,346,347,348,349,364,365,366,367,368,369,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,488 +8555 - 75,76,77,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,187,188,189,190,191,192,193,203,204,205,206,207,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,472,494 +8556 - 73,74,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,140,141,142,145,146,147,148,168,169,170,188,189,190,191,192,205,206,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,296,297,298,299,318,319,320,339,340,341,361,362,363,383,384,404,405,406,426,427,428,447,448,449,450,469,470,471,472,492 +8557 - 28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,122,123,124,125,126,143,144,145,146,147,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,250,251,255,256,257,258,259,277,278,279,280,281,299,300,301,302,303,310,311,321,322,323,324,325,331,332,333,334,342,343,344,345,346,347,353,354,355,356,357,363,364,365,366,367,368,376,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +8558 - 105,106,126,127,128,141,142,143,144,145,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,190,191,192,203,204,205,206,210,211,212,213,214,225,226,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,469,470,471,494 +8559 - 93,94,95,96,97,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,211,212,213,214,215,224,225,226,227,228,233,234,235,236,237,246,247,248,249,250,255,256,257,258,259,268,269,270,271,277,278,279,280,290,291,292,293,298,299,300,301,302,312,313,314,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +8560 - 54,55,56,76,77,78,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,188,189,190,205,206,207,210,211,212,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,298,299,300,320,321,322,342,343,344,345,365,366,367,387,388,389,409,410,411,432,433,434,454,455,456,476,477,478,489 +8561 - 8,9,10,11,12,30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,160,161,162,163,164,181,182,183,184,185,190,191,192,193,194,195,203,204,205,206,207,210,211,212,213,214,215,216,217,225,226,227,228,229,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +8562 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,167,168,169,181,182,188,189,190,210,211,212,232,233,234,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,317,318,319,320,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,492 +8563 - 75,76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,167,168,169,170,171,172,182,183,184,185,189,190,191,192,193,194,203,204,205,206,207,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,474,494 +8564 - 10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,120,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,409,410,411,412,413,414,415,416,417,423,424,425,436,437,438,487 +8565 - 7,10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,124,125,126,127,128,146,147,148,149,150,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,309,310,311,312,313,314,315,316,320,321,322,323,324,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,487 +8566 - 97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,169,170,171,172,176,177,178,182,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,281,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,455,473,474,475,476,492 +8567 - 16,17,18,37,38,39,40,59,60,61,62,81,82,83,84,103,104,105,106,115,124,125,126,127,128,136,137,138,146,147,148,149,150,157,158,159,160,168,169,170,171,172,179,180,181,182,189,190,191,192,193,194,200,201,202,203,204,211,212,213,214,215,216,221,222,223,224,225,226,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,489 +8568 - 51,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,122,123,124,143,144,145,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,228,229,230,232,233,234,235,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,382,383,387,388,389,403,404,405,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,488 +8569 - 63,64,65,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,143,144,145,146,147,148,165,166,167,168,184,185,186,187,188,189,190,191,205,206,207,208,209,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,311,312,319,320,321,322,333,334,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,425,426,427,490 +8570 - 50,51,52,72,73,74,82,83,93,94,95,96,103,104,105,115,116,117,125,126,127,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,258,268,269,270,271,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,361,362,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,475,476,477,489 +8571 - 95,96,97,98,116,117,118,119,120,121,122,123,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,228,233,234,235,236,237,238,246,247,248,249,255,256,257,258,259,270,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +8572 - 117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,168,169,170,179,180,181,191,192,193,213,214,215,235,236,237,257,258,278,279,280,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,492 +8573 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,121,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,387,388,389,390,391,392,393,399,400,401,402,403,410,411,412,413,414,415,416,433,434,435,436,437,438,456,457,458,459,487 +8574 - 56,57,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +8575 - 33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,387,403,404,405,406,407,409,425,426,427,428,429,447,448,449,450,451,486 +8576 - 93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,192,193,194,195,213,214,215,216,217,234,235,236,237,238,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +8577 - 9,10,11,12,13,31,32,33,34,35,53,54,55,56,74,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,186,204,205,206,207,214,226,227,228,229,232,233,234,235,236,237,247,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +8578 - 56,57,58,77,78,79,99,100,101,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,452,472,473,486 +8579 - 58,59,60,61,80,81,82,83,102,103,104,105,116,117,124,125,126,127,138,139,140,146,147,148,149,160,161,162,167,168,169,170,171,182,183,184,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,228,232,233,234,235,247,248,249,250,251,252,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,474,489 +8580 - 51,52,53,73,74,75,94,95,96,97,115,116,117,118,119,126,127,128,137,138,139,140,147,148,149,150,151,158,159,160,161,162,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,213,214,215,216,217,223,224,225,226,227,234,235,236,237,238,245,246,247,248,249,255,256,257,258,259,267,268,269,270,271,275,276,277,278,279,280,281,289,290,291,292,293,294,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,343,344,345,346,357,358,359,360,361,363,365,366,367,387,388,389,409,410,411,431,432,433,453,454,475,476,489 +8581 - 78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +8582 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,115,116,117,118,121,122,123,138,139,140,143,144,145,146,165,166,167,168,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,277,285,295,296,297,298,306,307,317,318,319,325,326,327,328,329,338,339,340,341,345,346,347,348,349,350,359,360,361,362,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,447,448,449,450,451,487 +8583 - 59,60,61,62,67,74,75,81,82,83,84,85,95,96,97,98,102,103,104,105,106,107,116,117,118,119,120,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,158,159,160,161,162,163,167,168,169,170,171,179,180,181,182,183,184,189,190,191,192,193,201,202,203,204,205,206,207,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,319,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,489 +8584 - 32,33,34,35,36,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,80,81,82,94,95,96,97,102,103,104,115,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,259,260,261,267,268,269,270,271,272,273,282,283,284,289,290,291,292,293,304,305,306,311,312,313,314,315,326,327,328,333,334,335,337,338,348,349,350,355,356,357,370,371,372,377,378,379,391,392,393,399,400,401,402,411,412,413,414,415,422,423,424,425,426,427,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,493 +8585 - 78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,194,203,204,205,206,207,212,213,214,215,216,224,225,226,227,228,229,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,473,494 +8586 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,188,189,190,191,192,193,194,195,199,200,201,202,203,210,211,212,213,214,215,216,217,218,221,222,223,224,225,231,232,233,234,235,236,237,238,239,240,243,244,245,246,247,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,324,325,326,327,328,332,333,334,335,336,337,338,339,340,346,347,348,349,350,354,355,356,357,358,359,360,361,368,369,370,371,372,377,378,379,380,381,382,390,391,392,393,394,399,400,401,402,403,412,413,414,415,416,434,435,436,437,438,457,458,459,460,480,481,482,494 +8587 - 59,60,61,62,73,74,75,80,81,82,83,84,85,94,95,96,97,98,102,103,104,105,106,116,117,118,119,120,123,124,125,126,127,137,138,139,140,141,145,146,147,148,159,160,161,162,163,166,167,168,169,170,181,182,183,184,188,189,190,191,192,202,203,204,205,206,210,211,212,213,223,224,225,226,227,228,229,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,338,339,340,341,342,343,344,345,346,347,348,349,361,362,363,364,365,366,367,368,369,382,383,384,385,386,388,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,489 +8588 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,272,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,470,471,472,486 +8589 - 36,37,38,39,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,486 +8590 - 7,8,9,29,30,31,51,52,53,73,74,75,95,96,117,118,138,139,140,160,161,162,182,183,184,189,190,191,192,193,194,204,205,206,209,210,211,212,213,214,215,216,226,227,230,231,232,233,234,235,236,237,238,239,248,249,251,252,253,254,255,256,259,260,261,270,271,272,273,274,275,276,281,282,283,292,293,294,295,296,297,302,303,304,314,315,316,317,318,323,324,325,326,336,337,338,339,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +8591 - 12,13,14,15,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,96,97,98,99,101,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,294,295,296,297,298,299,300,301,309,310,311,312,317,318,319,320,321,322,323,324,331,332,333,334,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,387,388,389,390,399,400,401,402,403,404,405,409,410,411,412,422,423,424,431,432,433,487 +8592 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,160,161,162,167,168,169,181,182,183,189,190,191,192,203,204,210,211,212,213,225,226,227,231,232,233,234,235,247,248,249,250,252,253,254,256,257,270,271,272,273,274,275,278,279,293,294,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,431,432,453,454,474,475,476,494 +8593 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,121,122,123,124,125,126,127,145,146,147,148,149,150,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,296,297,298,299,300,301,302,303,310,311,312,313,314,315,319,320,321,322,323,324,325,332,333,334,335,336,341,342,343,344,345,346,347,354,355,356,357,358,362,363,364,365,366,367,368,369,377,378,379,380,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,433,434,435,436,437,487 +8594 - 81,82,83,84,90,91,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,253,254,255,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,432,452,453,454,474,475,476,477,492 +8595 - 32,33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,451,486 +8596 - 113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,157,158,159,164,165,166,167,168,179,180,181,188,189,190,201,202,203,210,211,212,224,225,233,234,235,246,255,256,257,277,278,279,299,300,301,321,322,323,324,344,345,346,366,367,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +8597 - 28,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,297,298,299,300,301,320,321,322,323,324,342,343,344,345,346,347,365,366,367,368,369,377,386,387,388,389,390,391,398,399,400,401,408,409,410,411,412,413,420,421,422,423,424,425,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,488 +8598 - 25,26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,98,99,100,101,102,103,122,123,124,125,126,146,147,148,168,169,170,171,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,306,307,316,317,318,319,320,321,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,444,445,446,487 +8599 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,119,120,121,122,123,124,134,135,136,142,143,144,145,146,147,157,158,165,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,279,290,291,292,293,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,434,435,436,437,438,439,446,447,448,449,450,457,458,459,460,487 +8600 - 55,56,76,77,78,98,99,103,104,119,120,121,124,125,126,141,142,146,147,148,162,163,164,168,169,184,185,189,190,191,206,207,211,212,227,228,229,232,233,234,249,250,251,254,255,271,272,275,276,277,293,294,297,298,315,316,317,318,319,320,337,338,339,340,341,342,362,363,364,365,383,384,385,405,406,427,428,448,449,450,471,472,489 +8601 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,189,190,191,192,193,203,204,205,206,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +8602 - 55,56,57,77,78,79,99,100,101,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,486 +8603 - 61,62,63,82,83,84,85,96,97,98,103,104,105,106,107,116,117,118,119,120,125,126,127,128,129,138,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,172,181,182,183,184,185,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,228,229,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,428,429,430,431,432,450,451,452,453,472,473,474,475,489 +8604 - 72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,146,147,167,168,169,189,190,191,211,212,233,234,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,319,320,341,342,362,363,364,384,385,405,406,407,427,428,429,449,450,470,471,472,492 +8605 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,139,140,145,146,147,148,167,168,169,170,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,304,323,324,325,326,345,346,347,348,365,366,367,368,369,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +8606 - 29,30,31,32,33,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,99,100,101,102,103,114,115,116,117,122,123,124,125,135,136,137,138,143,144,145,146,147,158,159,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,255,256,257,258,259,260,279,280,281,282,283,303,304,305,325,326,327,328,332,333,334,335,336,348,349,350,354,355,356,357,358,370,371,372,377,378,379,380,381,382,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,488 +8607 - 34,35,36,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,102,103,104,105,117,118,119,120,121,125,126,127,128,139,140,141,142,145,146,147,161,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +8608 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,146,147,148,158,159,160,161,168,169,170,180,181,182,191,192,193,202,203,204,213,214,215,224,225,226,227,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,272,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,344,345,346,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +8609 - 9,10,11,12,13,14,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,101,102,103,104,105,106,124,125,126,127,128,146,147,148,149,150,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,237,249,250,251,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,430,431,432,433,434,487 +8610 - 33,34,35,55,56,57,77,78,99,100,121,122,143,144,165,166,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,486 +8611 - 7,8,9,10,11,12,13,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,144,145,146,147,148,149,167,168,169,170,171,189,190,191,192,193,211,212,213,214,215,233,234,235,236,237,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,487 +8612 - 53,54,55,56,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,167,168,169,170,171,172,173,174,175,178,179,180,181,182,183,184,185,191,192,193,194,195,196,197,200,201,202,203,214,215,216,217,222,223,224,225,236,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,336,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,485 +8613 - 7,8,9,10,11,12,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,123,124,125,126,127,144,145,146,147,148,149,167,168,169,170,171,189,190,191,192,193,194,211,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,260,277,278,279,280,281,282,289,290,291,292,293,298,299,300,301,302,303,310,311,312,313,314,315,316,317,321,322,323,324,325,332,333,334,335,336,337,338,339,340,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,404,405,406,407,408,409,410,411,412,418,419,420,421,422,427,428,429,430,431,432,433,434,487 +8614 - 53,54,55,56,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,136,137,138,144,145,146,147,158,159,160,165,166,167,168,169,181,186,187,188,189,190,207,208,209,210,211,227,228,229,230,231,249,250,251,252,269,270,271,272,291,292,293,312,313,314,334,335,336,337,338,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,487 +8615 - 34,35,36,37,38,55,56,57,58,59,60,77,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,486 +8616 - 89,90,91,92,93,94,95,96,97,98,99,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,136,138,140,141,142,143,144,145,146,147,148,167,168,169,170,171,172,191,192,193,194,214,215,216,236,237,238,257,258,259,260,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,492 +8617 - 8,10,11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,121,122,123,124,125,126,127,144,145,146,147,148,149,150,167,168,169,170,171,172,189,190,191,192,193,194,211,212,213,214,215,216,233,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,281,282,299,300,301,302,303,304,320,321,322,323,324,325,326,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,487 +8618 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,125,126,137,138,139,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,189,190,191,192,203,204,205,210,211,212,213,225,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,341,342,343,344,345,358,359,360,364,365,366,367,380,381,382,383,387,388,389,403,404,405,406,410,411,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +8619 - 35,36,37,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,208,209,210,211,212,224,225,226,227,230,231,232,233,234,246,247,248,249,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,493 +8620 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,167,168,169,170,182,183,184,189,190,191,203,204,205,206,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,254,255,256,257,269,270,271,272,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,431,432,433,434,453,454,455,456,476,477,478,494 +8621 - 7,8,9,10,11,29,30,31,32,33,51,52,53,54,73,74,75,76,94,95,96,97,98,116,117,118,119,120,138,139,140,141,159,160,161,162,163,181,182,183,184,185,203,204,205,206,207,214,215,216,225,226,227,228,229,233,234,235,236,237,238,239,247,248,249,250,251,254,255,256,257,258,259,260,261,269,270,271,272,273,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +8622 - 57,58,59,79,80,81,100,101,102,103,104,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,209,211,212,213,223,224,225,226,227,232,233,234,237,238,244,245,246,247,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,319,320,321,325,326,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,472,473,474,475,489 +8623 - 64,65,84,85,86,87,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,184,185,186,187,206,207,208,227,228,229,230,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,319,320,321,322,334,335,336,337,341,342,343,344,355,356,364,365,366,377,378,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,490 +8624 - 97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,180,181,182,183,184,201,202,203,204,205,206,207,208,222,223,224,225,226,227,228,229,230,231,232,233,244,245,246,247,248,249,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,322,323,344,345,346,367,368,389,390,411,412,433,434,455,456,475,476,477,490 +8625 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,450,486 +8626 - 98,99,100,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,165,166,167,168,182,183,184,187,188,189,190,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,276,277,278,293,294,295,298,299,300,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +8627 - 9,10,11,12,13,31,32,33,34,52,53,54,55,56,74,75,76,77,95,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,164,182,183,184,185,203,204,205,206,207,212,213,214,215,216,217,225,226,227,228,229,233,234,235,236,237,238,239,240,246,247,248,249,250,254,255,256,257,258,259,260,261,262,268,269,270,271,272,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,491 +8628 - 8,9,10,11,30,31,32,33,51,52,53,54,72,73,74,75,94,95,96,115,116,117,118,127,128,129,137,138,139,140,148,149,150,151,152,158,159,160,161,169,170,171,172,173,174,175,180,181,182,183,190,191,192,193,196,197,202,203,204,205,212,213,214,218,219,224,225,226,233,234,235,236,240,241,245,246,247,248,254,255,256,257,262,263,267,268,269,270,276,277,278,283,284,285,289,290,291,292,298,299,300,304,305,306,311,312,313,314,315,320,321,322,325,326,327,328,334,335,336,337,338,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,491 +8629 - 96,97,98,99,100,101,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,189,190,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,228,234,235,236,237,238,246,247,248,249,250,255,256,257,258,259,267,268,269,270,271,272,277,278,279,280,281,289,290,291,292,293,298,299,300,301,302,311,312,313,314,315,320,321,322,323,324,334,335,336,342,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,472,473,474,475,476,492 +8630 - 77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,123,124,138,139,140,141,145,146,160,161,162,167,168,169,182,183,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,248,249,255,256,270,271,272,273,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,342,343,344,364,365,386,387,408,409,429,430,431,451,452,453,473,474,475,494 +8631 - 6,7,8,9,10,28,29,30,31,32,33,50,51,52,53,54,55,72,73,74,75,76,77,78,79,96,97,98,99,100,101,120,121,122,123,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,224,225,226,227,228,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,388,389,390,391,392,393,405,406,411,412,413,414,415,416,435,436,437,438,487 +8632 - 49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,146,147,148,161,168,169,170,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,345,346,347,348,349,350,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,466,467,468,469,487 +8633 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +8634 - 53,54,55,75,76,77,96,97,98,99,118,119,120,121,140,141,142,147,161,162,163,168,169,170,183,184,185,190,191,192,204,205,206,207,212,213,214,226,227,228,234,235,236,247,248,249,250,256,257,258,269,270,271,272,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +8635 - 48,49,50,51,52,53,54,55,66,67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,142,143,144,145,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,255,256,257,258,259,260,269,270,271,278,279,280,281,282,283,301,302,303,304,305,324,325,326,327,346,347,348,349,368,369,370,371,381,382,383,384,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +8636 - 13,14,34,35,36,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,163,164,165,185,186,187,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,293,294,300,301,302,315,316,322,323,324,337,338,344,345,346,359,360,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +8637 - 52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,232,233,234,235,236,247,248,249,250,251,254,255,256,257,258,269,270,271,272,276,277,278,279,280,291,292,293,298,299,300,301,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,470,471,472,473,474,492 +8638 - 7,8,28,29,30,49,50,70,71,91,92,93,113,114,115,127,134,135,136,146,147,148,149,150,151,152,156,157,158,167,168,169,170,171,172,173,174,178,179,180,188,189,190,191,195,196,197,200,201,202,210,211,212,218,219,222,223,224,231,232,233,240,241,244,245,246,253,254,255,262,263,266,267,268,275,276,284,285,288,289,290,291,297,298,306,307,311,312,313,319,320,327,328,329,334,335,336,337,341,342,343,348,349,350,357,358,359,360,361,362,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +8639 - 35,38,39,40,41,42,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,271,272,273,274,275,277,278,279,280,281,282,287,288,289,290,291,300,301,302,303,304,309,310,311,312,321,322,323,324,325,326,331,332,333,334,343,344,345,346,347,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,490 +8640 - 34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,103,104,115,116,117,118,125,126,138,139,146,147,167,168,169,189,190,210,211,212,231,232,233,252,253,254,274,275,295,296,297,316,317,318,337,338,339,358,359,360,367,368,369,380,381,382,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,445,446,447,448,449,450,487 +8641 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,189,190,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,234,235,236,237,238,247,248,249,250,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +8642 - 56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,160,161,162,182,183,184,185,205,206,207,208,209,228,229,230,231,232,233,252,253,254,255,256,276,277,278,279,299,300,301,322,323,324,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,411,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +8643 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,278,279,280,281,300,301,302,303,321,322,323,324,325,342,343,344,345,346,347,354,363,364,365,366,367,368,375,376,377,378,384,385,386,387,388,389,397,398,399,400,401,402,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +8644 - 58,59,80,81,101,102,103,123,124,125,136,137,145,146,147,157,158,159,167,168,169,170,179,180,181,189,190,191,192,201,202,203,204,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,489 +8645 - 75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,167,168,169,170,172,173,179,180,181,189,190,191,192,201,202,203,211,212,213,214,223,224,225,226,227,232,233,234,235,236,246,247,248,249,254,255,256,257,268,269,270,271,272,273,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,361,362,363,364,365,366,367,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,493 +8646 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,92,93,94,114,115,116,136,137,138,158,159,160,161,180,181,182,183,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,278,279,280,281,282,292,293,294,301,302,303,304,324,325,326,345,346,347,348,366,367,368,369,370,379,380,381,382,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +8647 - 76,77,78,79,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,215,216,225,226,227,228,229,230,232,233,234,235,236,237,246,247,248,249,250,251,254,255,256,257,258,259,268,269,270,271,272,276,277,278,279,280,290,291,292,293,294,297,298,299,300,301,302,313,314,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,474,492 +8648 - 55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,451,471,472,473,486 +8649 - 64,65,83,84,85,86,87,103,104,105,106,107,108,109,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,184,185,186,187,188,189,205,206,207,208,209,226,227,228,229,230,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,310,311,313,314,315,319,320,321,332,333,334,335,340,341,342,343,354,355,356,357,358,359,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,429,490 +8650 - 49,50,71,72,92,93,94,101,102,114,115,116,123,124,125,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,211,212,213,223,224,225,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,454,455,476,477,478,489 +8651 - 72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,167,168,169,170,171,180,181,182,183,184,189,190,191,192,193,201,202,203,204,205,206,210,211,212,213,214,215,222,223,224,225,226,227,232,233,234,235,236,244,245,246,247,248,249,254,255,256,257,258,267,268,269,270,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,474,492 +8652 - 35,36,56,57,58,78,79,80,99,100,101,121,122,123,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,360,361,362,382,383,384,404,405,406,425,426,427,428,447,448,449,486 +8653 - 11,12,31,32,33,34,35,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,148,149,150,151,152,159,160,161,162,163,164,165,166,170,171,172,173,174,180,181,182,183,184,185,186,192,193,194,195,196,201,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,258,259,260,261,262,265,266,267,268,269,270,280,281,282,283,284,287,288,289,290,291,292,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,327,331,332,333,334,335,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,485 +8654 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,161,162,163,166,167,168,169,170,182,183,184,185,188,189,190,191,192,204,205,206,207,210,211,212,213,214,226,227,228,232,233,234,235,248,249,250,254,255,256,257,269,270,271,276,277,278,291,292,293,297,298,299,300,313,314,315,318,319,320,321,322,335,336,337,339,340,341,342,343,344,358,359,360,361,362,364,365,366,380,381,382,383,386,387,388,408,409,410,430,431,432,452,453,454,475,476,494 +8655 - 96,97,98,99,100,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,165,166,167,168,169,170,171,172,181,182,183,184,188,189,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,227,233,234,235,236,245,246,247,248,249,255,256,257,258,267,268,269,270,277,278,279,280,289,290,291,292,298,299,300,301,311,312,313,314,320,321,322,323,333,334,335,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,492 +8656 - 51,52,53,54,55,56,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,136,137,138,139,140,158,159,160,161,162,166,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,279,280,281,282,283,291,292,293,302,303,304,305,324,325,326,327,345,346,347,348,349,367,368,369,370,371,383,384,385,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,473,474,475,476,477,490 +8657 - 46,58,59,60,79,80,81,82,94,95,96,101,102,103,104,116,117,118,119,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,181,182,183,184,185,189,190,191,192,203,204,205,206,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,489 +8658 - 10,11,12,30,31,32,33,34,52,53,54,56,73,74,75,77,94,95,96,116,117,118,137,138,139,159,160,181,182,191,192,193,194,195,203,204,211,212,213,214,215,216,217,225,226,232,233,234,235,236,237,238,239,240,247,248,253,254,255,256,260,261,262,269,270,274,275,276,277,283,284,291,292,293,295,296,297,298,305,306,313,314,315,316,317,318,319,326,327,335,336,337,338,339,340,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +8659 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,181,182,183,184,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +8660 - 32,33,34,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,389,406,407,408,409,410,411,429,430,431,432,433,452,453,454,455,486 +8661 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,148,149,150,158,159,160,161,162,163,180,181,182,183,184,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,232,233,234,235,247,248,249,250,254,255,256,257,270,271,272,273,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,471,472,473,474,475,493 +8662 - 54,55,56,74,75,76,77,78,79,86,87,95,96,97,98,99,100,106,107,108,109,116,117,118,119,120,121,127,128,129,130,131,137,138,139,140,141,148,149,150,151,152,153,158,159,160,161,168,169,170,171,172,173,180,181,182,183,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,338,342,343,344,357,358,359,364,365,366,379,380,381,386,387,388,401,402,403,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +8663 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,171,190,191,192,193,211,212,213,214,215,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,352,353,364,365,366,367,368,374,375,376,377,386,387,388,389,390,396,397,398,399,400,401,408,409,410,411,412,418,419,420,421,422,423,424,430,431,432,433,434,442,443,444,445,446,447,450,451,452,453,454,455,488 +8664 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,469,470,486 +8665 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,167,168,169,170,171,179,180,181,182,183,189,190,191,192,193,200,201,202,203,204,205,211,212,213,214,215,222,223,224,225,226,233,234,235,236,237,244,245,246,247,248,255,256,257,258,259,266,267,268,269,276,277,278,279,280,281,288,289,290,291,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +8666 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,321,322,323,324,325,333,334,335,336,337,338,342,343,344,345,346,347,355,356,357,358,359,363,364,365,366,367,368,369,377,378,379,380,381,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +8667 - 8,9,10,11,30,31,32,33,52,53,54,55,74,75,76,95,96,97,98,116,117,118,119,120,138,139,140,141,159,160,161,162,163,181,182,183,184,185,191,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +8668 - 25,26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,91,92,93,96,97,113,114,115,135,136,137,157,158,159,160,179,180,181,201,202,203,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,327,347,348,349,350,369,370,371,372,392,393,394,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,438,449,450,451,452,453,454,455,456,457,458,459,490 +8669 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +8670 - 33,34,35,54,55,56,57,76,77,78,79,80,99,100,101,102,121,122,123,124,125,130,131,144,145,146,147,149,150,151,152,166,167,168,169,170,171,172,173,188,189,190,191,192,193,194,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,356,357,358,359,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,447,448,449,450,487 +8671 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,207,211,212,213,214,225,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +8672 - 49,50,51,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,277,278,279,280,281,300,301,302,303,323,324,325,345,346,347,366,367,368,369,381,382,388,389,390,391,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,488 +8673 - 39,40,41,60,61,62,63,82,83,84,85,103,104,105,106,116,117,118,125,126,127,128,137,138,139,140,146,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,184,189,190,191,192,193,202,203,204,205,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,452,489 +8674 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,145,146,147,148,156,157,158,159,160,161,167,168,169,170,171,178,179,180,181,188,189,190,191,192,193,199,200,201,210,211,213,214,215,220,221,222,231,232,233,235,236,237,242,243,244,253,254,255,258,259,264,265,266,274,275,276,280,281,286,287,288,294,295,296,297,302,303,308,309,310,311,312,314,315,316,317,318,324,325,331,332,333,334,335,336,337,338,339,346,347,356,357,358,359,368,369,390,391,412,413,414,434,435,436,437,456,457,458,459,478,479,480,481,494 +8675 - 56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,144,145,146,158,159,160,161,165,166,167,168,180,181,182,187,188,189,190,202,203,204,205,208,209,210,211,225,226,227,228,229,230,231,232,233,241,247,248,249,250,251,252,253,254,263,270,271,272,273,274,275,276,285,294,295,296,297,298,306,307,316,317,318,319,320,321,328,329,337,338,339,340,341,342,343,350,351,359,360,361,362,363,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,410,417,424,425,426,427,428,429,430,431,432,438,439,447,448,449,450,451,452,453,461,470,471,472,473,474,493 +8676 - 50,51,52,71,72,73,74,93,94,95,96,97,98,100,101,102,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,203,204,205,206,225,226,227,228,246,247,248,249,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,346,347,348,349,350,355,356,357,358,368,369,370,371,372,390,391,392,393,394,413,414,415,416,434,435,436,437,438,456,457,458,459,478,479,480,481,490 +8677 - 61,62,63,82,83,84,85,103,104,105,106,107,118,119,125,126,127,128,139,140,141,142,146,147,148,149,161,162,163,168,169,170,171,183,184,185,189,190,191,192,204,205,206,211,212,213,214,225,226,227,228,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,470,471,472,489 +8678 - 27,28,29,49,50,51,52,71,72,73,74,94,95,96,97,117,118,119,139,140,141,161,162,163,164,183,184,185,186,206,207,208,228,229,230,231,251,252,253,273,274,275,276,277,296,297,298,299,319,320,321,322,342,343,344,345,365,366,367,368,387,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,486 +8679 - 36,37,38,39,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +8680 - 52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,99,100,101,102,103,104,105,106,114,115,116,117,120,121,122,123,124,125,126,127,128,135,136,137,138,149,150,151,157,158,159,170,171,172,173,178,179,180,181,191,192,193,194,195,200,201,202,209,210,211,212,213,214,215,216,217,218,222,223,224,229,230,231,232,233,234,235,236,238,239,240,244,245,246,249,250,251,252,253,254,255,256,261,262,263,266,267,268,269,270,271,272,273,274,275,276,283,284,285,288,289,290,291,292,293,294,295,305,306,307,311,312,313,314,315,327,328,329,333,334,335,336,347,348,349,350,356,357,358,367,368,369,370,371,378,379,380,381,382,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,493 +8681 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,170,171,172,173,174,183,184,185,186,187,188,189,192,193,194,195,196,197,204,205,206,207,208,209,210,211,215,216,217,218,219,225,226,227,228,229,230,237,238,239,240,241,246,247,248,249,250,251,259,260,261,262,268,269,270,271,272,273,280,281,282,283,284,290,291,292,293,294,301,302,303,304,305,311,312,313,314,315,321,322,323,324,325,326,332,333,334,335,336,337,342,343,344,345,346,347,348,354,355,356,357,358,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +8682 - 57,58,59,76,77,78,79,80,81,82,83,84,94,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,122,126,127,128,129,130,131,137,138,139,140,141,149,150,151,152,153,157,158,159,160,161,162,171,172,173,174,175,179,180,181,182,183,184,193,194,195,196,197,201,202,203,204,205,214,215,216,217,218,222,223,224,225,226,227,236,237,238,239,240,244,245,246,247,248,249,257,258,259,260,261,262,266,267,268,269,270,271,278,279,280,281,282,283,288,289,290,291,292,293,299,300,301,302,303,304,305,310,311,312,313,314,315,320,321,322,323,324,325,326,332,333,334,335,336,337,341,342,343,344,345,346,347,355,356,357,358,359,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +8683 - 10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,96,97,98,99,117,118,119,120,121,139,140,141,142,143,160,161,162,163,164,165,171,172,173,174,182,183,184,185,186,191,192,193,194,195,196,203,204,205,206,207,211,212,213,214,215,216,217,218,225,226,227,228,232,233,234,235,236,237,238,239,240,246,247,248,249,250,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,274,275,276,277,278,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +8684 - 10,11,12,13,14,30,31,32,33,34,35,36,37,51,52,53,54,55,58,59,60,73,74,75,80,81,82,95,96,103,104,124,125,126,146,147,148,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,254,255,256,257,277,278,279,300,301,302,309,310,322,323,324,331,332,333,334,343,344,345,354,355,356,357,358,359,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,488 +8685 - 10,11,12,32,33,34,53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,123,138,139,140,141,142,160,161,162,163,170,171,172,173,181,182,183,184,185,190,191,192,193,194,195,196,202,203,204,205,206,211,212,213,214,215,216,217,218,224,225,226,227,232,233,234,235,236,237,238,239,240,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,273,274,275,276,277,278,281,282,283,284,289,290,291,292,293,294,295,296,297,298,302,303,304,305,311,312,313,314,315,316,317,318,319,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,491 +8686 - 53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,139,140,141,142,145,146,161,162,163,167,168,183,184,185,186,187,189,190,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,298,299,300,301,316,317,318,321,322,323,338,339,343,344,345,346,360,361,362,365,366,367,368,382,383,384,387,388,389,390,404,405,406,407,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,472,473,474,475,476,493 +8687 - 28,29,34,35,36,37,50,51,52,55,56,57,58,59,60,71,72,73,74,75,77,78,79,80,81,82,83,92,93,94,95,96,97,99,100,101,102,103,104,105,106,114,115,116,117,118,119,121,122,123,124,125,126,127,128,136,137,138,139,140,145,146,147,148,149,150,157,158,159,160,161,162,169,170,171,172,179,180,181,182,183,191,192,193,194,200,201,202,203,204,205,213,214,215,216,217,222,223,224,225,226,235,236,237,238,239,244,245,246,247,257,258,259,260,261,266,267,268,269,279,280,281,282,283,288,289,290,291,300,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,370,376,377,378,379,385,386,387,388,389,390,391,392,398,399,400,401,402,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,485 +8688 - 10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,72,73,74,75,76,94,95,96,115,116,117,118,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,211,212,213,214,223,224,225,226,234,235,236,237,238,245,246,247,248,257,258,259,260,267,268,269,270,281,282,283,290,291,292,293,303,304,305,306,313,314,315,316,326,327,328,335,336,337,338,348,349,350,358,359,360,361,362,363,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,491 +8689 - 33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,407,408,409,425,426,427,428,429,430,431,432,446,447,448,449,450,451,453,454,455,456,486 +8690 - 31,32,33,34,52,53,54,55,56,57,58,75,76,77,78,79,80,96,97,100,101,102,103,104,118,119,120,123,124,125,126,127,141,142,143,146,147,148,149,150,164,165,166,170,171,172,173,187,188,189,192,193,194,195,209,210,211,214,215,216,231,232,233,235,236,237,238,254,255,256,257,258,259,276,277,278,279,280,296,297,298,299,300,301,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,441,442,443,445,446,447,448,493 +8691 - 33,34,35,36,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,138,139,140,141,142,146,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,234,235,236,246,247,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,451,452,453,454,455,456,487 +8692 - 11,12,32,33,34,53,54,55,56,75,76,77,96,97,98,118,119,139,140,141,161,162,163,183,184,189,190,191,192,205,206,210,211,212,213,214,215,226,227,228,232,233,234,235,236,237,248,249,250,253,254,255,258,259,270,271,275,276,277,280,281,292,293,296,297,298,301,302,314,315,316,318,319,323,324,336,337,338,340,341,344,345,346,358,359,360,362,363,366,367,381,382,383,384,385,387,388,403,404,405,406,407,408,409,427,428,429,430,491 +8693 - 56,57,58,59,60,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,159,160,161,162,163,164,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,215,224,225,226,232,233,234,235,236,246,247,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,386,387,388,407,408,409,410,422,429,430,431,432,443,444,449,450,451,452,453,465,466,467,468,469,470,471,472,473,474,475,488 +8694 - 56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,107,108,109,118,119,120,121,122,123,124,125,126,128,129,130,131,140,141,142,143,145,146,147,148,149,150,151,152,153,162,163,164,167,168,169,170,171,172,173,174,175,184,185,186,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,493 +8695 - 28,29,30,31,50,51,52,53,54,64,65,72,73,74,75,76,85,86,87,95,96,97,107,108,109,117,118,119,129,130,131,138,139,140,141,149,150,151,152,160,161,162,163,172,173,174,181,182,183,184,193,194,195,203,204,205,206,215,216,217,218,224,225,226,227,234,235,236,237,238,239,240,246,247,248,249,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,366,367,368,369,377,378,379,387,388,389,390,409,410,411,412,430,431,432,433,434,452,453,454,455,456,489 +8696 - 70,71,72,91,92,93,94,100,101,113,114,115,116,121,122,123,124,135,136,137,138,144,145,146,158,159,160,166,167,168,169,180,181,182,189,190,191,202,203,204,205,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,277,278,279,292,293,294,295,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +8697 - 12,13,14,15,34,35,36,37,38,55,56,57,58,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,187,192,205,206,207,208,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,491 +8698 - 113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,166,167,168,169,178,179,190,191,211,212,213,232,233,234,235,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,319,320,321,334,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,431,451,452,492 +8699 - 79,80,81,82,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,168,169,170,171,181,182,183,184,185,186,190,191,192,202,203,204,205,206,207,212,213,214,224,225,226,227,234,235,236,246,247,248,255,256,257,258,268,269,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +8700 - 7,8,9,10,11,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,70,71,72,76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,232,233,234,235,236,237,256,257,258,259,260,279,280,281,282,302,303,304,323,324,325,326,333,334,344,345,346,347,348,355,356,357,358,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,488 +8701 - 100,101,108,109,120,121,122,123,129,130,131,140,141,142,143,144,145,150,151,152,153,161,162,163,164,165,166,167,171,172,173,174,183,184,185,186,191,192,193,194,195,205,206,207,212,213,214,215,216,226,227,228,232,233,234,235,236,237,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,376,377,378,379,380,381,398,399,400,401,402,420,421,422,423,493 +8702 - 71,72,73,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,148,149,155,156,157,158,159,165,166,167,168,169,170,171,177,178,179,180,189,190,191,192,193,199,200,201,202,211,212,213,214,215,221,222,223,224,233,234,235,236,237,244,245,246,247,255,256,257,258,259,266,267,268,269,270,277,278,279,280,281,288,289,290,291,292,293,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,367,368,369,370,371,389,390,391,392,393,412,413,414,415,434,435,436,437,438,457,458,459,460,480,481,482,494 +8703 - 32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,212,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,258,259,260,267,268,269,270,280,281,282,289,290,291,292,302,303,304,310,311,312,313,323,324,325,326,332,333,334,335,345,346,347,348,354,355,356,357,366,367,368,369,370,376,377,378,386,387,388,389,390,391,398,399,400,406,407,408,409,410,411,412,413,420,421,422,423,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,455,485 +8704 - 56,57,58,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,318,319,320,335,336,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,473,474,486 +8705 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,450,486 +8706 - 75,76,80,81,82,97,98,101,102,103,104,118,119,120,123,124,125,140,141,142,145,146,147,161,162,163,164,167,168,169,183,184,185,186,188,189,190,191,204,205,206,207,208,210,211,212,213,226,227,228,229,230,232,233,234,236,237,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,361,362,363,364,365,384,385,386,406,407,408,427,428,429,430,450,451,452,472,473,474,489 +8707 - 12,13,14,15,16,17,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,103,104,105,106,115,116,117,118,119,120,121,122,125,126,127,137,138,139,140,141,142,143,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,430,431,432,435,487 +8708 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,101,102,116,117,118,123,124,138,139,140,144,145,146,160,161,166,167,187,188,189,208,209,210,229,230,231,250,251,252,253,254,272,273,275,276,277,297,298,299,320,321,322,343,344,365,366,367,381,382,387,388,389,403,409,410,425,426,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,488 +8709 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,172,182,183,184,185,186,187,189,190,191,192,193,194,204,205,206,207,208,211,212,213,214,215,226,227,228,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,400,405,406,407,408,409,421,422,427,428,429,430,443,444,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +8710 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,116,117,118,122,123,124,144,145,164,165,166,167,184,185,186,187,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,300,301,302,303,323,324,325,326,346,347,348,367,368,369,370,380,388,389,390,391,401,402,403,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +8711 - 63,64,65,71,72,73,85,86,87,93,94,95,106,107,108,109,114,115,116,117,126,127,128,129,130,136,137,138,139,148,149,150,151,152,158,159,160,161,169,170,171,172,173,180,181,182,183,191,192,193,194,201,202,203,204,211,212,213,214,215,216,222,223,224,225,226,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,489 +8712 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,96,97,98,117,118,119,120,139,140,141,161,162,163,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,258,259,260,272,273,274,280,281,282,292,293,294,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,345,346,347,348,357,358,359,360,366,367,368,369,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,490 +8713 - 78,79,99,100,101,102,121,122,123,124,128,129,130,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,271,272,273,274,275,276,277,294,295,296,297,298,299,300,318,319,320,321,341,342,343,363,364,365,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,490 +8714 - 52,53,54,55,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,121,122,123,124,125,126,127,128,133,134,135,136,146,147,148,149,150,154,155,156,157,168,169,170,171,172,173,176,177,178,189,190,191,192,193,194,195,198,199,200,201,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,258,259,260,261,267,268,269,270,271,272,273,274,280,281,282,283,302,303,304,305,324,325,326,327,345,346,347,348,349,357,358,359,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,494 +8715 - 16,17,18,37,38,39,40,41,58,59,60,61,62,80,81,82,83,100,101,102,103,104,105,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,226,227,228,229,230,248,249,250,251,252,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,364,365,366,367,377,378,379,380,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,491 +8716 - 67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,145,146,147,148,166,167,168,169,170,186,187,188,189,190,207,208,209,210,211,212,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,299,300,301,302,303,323,324,325,346,347,348,368,369,370,371,390,391,392,393,411,412,413,414,424,425,426,427,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,478,488 +8717 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,169,170,171,181,182,183,184,185,186,190,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,248,255,256,257,258,268,269,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +8718 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,169,170,171,172,173,192,193,194,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,298,299,300,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,492 +8719 - 60,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,125,126,141,142,143,144,145,146,162,163,164,165,166,175,183,184,185,186,187,195,196,197,204,205,206,207,216,217,218,226,227,228,229,234,235,236,237,238,239,248,249,250,251,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,335,336,337,338,339,355,356,357,358,359,360,361,376,377,378,379,380,381,382,383,398,399,400,401,402,403,404,420,421,422,423,424,425,493 +8720 - 9,10,11,12,13,31,32,33,34,35,51,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,99,116,117,118,119,120,121,137,138,139,140,141,159,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,228,229,247,248,249,250,251,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,323,324,325,326,336,337,338,339,340,341,342,345,346,347,348,359,360,361,362,363,364,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,491 +8721 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,160,161,162,163,164,165,166,181,182,183,184,185,186,190,191,192,203,204,205,206,207,211,212,213,214,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,470,471,472,473,474,494 +8722 - 55,56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,102,103,104,105,118,119,120,121,125,126,140,141,142,147,148,162,163,169,170,184,185,186,189,190,191,192,207,208,210,211,212,213,229,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,299,316,317,318,320,321,337,338,339,342,343,344,358,359,360,364,365,366,380,381,382,386,387,388,402,403,407,408,409,424,425,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +8723 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,192,193,194,195,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,236,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,343,344,345,346,347,348,354,355,356,364,365,366,367,368,369,376,377,378,385,386,387,388,389,390,398,399,400,401,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,454,485 +8724 - 32,33,34,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,124,125,126,138,139,140,141,146,147,148,160,161,162,169,170,181,182,183,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,335,336,337,345,346,347,358,359,360,367,368,380,381,382,388,389,390,402,403,404,405,406,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +8725 - 59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,486 +8726 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,206,207,208,228,229,249,250,251,271,272,273,293,294,295,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,363,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +8727 - 15,16,17,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,104,105,106,117,118,119,120,121,122,126,127,128,139,140,141,142,143,148,149,150,161,162,163,164,169,170,171,190,191,192,193,212,213,214,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,432,487 +8728 - 54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,140,141,142,162,163,164,184,185,206,207,228,229,230,232,233,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,301,302,303,323,324,325,344,345,346,365,366,367,368,386,387,388,389,405,406,407,408,409,410,424,425,426,427,428,429,430,431,440,441,442,443,444,445,446,447,448,449,450,451,462,463,464,465,466,467,468,469,470,490 +8729 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,192,193,194,195,196,199,200,201,202,203,204,214,215,216,217,218,221,222,223,224,233,234,235,236,237,238,239,240,243,244,254,255,256,257,258,259,260,275,276,277,278,279,280,281,295,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,361,362,363,383,384,385,405,406,407,426,427,428,429,447,448,449,450,451,464,465,467,468,469,470,471,472,488 +8730 - 12,13,14,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,79,80,81,95,96,97,98,99,102,117,118,119,120,121,124,125,140,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,208,209,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,341,342,343,344,358,359,360,361,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,493 +8731 - 14,15,16,17,18,19,20,35,36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,230,231,232,233,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,310,319,320,321,322,332,333,341,342,343,344,353,354,355,356,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,490 +8732 - 52,53,54,55,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,143,144,145,146,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,205,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,299,300,301,316,317,318,319,321,322,323,338,339,340,344,345,360,361,362,365,366,367,383,384,387,388,389,405,406,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,493 +8733 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,320,321,322,323,324,335,336,337,338,339,343,344,345,346,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,491 +8734 - 98,99,100,101,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,225,226,227,228,229,230,231,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,311,312,318,319,320,321,322,323,333,334,335,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +8735 - 76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,167,168,169,170,171,179,180,181,182,183,184,185,189,190,191,192,193,203,204,211,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,468,469,470,471,472,473,492 +8736 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,137,138,139,144,145,146,147,159,160,161,166,167,168,169,181,182,183,188,189,190,191,203,204,205,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,274,275,277,278,279,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,427,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,494 +8737 - 52,62,63,64,74,75,84,85,86,95,96,97,105,106,107,117,118,119,127,128,129,139,140,148,149,150,160,161,162,169,170,171,182,183,184,191,192,193,204,205,213,214,226,227,234,235,236,247,248,249,256,257,258,259,269,270,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,342,343,344,355,356,357,358,364,365,385,386,387,407,408,409,428,429,430,450,451,452,472,473,489 +8738 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,470,471,486 +8739 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,145,146,147,148,149,150,159,160,161,162,169,170,171,172,181,182,192,193,194,195,202,203,204,214,215,216,217,224,225,226,236,237,238,239,246,247,248,258,259,260,261,268,269,270,280,281,282,283,290,291,301,302,303,304,312,313,322,323,324,325,326,334,335,336,343,344,345,346,347,356,357,358,364,365,366,367,368,378,379,380,385,386,387,388,389,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +8740 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,139,140,141,142,145,146,147,162,163,167,168,169,188,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,432,433,447,448,451,452,453,454,455,487 +8741 - 96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,160,161,162,163,168,169,170,182,183,184,190,191,192,203,204,205,211,212,213,225,226,227,233,234,235,254,255,256,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,492 +8742 - 8,9,10,11,29,30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,77,78,79,95,96,99,100,101,116,117,118,122,123,124,138,139,144,145,146,166,167,168,169,189,190,191,211,212,213,233,234,235,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,320,321,322,323,335,336,337,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,388,389,390,391,392,403,404,405,406,411,412,413,414,434,435,436,487 +8743 - 12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,77,80,81,94,95,96,97,102,103,115,116,117,118,124,125,137,138,139,146,147,159,160,167,168,169,189,190,191,211,212,213,232,233,234,254,255,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,389,390,391,392,393,399,400,401,402,403,404,421,422,423,424,487 +8744 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,78,79,90,91,92,93,94,95,112,113,114,115,116,134,135,136,137,138,139,140,157,158,159,160,161,162,163,164,165,182,183,184,185,186,187,188,189,206,207,208,209,210,211,212,213,214,232,233,234,235,236,237,256,257,258,259,260,280,281,282,283,303,304,305,306,326,327,328,329,348,349,350,351,369,370,371,372,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,490 +8745 - 100,101,102,103,104,121,122,123,124,125,126,142,143,144,146,147,148,163,164,165,168,169,170,184,185,186,188,189,190,191,205,206,207,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,319,320,321,341,342,343,356,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +8746 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,108,109,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,137,138,139,140,145,146,147,148,149,150,151,152,153,159,160,161,167,168,169,170,171,172,173,174,175,181,182,183,184,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,493 +8747 - 73,74,75,95,96,97,117,118,119,127,139,140,148,149,150,160,161,162,169,170,171,172,182,183,184,189,190,191,192,193,194,204,205,206,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,277,278,279,291,292,293,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,489 +8748 - 55,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,325,334,335,336,343,344,345,346,347,356,357,358,359,365,366,367,368,369,377,378,379,380,381,382,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +8749 - 56,57,76,77,78,79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,124,137,138,139,140,141,142,144,145,146,159,160,161,162,163,166,167,168,180,181,182,183,184,188,189,190,202,203,204,209,210,211,224,225,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,387,388,389,390,391,393,394,399,400,487 +8750 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,190,191,192,202,203,204,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,314,315,316,317,318,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,477,478,494 +8751 - 99,100,101,102,103,104,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +8752 - 28,29,49,50,51,52,53,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,141,142,143,144,145,146,147,164,165,166,167,168,169,170,187,188,189,190,191,192,210,211,212,213,214,224,225,226,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,315,316,319,320,321,322,323,324,325,332,333,334,335,337,338,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,414,415,416,487 +8753 - 80,81,82,87,100,101,102,103,104,108,109,121,122,123,124,125,126,129,130,131,143,144,145,146,150,151,152,153,164,165,166,170,171,172,173,174,186,187,188,191,192,193,194,195,208,209,211,212,213,214,215,216,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,443,444,445,446,447,493 +8754 - 56,57,58,59,60,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,146,148,149,150,151,152,159,160,161,162,163,171,172,173,174,175,180,181,182,183,194,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,310,311,312,326,327,328,332,333,334,348,349,350,354,355,356,357,369,370,371,376,377,378,379,380,389,390,391,392,393,398,399,400,401,402,410,411,412,413,414,421,422,423,424,425,426,427,428,429,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,485 +8755 - 94,95,107,108,115,116,117,128,129,130,131,137,138,139,149,150,151,152,153,158,159,160,161,170,171,172,173,174,180,181,182,188,189,190,191,192,193,194,195,196,201,202,203,204,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,277,278,279,280,288,289,290,291,292,293,299,300,301,310,311,312,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,489 +8756 - 25,26,27,28,29,30,31,32,45,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,75,76,77,78,79,90,99,100,101,121,122,123,124,143,144,145,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,279,280,281,282,283,292,303,304,305,313,314,325,326,327,328,335,336,347,348,349,350,357,358,369,370,371,372,379,380,381,382,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,488 +8757 - 99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,167,168,169,170,184,185,186,187,206,207,208,209,228,229,230,231,232,251,252,253,254,274,275,276,277,296,297,298,299,310,318,319,320,321,332,333,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,423,424,425,490 +8758 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,189,190,191,192,201,202,203,204,205,211,212,213,222,223,224,225,226,232,233,234,235,244,245,246,254,255,256,276,277,278,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,492 +8759 - 100,101,102,103,104,106,107,108,109,122,123,124,125,127,128,129,130,131,142,143,144,145,147,148,149,150,151,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,333,334,335,336,338,339,340,341,355,356,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,493 +8760 - 59,60,61,80,81,82,83,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,486 +8761 - 108,109,128,129,130,131,143,144,145,149,150,151,152,153,164,165,166,168,169,170,171,172,173,174,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,228,229,230,231,232,233,234,249,250,251,252,253,254,269,270,271,272,273,274,275,290,291,292,293,295,296,297,311,312,313,314,316,317,318,333,334,335,336,337,338,339,355,356,357,358,359,360,377,378,379,380,381,400,493 +8762 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,120,121,122,123,124,134,135,136,137,140,141,142,143,144,145,158,159,162,163,164,165,166,167,168,169,187,188,189,190,191,211,212,213,214,234,235,236,257,258,259,279,280,281,301,302,303,322,323,324,325,344,345,346,357,358,366,367,368,379,380,387,388,389,390,401,402,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +8763 - 58,59,78,79,80,81,82,83,100,101,102,103,104,105,106,116,117,122,123,124,125,126,127,128,129,137,138,139,145,146,147,148,149,150,151,152,159,160,161,170,171,172,173,174,180,181,182,183,193,194,195,196,201,202,203,204,216,217,218,222,223,224,225,226,237,238,239,240,244,245,246,247,257,258,259,260,261,262,265,266,267,268,278,279,280,281,282,283,287,288,289,290,298,299,300,301,302,303,304,305,309,310,311,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,485 +8764 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +8765 - 79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,146,147,148,149,150,162,163,164,167,168,169,170,171,189,190,191,192,209,210,211,212,229,230,231,232,233,234,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,339,340,341,361,362,363,382,383,384,385,402,403,404,405,406,422,423,424,425,426,427,428,442,443,444,445,446,447,448,464,465,466,467,468,469,488 +8766 - 42,43,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,139,140,141,142,161,162,163,182,183,184,185,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,277,278,279,299,300,301,322,323,334,335,344,345,346,355,356,357,365,366,367,377,378,379,380,381,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,448,449,450,451,490 +8767 - 102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,184,185,186,187,188,205,206,207,208,227,228,229,249,250,251,271,272,273,274,294,295,296,297,311,312,316,317,318,319,333,334,339,340,341,355,356,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,422,423,424,425,490 +8768 - 50,51,60,71,72,73,81,82,83,84,93,94,95,103,104,105,106,114,115,116,117,125,126,127,136,137,138,146,147,148,149,158,159,160,168,169,170,179,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,234,235,236,245,246,247,248,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,344,345,346,366,367,368,388,389,390,409,410,411,412,413,431,432,433,434,435,454,455,456,457,476,477,478,489 +8769 - 54,55,56,64,65,75,76,77,78,85,86,87,96,97,98,99,107,108,109,117,118,119,120,121,128,129,130,131,138,139,140,141,142,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,192,193,194,195,201,202,203,204,205,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,489 +8770 - 14,15,16,17,18,34,35,36,37,38,39,40,55,56,57,58,59,75,76,77,78,79,80,97,98,99,100,117,118,119,120,121,122,139,140,141,142,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,251,252,253,254,255,256,269,270,271,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,336,337,338,339,344,345,346,359,360,361,362,363,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +8771 - 53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,126,127,128,129,136,137,138,139,148,149,150,151,159,169,170,171,172,190,191,192,193,194,210,211,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,336,337,338,339,340,341,342,361,362,363,364,382,383,384,385,386,403,404,405,406,407,423,424,425,426,427,428,440,441,442,443,444,445,446,447,448,449,462,463,464,465,466,467,468,469,470,488 +8772 - 78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,252,253,254,255,256,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,486 +8773 - 58,59,60,61,62,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,126,127,128,140,141,142,143,147,148,149,150,168,169,170,171,188,189,190,191,192,209,210,211,212,213,224,229,230,231,232,233,234,251,252,253,254,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,377,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,464,465,466,467,468,469,488 +8774 - 11,12,13,31,32,33,34,35,36,53,54,55,56,74,75,76,95,96,97,98,117,118,119,138,139,140,141,160,161,162,182,183,184,190,191,192,193,204,205,206,210,211,212,213,214,215,216,217,225,226,227,228,230,231,232,233,234,235,236,237,238,239,247,248,249,251,252,253,254,255,256,260,261,262,269,270,271,272,273,274,275,282,283,292,293,294,295,303,304,305,314,315,316,325,326,327,336,337,338,346,347,348,358,359,360,361,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +8775 - 54,55,56,76,77,78,97,98,99,100,106,107,118,119,120,121,127,128,129,139,140,141,142,149,150,151,160,161,162,163,164,170,171,172,181,182,183,184,185,191,192,193,194,202,203,204,205,206,208,209,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,489 +8776 - 75,76,77,78,79,97,98,99,100,101,118,119,120,138,139,140,141,146,147,160,161,162,167,168,169,181,182,183,188,189,190,191,203,204,205,207,208,209,210,211,212,213,225,226,227,228,229,230,231,233,234,235,248,249,250,251,255,256,257,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,407,408,429,430,451,452,473,474,494 +8777 - 35,36,37,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,162,163,164,165,184,185,186,187,205,206,207,208,226,227,228,229,236,237,248,249,250,251,256,257,258,259,260,270,271,272,277,278,279,280,281,282,291,292,293,294,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,491 +8778 - 54,55,75,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,486 +8779 - 83,99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,163,164,165,166,185,186,187,188,206,207,208,209,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,293,294,295,297,298,299,300,319,320,321,322,340,341,342,343,355,361,362,363,364,365,377,378,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,445,446,447,490 +8780 - 31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,138,139,140,144,145,146,147,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,279,280,281,291,292,293,294,302,303,313,314,315,324,325,326,335,336,337,345,346,347,348,357,358,359,367,368,369,370,379,380,381,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +8781 - 58,59,60,61,76,79,80,81,82,83,101,102,103,104,105,123,124,125,126,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,472,486 +8782 - 59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,128,129,130,137,138,139,140,141,142,145,146,147,149,150,151,158,159,160,161,162,171,172,173,180,181,182,183,192,193,194,195,203,204,205,206,213,214,215,216,225,226,227,228,229,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,343,344,345,356,357,358,359,360,365,366,367,377,378,379,380,388,389,399,400,401,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +8783 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,168,169,170,181,182,183,184,185,186,189,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,467,468,469,470,471,472,492 +8784 - 4,5,6,7,8,9,10,11,12,26,27,30,31,32,33,34,35,48,56,57,58,59,79,80,81,102,103,104,124,125,126,146,147,148,169,170,171,191,192,193,213,214,215,234,235,236,256,257,258,278,279,280,292,299,300,301,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,411,412,413,414,415,487 +8785 - 42,43,63,64,65,78,79,80,85,86,87,99,100,101,102,103,106,107,108,109,120,121,122,123,124,126,127,128,129,130,142,143,147,148,149,150,151,163,164,165,169,170,171,172,185,186,187,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,493 +8786 - 31,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,206,207,208,209,210,229,230,231,232,233,252,253,254,255,256,275,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,488 +8787 - 50,51,52,63,64,73,74,75,76,86,94,95,96,97,98,107,108,109,116,117,118,119,120,127,128,129,130,131,137,138,139,140,141,148,149,150,151,152,153,159,160,161,162,163,169,170,171,172,173,174,181,182,183,184,190,191,192,193,194,195,202,203,204,205,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,474,489 +8788 - 30,31,32,52,53,54,73,74,75,76,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,168,170,171,172,173,174,181,182,183,184,194,195,196,203,204,205,206,216,217,218,225,226,227,238,239,240,247,248,249,260,261,262,268,269,270,271,282,283,284,290,291,292,293,303,304,305,306,313,314,315,325,326,327,335,336,337,345,346,347,348,357,358,359,360,366,367,368,369,370,379,380,381,382,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +8789 - 86,106,107,108,109,117,118,119,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,206,207,208,209,228,229,230,231,250,251,252,253,254,267,274,275,276,277,288,289,290,297,298,299,300,310,311,312,319,320,321,322,332,333,334,340,341,342,343,344,354,355,356,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,446,447,490 +8790 - 53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,361,362,363,364,365,385,386,387,404,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,488 +8791 - 74,75,76,77,88,93,94,95,96,98,99,100,110,111,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,228,234,235,236,237,246,247,248,249,256,257,258,259,269,270,277,278,279,280,281,291,292,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,492 +8792 - 14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,143,144,160,161,162,163,164,165,181,182,183,184,185,186,202,203,204,205,206,207,210,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,302,303,304,305,311,312,313,314,315,316,317,323,324,325,326,327,333,334,335,336,337,338,339,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,491 +8793 - 35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,82,83,84,98,99,100,101,102,104,105,106,119,120,121,122,123,126,127,128,141,142,143,144,147,148,149,150,164,165,167,168,169,170,171,172,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,369,370,371,377,378,379,380,381,382,383,398,399,400,401,402,403,404,421,422,423,424,425,443,444,445,487 +8794 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +8795 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,104,105,106,115,116,117,118,119,120,125,126,127,128,137,138,139,147,148,149,166,167,168,169,170,171,189,190,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,299,317,318,319,320,321,342,343,344,363,364,365,366,384,385,386,387,388,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,488 +8796 - 57,58,59,79,80,81,101,102,103,116,117,118,122,123,124,125,137,138,139,140,144,145,146,147,159,160,161,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,210,211,212,213,223,224,225,226,227,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,294,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,411,430,431,432,433,452,453,454,455,475,476,489 +8797 - 16,17,18,37,38,39,40,58,59,60,61,62,78,79,80,81,82,83,100,101,102,103,121,122,123,142,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,231,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,407,408,423,424,425,491 +8798 - 95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,188,189,190,191,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,472,492 +8799 - 40,41,59,60,61,62,63,80,81,82,83,84,85,100,101,102,103,104,105,106,121,122,123,124,125,126,127,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,248,249,250,251,252,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,402,404,405,406,491 +8800 - 30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,95,96,100,101,102,122,123,124,144,145,146,147,167,168,169,188,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,274,275,276,277,278,298,299,300,301,321,322,323,343,344,345,366,367,380,381,387,388,389,402,403,404,405,406,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +8801 - 78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,160,161,162,163,164,169,170,171,172,182,183,191,192,193,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +8802 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,160,161,162,169,170,181,182,183,190,191,192,203,204,205,210,211,212,213,214,225,226,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,279,293,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,427,428,429,449,450,451,470,471,472,473,474,494 +8803 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,147,148,149,156,157,158,159,161,162,169,170,171,177,178,179,180,181,182,183,184,190,191,192,193,200,201,202,212,213,214,215,222,223,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +8804 - 113,114,115,116,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,211,212,213,233,234,255,256,277,278,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,492 +8805 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,190,191,192,202,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,247,248,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +8806 - 57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,188,189,190,209,210,211,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,448,449,470,471,486 +8807 - 11,12,13,14,15,33,34,35,36,53,54,55,56,57,74,75,76,77,78,96,97,98,118,119,120,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,250,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,404,405,406,491 +8808 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,115,116,117,120,121,122,123,137,138,142,143,144,163,164,165,166,184,185,186,187,188,189,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,255,256,257,272,278,279,300,301,322,323,324,344,345,346,366,367,368,381,388,389,403,404,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,476,488 +8809 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,192,193,194,195,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,235,236,237,238,239,246,247,248,249,256,257,258,259,260,261,268,269,270,278,279,280,281,282,283,290,291,292,299,300,301,302,303,304,312,313,314,320,321,322,323,324,325,326,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,472,485 +8810 - 73,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,363,365,366,487 +8811 - 37,38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,449,486 +8812 - 53,54,55,56,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,144,145,146,147,148,149,150,156,157,158,159,170,171,172,177,178,179,193,194,195,199,200,216,217,221,222,238,239,240,243,260,261,262,265,282,283,284,287,288,304,305,306,309,310,326,327,328,331,332,333,348,349,350,354,355,356,369,370,371,376,377,378,379,380,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,485 +8813 - 31,32,33,34,35,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,122,123,124,125,126,127,138,139,140,141,146,147,148,149,150,160,161,162,163,168,169,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,206,212,213,214,215,216,224,225,226,227,228,234,235,236,237,238,246,247,248,249,256,257,258,259,267,268,269,270,271,277,278,279,280,281,289,290,291,292,293,298,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,334,335,336,337,341,342,343,344,345,346,357,358,359,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,485 +8814 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,270,271,272,273,276,277,278,279,292,293,294,295,300,301,302,314,315,316,317,322,323,324,337,338,339,344,345,359,360,361,365,366,367,381,382,383,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,491 +8815 - 34,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +8816 - 14,15,36,37,58,59,60,81,82,103,104,122,123,124,125,126,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,227,228,229,230,234,235,236,257,258,259,279,280,281,301,302,323,324,325,343,344,345,346,356,357,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,488 +8817 - 16,17,18,19,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,207,208,209,227,228,229,230,249,250,251,252,254,255,256,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,403,404,405,406,407,491 +8818 - 48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,120,123,124,125,126,127,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,318,319,320,321,322,323,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,401,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +8819 - 104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,185,186,187,188,189,206,207,208,209,227,228,229,230,249,250,251,270,271,272,273,293,294,295,296,315,316,317,318,319,339,340,341,342,361,362,363,364,377,383,384,385,386,399,400,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,467,468,469,490 +8820 - 9,10,11,12,31,32,33,52,53,54,73,74,75,76,95,96,97,117,118,119,139,140,141,160,161,162,182,183,184,204,205,206,211,212,213,226,227,228,232,233,234,235,236,248,249,250,253,254,255,256,257,258,259,270,271,272,275,276,277,279,280,281,292,293,294,296,297,298,300,301,302,303,314,315,316,318,319,320,322,323,324,325,336,337,338,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +8821 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,149,150,151,152,159,160,161,162,163,164,165,170,171,172,173,174,181,182,183,184,185,190,191,192,193,194,195,202,203,204,205,206,210,211,212,213,214,215,216,217,224,225,226,227,230,231,232,233,234,235,236,237,247,248,252,253,254,255,256,257,258,275,276,277,278,297,298,299,300,320,321,322,341,342,343,344,362,363,364,365,366,377,384,385,386,387,399,400,404,405,406,407,408,409,420,421,422,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,488 +8822 - 16,17,18,19,20,36,37,38,39,40,41,57,58,59,60,78,79,80,81,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,205,206,207,208,226,227,228,229,247,248,249,250,270,271,272,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,321,322,323,324,325,334,335,336,337,338,339,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +8823 - 37,38,39,58,59,60,61,62,79,80,81,82,83,84,96,101,102,103,104,105,106,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +8824 - 34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,139,140,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,280,281,282,302,303,304,311,312,313,324,325,326,333,334,345,346,347,348,354,355,356,366,367,368,369,370,377,378,379,380,381,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +8825 - 51,52,53,54,72,73,74,75,76,84,85,86,93,94,95,96,97,105,106,107,108,114,115,116,117,118,127,128,129,130,136,137,138,139,140,148,149,150,151,152,157,158,159,160,161,169,170,171,172,173,179,180,181,182,190,191,192,193,194,201,202,203,204,205,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,473,489 +8826 - 6,7,8,27,28,29,30,49,50,51,70,71,72,73,92,93,94,114,115,116,127,136,137,138,145,146,147,148,149,150,151,152,153,158,159,160,165,166,167,168,169,170,171,172,173,174,175,180,181,182,186,187,188,189,190,195,196,197,202,203,204,207,208,209,210,219,224,225,229,230,231,246,247,248,250,251,252,268,269,270,272,273,274,290,291,292,294,295,307,312,313,314,315,316,317,318,319,328,329,335,336,337,339,340,341,342,343,344,349,350,351,357,358,359,360,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,491 +8827 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,148,149,150,158,159,160,161,162,163,164,165,166,169,170,171,172,179,180,181,182,183,184,191,192,193,201,202,203,204,205,212,213,214,215,224,225,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,466,467,468,469,470,492 +8828 - 95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,166,167,168,188,189,190,210,211,212,232,233,234,254,255,276,277,298,299,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +8829 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,232,233,234,235,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +8830 - 47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,142,143,144,145,146,159,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,281,282,283,299,300,301,302,303,304,305,316,317,318,324,325,326,327,328,338,339,340,341,346,347,348,349,350,360,361,362,363,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +8831 - 14,15,16,17,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,105,106,107,116,117,118,119,120,121,122,123,127,128,129,137,138,139,140,141,142,143,149,150,151,159,160,161,162,163,169,170,171,172,181,182,183,191,192,193,194,204,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,487 +8832 - 75,76,96,97,98,117,118,119,120,125,126,139,140,141,146,147,148,160,161,162,163,168,169,170,182,183,184,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,298,299,300,313,314,315,316,317,319,320,321,322,336,337,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +8833 - 76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,181,182,183,185,186,187,188,189,206,207,208,209,210,211,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,267,268,269,270,271,272,273,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,487 +8834 - 9,10,11,32,33,34,55,56,57,77,78,79,100,101,102,122,123,144,145,146,166,167,168,188,189,190,210,211,228,229,230,232,233,249,250,251,252,253,254,255,271,272,274,275,276,277,292,293,297,298,299,300,313,314,315,318,319,320,321,322,323,335,336,340,341,342,343,344,345,346,357,358,359,361,362,363,367,368,369,379,380,381,382,383,384,390,391,392,393,402,403,404,405,413,414,415,487 +8835 - 108,109,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,206,207,208,209,227,228,229,230,249,250,251,271,272,273,293,294,295,315,316,317,337,338,339,340,355,356,357,358,359,360,361,377,378,379,380,381,382,383,399,400,401,402,403,404,423,424,490 +8836 - 55,56,57,77,78,79,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,431,450,451,452,472,473,474,486 +8837 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,167,168,169,170,171,182,183,184,185,188,189,190,191,192,193,203,204,205,206,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,472,494 +8838 - 74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,146,147,148,149,150,151,156,157,158,159,161,162,163,164,171,172,173,174,177,178,179,180,183,184,185,186,194,195,196,199,200,201,205,206,207,216,217,218,221,222,223,238,239,240,243,244,245,260,261,262,265,266,267,281,282,283,284,287,288,289,303,304,305,306,309,310,311,324,325,326,327,331,332,333,334,345,346,347,348,354,355,356,357,365,366,367,368,369,370,377,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +8839 - 39,40,60,61,62,81,82,83,84,102,103,104,105,106,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +8840 - 59,60,61,72,73,80,81,82,83,93,94,95,102,103,104,105,115,116,117,124,125,126,127,137,138,139,146,147,148,149,158,159,160,161,162,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,205,209,210,211,212,213,214,225,226,227,228,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,471,472,473,489 +8841 - 35,36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,118,119,120,121,122,126,127,138,139,140,141,142,147,148,149,159,160,161,162,163,164,168,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,226,227,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,398,399,400,401,402,403,420,421,422,423,442,443,444,487 +8842 - 28,29,50,51,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,170,181,182,183,184,190,191,192,193,204,205,206,207,212,213,214,215,216,227,228,229,230,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,432,433,434,454,455,456,489 +8843 - 15,16,35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,103,104,105,117,118,119,120,121,125,126,138,139,140,141,142,143,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,188,189,190,191,203,204,205,209,210,211,212,213,226,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,312,313,314,315,316,317,318,334,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,413,414,415,431,432,433,434,435,436,437,487 +8844 - 26,27,28,47,48,49,50,51,52,69,70,71,72,73,74,75,91,92,96,97,98,113,119,120,121,142,143,164,165,166,187,188,209,210,211,231,232,233,253,254,255,270,271,272,273,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,368,369,370,371,372,373,380,381,382,383,384,487 +8845 - 78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,169,170,182,183,184,185,186,190,191,192,203,204,205,206,207,212,213,214,225,226,227,233,234,235,236,246,247,248,249,254,255,256,257,269,270,276,277,278,279,291,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +8846 - 14,15,16,35,36,37,38,39,57,58,59,60,61,78,79,80,81,99,100,101,102,103,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,228,229,230,250,251,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,317,322,323,324,336,337,338,339,343,344,345,359,360,364,365,366,367,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,429,491 +8847 - 80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +8848 - 5,6,26,27,28,48,49,69,70,71,91,92,93,113,114,123,124,125,134,135,136,143,144,145,146,147,148,149,157,158,164,165,166,167,168,169,170,171,172,179,180,185,186,187,188,193,194,195,201,202,206,207,208,216,217,223,224,228,229,230,239,240,245,246,249,250,251,261,262,267,268,271,272,273,283,284,289,290,291,293,294,304,305,306,312,313,314,316,325,326,327,328,334,335,336,337,338,339,340,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8849 - 76,77,78,79,80,97,98,99,100,101,102,103,104,119,120,121,122,124,125,126,140,141,142,143,146,147,148,162,163,164,168,169,170,184,185,186,189,190,191,192,206,207,208,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,470,471,492 +8850 - 10,11,12,13,32,33,34,53,54,55,75,76,77,96,97,98,118,119,120,140,141,161,162,163,183,184,205,206,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,279,280,292,293,294,295,296,301,302,314,315,316,317,322,323,324,337,338,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +8851 - 78,79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,147,148,161,162,163,164,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,494 +8852 - 29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,100,101,102,103,124,125,126,146,147,148,167,168,169,189,190,191,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,317,318,319,338,339,340,359,360,361,381,382,383,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,426,427,428,429,430,431,432,433,434,435,436,437,438,439,450,452,453,454,455,456,457,458,459,487 +8853 - 59,60,61,62,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,142,143,144,145,148,149,150,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,212,213,214,215,229,230,233,234,235,236,255,256,257,276,277,278,297,298,299,300,318,319,320,321,338,339,340,341,342,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,421,422,423,424,425,443,444,445,446,465,466,467,487 +8854 - 56,57,58,59,60,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,125,126,127,141,142,143,144,147,148,149,162,163,164,165,168,169,170,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,268,269,270,271,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,361,362,363,364,382,383,384,385,403,404,405,406,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,489 +8855 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,105,106,107,115,116,117,118,119,120,121,127,128,129,130,137,138,139,140,141,149,150,151,152,159,160,161,171,172,173,174,180,181,182,192,193,194,195,196,202,203,214,215,216,217,223,224,235,236,237,238,239,240,245,246,247,257,258,259,260,261,262,266,267,268,278,279,280,281,282,283,284,287,288,289,290,300,301,302,303,304,305,309,310,311,312,321,322,323,324,325,326,331,332,333,341,342,343,344,345,346,347,353,354,355,362,363,364,365,366,367,368,375,376,377,378,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +8856 - 73,74,94,95,96,98,99,102,103,104,105,106,107,108,109,116,117,118,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,165,166,167,180,181,182,183,201,202,203,204,205,206,207,208,223,224,225,226,227,228,229,230,231,232,246,247,249,250,251,252,253,254,255,275,276,277,278,298,299,300,321,322,343,344,365,366,387,388,408,409,410,429,430,431,432,445,446,449,450,451,452,453,467,468,469,470,471,472,473,474,475,490 +8857 - 76,77,78,82,97,98,99,100,101,103,104,105,118,119,120,121,122,125,126,127,140,141,142,143,144,146,147,148,149,162,163,164,165,166,168,169,170,171,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,448,449,450,451,452,469,470,471,472,473,489 +8858 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,102,103,104,113,114,115,124,125,126,146,147,148,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,487 +8859 - 37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,98,99,100,101,102,103,120,121,122,123,130,142,143,144,150,151,152,153,163,164,165,171,172,173,174,186,187,191,192,193,194,195,196,208,209,210,211,212,213,214,215,216,217,230,231,232,233,234,235,236,237,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,446,493 +8860 - 15,16,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,164,165,166,185,186,187,188,207,208,209,228,229,230,231,250,251,252,253,254,255,271,272,273,275,276,277,293,294,295,298,299,300,315,316,320,321,322,336,337,338,342,343,344,358,359,360,363,364,365,380,381,382,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,429,491 +8861 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,146,147,148,162,163,164,165,168,169,170,183,184,185,186,190,191,192,204,205,206,207,211,212,213,226,227,228,229,233,234,235,248,249,250,254,255,256,257,270,271,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +8862 - 7,8,9,29,30,50,51,52,72,73,93,94,95,115,116,117,136,137,138,149,158,159,160,169,170,171,172,173,179,180,181,182,190,191,192,193,194,195,201,202,203,211,212,213,214,215,216,217,223,224,225,226,232,233,234,238,239,245,246,247,248,253,254,255,256,260,261,268,269,270,271,275,276,277,281,282,283,291,292,293,297,298,303,304,305,313,314,315,316,318,319,320,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,491 +8863 - 31,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,141,142,143,144,147,148,149,163,164,165,166,169,170,171,185,186,187,191,192,193,206,207,208,209,213,214,215,228,229,230,235,236,237,249,250,251,252,256,257,258,259,271,272,273,277,278,279,280,292,293,294,295,298,299,300,301,302,314,315,316,317,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,446,447,448,449,450,485 +8864 - 29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,99,100,101,116,117,118,121,122,123,138,139,143,144,145,146,166,167,168,188,189,190,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,388,389,390,391,392,393,402,403,404,405,406,424,425,426,427,447,448,449,487 +8865 - 78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,128,129,130,139,140,141,142,143,144,150,151,152,159,160,161,162,163,164,170,171,172,173,181,182,183,184,191,192,193,194,204,205,211,212,213,214,215,216,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,295,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,404,405,406,407,420,424,425,426,427,428,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,469,470,488 +8866 - 57,58,70,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +8867 - 104,109,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,169,170,171,172,173,174,186,187,190,191,192,193,194,208,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,333,334,335,336,337,338,339,340,354,355,356,357,358,359,360,361,376,377,378,379,380,381,398,399,400,401,493 +8868 - 12,13,33,34,35,36,55,56,57,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,167,168,169,170,183,184,185,186,189,190,191,192,193,204,205,206,207,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,247,248,249,253,254,255,257,258,259,269,270,271,274,275,276,279,280,281,282,291,292,293,296,297,298,301,302,303,313,314,315,316,318,319,320,323,324,325,335,336,337,338,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +8869 - 55,56,64,65,76,77,78,79,85,86,87,98,99,100,106,107,108,109,119,120,121,122,128,129,130,131,139,140,141,142,143,148,149,150,151,152,161,162,163,164,165,170,171,172,173,174,181,182,183,184,185,186,191,192,193,194,195,196,202,203,204,205,206,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,313,314,316,317,318,319,320,321,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,466,467,468,489 +8870 - 10,11,12,13,14,31,32,33,34,35,36,53,54,55,56,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,228,235,236,237,247,248,249,250,255,256,257,258,259,260,261,269,270,271,272,275,276,277,278,279,280,281,282,283,292,293,294,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +8871 - 17,18,19,39,40,41,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,271,272,273,278,279,280,292,293,294,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,400,401,402,403,404,405,422,423,424,491 +8872 - 79,80,91,92,93,94,99,100,101,102,113,114,115,116,120,121,122,123,135,136,137,142,143,144,157,158,159,164,165,166,179,180,181,186,187,188,201,202,203,208,209,210,223,224,225,230,231,232,245,246,247,248,252,253,254,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,342,343,344,364,365,366,387,388,389,410,411,412,433,434,456,489 +8873 - 59,60,61,62,81,82,83,84,102,103,104,105,106,124,125,126,127,128,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,445,446,447,468,469,486 +8874 - 59,60,81,82,83,103,104,105,124,125,126,137,146,147,148,159,160,168,169,170,180,181,182,183,190,191,192,202,203,204,205,212,213,214,224,225,226,227,233,234,235,236,247,248,249,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,474,475,489 +8875 - 75,76,77,78,86,96,97,98,99,100,106,107,108,109,117,118,119,120,121,127,128,129,130,131,138,139,140,141,149,150,151,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,195,203,204,205,211,212,213,214,215,216,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,469,470,471,472,473,489 +8876 - 57,58,59,60,61,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,127,128,129,140,141,142,143,151,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,230,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,318,319,320,321,341,342,343,362,363,364,365,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,490 +8877 - 34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,102,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,183,184,185,186,191,192,193,194,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,248,249,250,257,258,259,260,269,270,271,272,279,280,281,291,292,293,294,300,301,302,303,312,313,314,315,321,322,323,324,334,335,336,337,341,342,343,344,345,346,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +8878 - 29,30,31,32,33,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,99,100,101,102,121,122,123,124,144,145,146,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,366,367,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,487 +8879 - 79,80,81,82,83,84,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,208,209,210,211,212,226,227,230,231,232,233,250,251,252,253,254,271,272,273,274,293,294,295,296,315,316,317,318,319,338,339,340,341,342,362,363,364,383,384,385,386,404,405,406,407,408,425,426,427,428,429,445,446,447,448,449,450,465,466,467,468,469,470,471,488 +8880 - 28,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,79,80,81,100,101,102,103,121,122,123,124,143,144,145,164,165,166,184,185,186,187,206,207,208,227,228,229,250,251,252,272,273,274,275,276,296,297,298,299,320,321,322,342,343,344,364,365,366,385,386,387,388,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +8881 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,167,184,185,186,187,188,206,207,208,209,228,229,230,231,249,250,251,252,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,424,425,426,491 +8882 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,113,114,115,120,121,122,141,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,346,347,348,367,368,369,370,389,390,391,392,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477,488 +8883 - 59,60,61,62,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,127,128,129,141,142,143,144,145,149,150,151,162,163,164,165,166,170,171,172,183,184,185,186,187,188,191,192,193,194,204,205,206,207,208,213,214,215,226,227,228,229,234,235,236,248,249,255,256,257,258,276,277,278,279,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,442,443,444,445,446,465,466,467,487 +8884 - 22,23,24,25,26,27,45,46,47,48,49,50,51,52,71,72,73,74,75,76,96,97,98,99,100,120,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,229,230,231,249,250,251,252,270,271,272,273,292,293,294,295,296,297,298,299,316,317,318,319,320,321,322,323,343,344,345,346,347,367,368,369,370,391,392,393,402,403,404,405,413,414,415,426,427,428,429,430,431,433,434,435,436,451,452,453,454,455,456,457,488 +8885 - 9,10,11,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,99,100,101,102,103,104,117,118,119,122,123,124,125,126,127,137,138,146,147,148,149,158,159,160,161,169,170,171,172,180,181,182,192,193,194,195,201,202,203,204,214,215,216,217,223,224,225,236,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,279,280,281,282,283,288,289,290,291,301,302,303,304,305,310,311,312,313,322,323,324,325,326,327,333,334,335,336,343,344,345,346,347,348,355,356,357,358,359,360,361,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,485 +8886 - 91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,188,189,190,191,192,193,201,202,203,204,212,213,214,215,234,235,236,237,255,256,257,258,259,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,391,392,393,394,395,487 +8887 - 76,77,78,97,98,99,100,106,119,120,121,127,128,129,140,141,142,143,149,150,151,161,162,163,164,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,489 +8888 - 47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,97,98,99,100,101,112,113,121,122,123,143,144,145,163,164,165,166,167,184,185,186,187,188,206,207,208,209,210,211,229,230,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,323,324,325,345,346,347,367,368,369,389,390,391,404,405,410,411,412,425,426,427,428,429,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +8889 - 81,101,102,103,104,105,122,123,124,125,126,127,130,131,143,144,145,146,147,148,151,152,153,164,165,166,167,171,172,173,174,175,184,185,186,187,188,192,193,194,195,196,205,206,207,208,213,214,215,216,217,227,228,229,233,234,235,236,237,238,249,250,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,334,335,336,337,338,339,355,356,357,358,359,360,361,376,377,378,379,380,381,382,398,399,400,401,402,403,404,420,421,422,423,424,443,444,493 +8890 - 49,50,51,71,72,73,93,94,95,100,101,116,117,118,122,123,124,138,139,140,144,145,146,160,161,162,163,166,167,168,182,183,184,185,188,189,190,205,206,207,210,211,212,228,229,230,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,316,317,318,320,321,322,323,338,339,340,342,343,344,345,360,361,362,364,365,366,367,368,382,383,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,489 +8891 - 59,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,447,448,467,468,469,486 +8892 - 50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,134,135,136,137,157,158,159,160,161,166,167,168,180,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,296,297,298,299,300,301,302,318,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,368,369,384,385,386,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,434,451,452,453,454,455,456,474,475,476,477,493 +8893 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,139,140,141,142,147,148,149,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,252,253,254,274,275,276,277,297,298,299,300,320,321,322,342,343,344,363,364,365,366,383,384,385,386,387,388,399,400,401,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,488 +8894 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,117,118,119,120,127,128,129,138,139,140,141,150,151,152,160,161,162,172,173,174,180,181,182,183,194,195,196,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,259,260,261,262,267,268,269,281,282,283,289,290,291,302,303,304,305,311,312,313,324,325,326,333,334,335,345,346,347,355,356,357,366,367,368,377,378,379,380,381,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +8895 - 40,41,61,62,63,64,82,83,84,85,103,104,105,106,107,124,125,126,127,128,129,146,147,148,149,150,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,355,356,357,358,359,360,375,376,377,378,379,380,381,397,398,399,400,401,402,419,420,421,422,423,442,443,444,486 +8896 - 34,35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,168,169,170,171,182,183,184,185,186,190,191,192,193,204,205,206,207,208,212,213,214,215,225,226,227,228,229,230,234,235,236,237,247,248,249,250,251,256,257,258,259,268,269,270,271,272,273,278,279,280,281,290,291,292,293,294,299,300,301,302,303,312,313,314,315,316,320,321,322,323,324,325,334,335,336,337,338,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,447,448,449,450,451,485 +8897 - 30,31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,118,119,120,121,124,125,126,127,128,140,141,142,148,149,150,151,162,163,164,170,171,172,173,183,184,185,193,194,195,196,204,205,206,207,214,215,216,217,218,225,226,227,228,229,236,237,238,239,247,248,249,250,258,259,260,261,268,269,270,271,272,279,280,281,282,283,290,291,292,293,300,301,302,303,304,305,312,313,314,321,322,323,324,325,326,334,335,336,341,342,343,344,345,346,347,348,356,357,358,359,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +8898 - 59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,230,231,247,248,249,250,251,252,253,270,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,318,319,320,336,337,338,340,341,342,343,358,359,360,363,364,365,380,381,382,383,385,386,387,403,404,405,408,409,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,475,491 +8899 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,168,169,170,171,181,182,183,184,185,188,189,190,191,192,193,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,494 +8900 - 61,62,63,64,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,169,182,183,184,203,204,205,206,225,226,227,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,466,467,468,469,470,471,490 +8901 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,127,128,129,130,136,137,138,139,140,141,142,143,144,149,150,151,152,158,159,160,161,162,163,164,172,173,174,179,180,181,182,183,184,194,195,196,200,201,202,203,204,205,216,217,218,219,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,302,303,304,305,306,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,345,346,347,348,349,354,355,356,357,358,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +8902 - 52,53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,124,139,140,145,146,161,162,167,168,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,247,248,249,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,323,338,342,343,344,364,365,366,386,387,388,409,410,411,431,432,433,453,454,455,475,476,477,494 +8903 - 35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +8904 - 15,16,17,18,29,30,31,32,33,34,35,36,37,38,39,40,50,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,103,104,105,124,125,126,127,146,147,148,167,168,169,189,190,191,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,319,320,340,341,342,359,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,486 +8905 - 30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,98,99,100,101,114,115,116,117,118,121,122,123,136,137,138,139,140,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,361,362,363,364,369,370,371,372,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,487 +8906 - 51,52,53,73,74,81,94,95,96,102,103,104,116,117,118,124,125,126,127,138,139,140,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,190,191,192,202,203,204,205,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,489 +8907 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +8908 - 14,15,16,17,18,34,35,36,37,38,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,141,142,143,163,164,165,184,185,186,206,207,208,228,229,230,250,251,252,271,272,273,275,276,277,278,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,425,426,427,428,491 +8909 - 52,53,54,55,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,144,145,146,147,148,149,150,151,152,159,160,161,162,181,182,183,184,203,204,205,206,207,208,226,227,228,229,230,231,232,249,250,251,252,253,254,255,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,325,344,345,346,347,366,367,368,369,378,379,388,389,390,391,400,401,402,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +8910 - 81,82,83,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,254,255,256,257,269,270,271,276,277,278,291,292,293,297,298,299,300,313,314,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,492 +8911 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,163,182,183,184,192,203,204,205,206,212,213,214,215,225,226,227,232,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,280,281,282,291,292,293,295,296,297,298,302,303,304,313,314,315,317,318,319,323,324,325,335,336,337,338,339,340,341,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +8912 - 9,10,11,30,31,32,51,52,53,54,73,74,75,81,82,94,95,96,97,103,104,105,116,117,118,125,126,127,128,137,138,139,140,148,149,150,151,159,160,161,171,172,173,180,181,182,183,193,194,195,202,203,204,216,217,218,224,225,226,238,239,240,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,303,304,305,311,312,313,324,325,326,327,333,334,335,336,344,345,346,347,348,356,357,358,359,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,485 +8913 - 90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,141,142,143,144,145,146,147,148,156,157,167,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,280,299,300,301,321,322,323,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,492 +8914 - 72,73,81,82,93,94,95,96,102,103,104,115,116,117,123,124,125,126,136,137,138,144,145,146,147,148,158,159,160,165,166,167,168,169,170,180,181,182,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +8915 - 54,55,56,57,74,75,76,77,78,79,85,96,97,98,99,100,101,102,106,107,108,118,119,120,123,124,127,128,129,130,140,141,142,149,150,151,162,163,164,169,170,171,172,173,184,185,186,190,191,192,193,194,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,270,271,272,273,274,275,276,291,292,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,339,340,341,357,358,359,361,362,363,379,380,381,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,470,471,472,473,493 +8916 - 57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,486 +8917 - 58,59,60,61,62,63,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,129,130,131,136,137,138,139,140,141,142,143,144,145,151,152,153,158,159,160,161,162,163,164,165,166,173,174,175,179,180,181,182,183,184,185,186,187,195,196,197,201,202,203,204,205,206,207,217,218,219,222,223,224,225,226,227,228,239,240,241,244,245,246,247,248,249,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,324,325,326,327,328,332,333,334,335,336,345,346,347,348,349,354,355,356,357,358,359,360,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,485 +8918 - 51,52,53,71,72,73,74,75,76,93,94,95,96,97,98,99,114,115,116,117,119,120,121,122,136,137,138,140,141,142,143,144,145,158,159,160,162,163,164,165,166,167,180,181,182,183,188,189,190,203,204,205,210,211,225,226,227,228,229,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,301,302,320,321,322,323,324,341,342,343,345,346,347,363,364,365,368,369,370,385,386,387,390,391,392,408,409,413,414,430,431,432,433,434,435,436,453,454,455,456,457,458,476,477,478,479,493 +8919 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +8920 - 73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,143,144,145,146,147,148,149,160,161,168,169,170,171,182,183,184,191,192,193,204,205,206,213,214,215,226,227,228,229,234,235,236,248,249,250,251,252,253,255,256,257,258,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,317,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,493 +8921 - 51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,372,373,378,379,380,381,382,383,384,400,401,402,403,404,405,424,425,487 +8922 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,91,92,93,94,98,99,100,101,102,114,115,122,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,360,361,362,381,382,383,403,404,405,412,413,424,425,426,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,487 +8923 - 45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,272,273,274,279,280,281,301,302,303,304,323,324,325,326,345,346,347,366,367,368,369,388,389,390,391,399,400,401,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,488 +8924 - 91,92,93,94,95,112,113,114,115,116,117,118,119,134,135,136,137,138,139,140,141,142,156,157,158,159,160,161,162,163,164,165,184,185,186,187,206,207,208,209,229,230,231,232,251,252,253,254,273,274,275,276,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,383,487 +8925 - 60,61,81,82,83,95,96,97,102,103,104,116,117,118,119,124,125,126,138,139,140,145,146,147,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,210,211,212,224,225,226,232,233,234,246,247,248,249,253,254,255,256,269,270,271,272,273,275,276,277,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,346,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,472,489 +8926 - 33,34,54,55,75,76,77,95,96,97,98,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,166,167,168,169,170,180,181,182,183,184,190,191,192,193,204,205,206,213,214,215,226,227,228,235,236,237,238,248,249,250,258,259,260,270,271,272,280,281,282,292,293,294,302,303,304,314,315,316,324,325,326,336,337,338,346,347,348,359,360,361,368,369,370,382,383,384,390,391,392,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,457,485 +8927 - 54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,137,138,139,140,160,161,162,182,183,184,185,204,205,206,207,227,228,229,230,249,250,251,252,272,273,274,275,295,296,297,298,318,319,320,321,340,341,342,343,344,363,364,365,366,379,380,381,382,386,387,388,389,401,402,403,404,405,406,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,472,473,474,475,476,490 +8928 - 76,77,78,79,80,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,203,204,205,206,207,210,211,212,213,214,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,363,364,365,366,378,379,380,386,387,388,400,401,402,407,408,409,410,423,424,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +8929 - 10,11,12,31,32,33,34,52,53,54,55,74,75,76,77,95,96,97,98,117,118,119,120,138,139,140,141,160,161,162,181,182,183,184,203,204,205,224,225,226,227,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,262,268,269,270,271,276,277,278,279,280,281,282,283,284,290,291,292,293,297,298,299,300,301,304,305,306,312,313,314,315,319,320,321,322,326,327,328,335,336,337,338,341,342,343,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,491 +8930 - 59,60,75,76,77,80,81,82,83,96,97,98,99,101,102,103,104,118,119,120,121,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,167,168,169,182,183,184,185,188,189,190,191,203,204,205,206,207,210,211,212,213,224,225,226,227,228,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,341,342,343,344,345,346,347,348,363,364,365,368,369,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +8931 - 98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +8932 - 78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,152,153,162,163,164,165,172,173,174,175,184,185,186,188,195,196,197,205,206,207,208,209,210,211,212,217,218,219,225,226,227,228,229,230,231,232,233,234,239,240,241,245,246,247,248,249,250,251,252,253,254,255,261,262,263,267,268,269,270,271,272,274,275,282,283,284,285,288,289,290,291,292,303,304,305,306,307,310,311,312,313,323,324,325,326,327,328,332,333,334,343,344,345,346,347,348,349,354,355,356,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,444,485 +8933 - 54,55,56,57,58,75,76,77,78,79,80,97,98,99,101,102,103,108,118,119,120,124,125,128,129,130,140,141,142,146,147,148,149,150,151,152,162,163,164,169,170,171,172,173,184,185,186,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,269,270,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,315,317,318,319,334,335,336,339,340,341,356,357,358,361,362,363,379,380,381,383,384,385,401,402,403,405,406,407,423,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,493 +8934 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,248,249,250,251,253,254,255,270,271,272,273,275,276,277,292,293,294,295,297,298,299,313,314,315,316,318,319,320,335,336,337,338,340,341,342,358,359,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +8935 - 39,40,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,129,130,131,138,139,140,141,142,143,144,145,146,151,152,153,159,160,161,162,163,164,165,173,174,175,180,181,182,183,184,185,195,196,197,201,202,203,204,205,206,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,336,344,345,346,347,348,354,355,356,357,358,359,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,485 +8936 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,100,101,102,103,115,116,123,124,125,145,146,147,167,168,169,188,189,190,191,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,276,277,278,279,300,301,302,322,323,324,335,336,344,345,346,357,358,366,367,368,378,379,380,388,389,390,401,402,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +8937 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,447,448,449,486 +8938 - 60,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,159,160,161,162,180,181,182,183,184,202,203,204,205,206,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,273,274,275,276,277,278,279,297,298,299,300,301,321,322,323,324,343,344,345,346,364,365,366,367,368,378,385,386,387,388,389,400,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +8939 - 28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,92,100,101,102,103,122,123,124,125,144,145,146,147,167,168,169,188,189,190,191,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,389,390,391,392,393,394,399,400,401,402,403,404,405,413,414,415,416,421,422,423,424,425,443,444,445,446,487 +8940 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,103,104,105,106,107,108,118,119,120,121,126,127,128,129,130,139,140,141,142,150,151,161,162,163,182,183,184,188,189,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,256,257,258,269,270,271,272,273,279,280,281,291,292,293,294,302,303,313,314,315,316,324,325,335,336,337,338,345,346,347,358,359,360,361,366,367,368,380,381,382,383,384,386,387,388,389,390,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,470,471,472,491 +8941 - 47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,122,123,124,125,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,300,301,302,303,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,471,472,473,474,475,488 +8942 - 9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,93,94,95,96,97,114,115,116,117,135,136,137,138,139,157,158,159,160,179,180,181,182,201,202,203,204,223,224,225,226,245,246,247,248,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,406,407,408,409,410,411,412,413,414,415,430,431,432,433,434,435,436,491 +8943 - 60,61,81,82,83,96,97,103,104,105,117,118,119,124,125,126,139,140,141,146,147,148,160,161,162,168,169,170,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,318,319,320,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +8944 - 58,59,60,80,81,82,91,102,103,112,113,114,124,125,134,135,136,146,147,156,157,158,168,169,179,180,190,191,201,202,203,212,213,223,224,225,234,235,246,247,248,249,255,256,257,269,270,271,272,273,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,343,344,365,366,387,388,409,410,431,432,453,454,475,476,489 +8945 - 52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,127,128,129,130,138,139,140,160,161,162,163,182,183,184,185,205,206,207,208,228,229,230,231,251,252,253,254,274,275,276,277,296,297,298,299,300,319,320,321,322,342,343,344,345,356,357,364,365,366,367,377,378,379,386,387,388,389,399,400,401,402,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +8946 - 24,25,26,27,28,29,30,45,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,112,113,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,280,281,282,283,284,303,304,305,306,326,327,328,346,347,348,349,350,355,356,357,358,359,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +8947 - 12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,100,119,120,121,140,141,142,161,162,163,164,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,238,248,249,250,253,254,255,256,258,259,269,270,271,272,274,275,276,279,280,281,282,291,292,293,295,296,297,301,302,303,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +8948 - 25,26,27,28,29,30,31,32,33,34,35,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,100,101,102,103,104,122,123,124,125,126,142,143,144,145,146,147,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,299,300,301,302,303,304,322,323,324,325,326,327,345,346,347,348,366,367,368,369,370,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,488 +8949 - 98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +8950 - 35,36,57,58,79,80,81,101,102,103,123,124,125,145,146,147,158,159,167,168,169,179,180,181,189,190,191,201,202,203,211,212,213,223,224,225,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,300,301,302,322,323,324,344,345,346,347,366,367,368,369,388,389,390,391,411,412,413,433,434,435,455,456,457,489 +8951 - 55,56,57,58,76,77,78,79,80,81,82,98,99,100,102,103,104,105,109,119,120,121,126,127,129,130,131,141,142,143,149,150,151,152,153,163,164,165,169,170,171,172,173,174,185,186,187,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,339,340,341,342,357,358,361,362,363,364,379,380,381,383,384,385,386,401,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,451,470,471,472,473,493 +8952 - 9,10,11,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,122,123,124,125,135,136,137,138,139,140,144,145,146,147,148,158,159,160,161,162,167,168,169,170,171,181,182,183,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,312,313,315,318,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,487 +8953 - 78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,126,127,137,138,139,140,141,142,147,148,149,158,159,160,161,162,163,168,169,170,180,181,183,184,190,191,192,204,205,206,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +8954 - 92,93,94,114,115,116,123,125,136,137,138,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,215,216,217,218,224,225,226,227,238,239,240,246,247,248,260,261,262,267,268,269,270,281,282,283,289,290,291,303,304,305,311,312,313,324,325,326,333,334,335,346,347,348,355,356,357,367,368,369,370,389,390,391,410,411,412,431,432,433,434,453,454,455,474,475,476,492 +8955 - 55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,104,120,121,122,124,125,126,127,141,142,143,146,147,148,149,163,164,165,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,318,319,320,336,337,340,341,342,358,359,362,363,364,380,381,384,385,386,402,403,404,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,471,472,473,493 +8956 - 58,59,80,81,82,95,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,181,182,183,184,190,191,192,202,203,204,205,211,212,213,214,224,225,226,233,234,235,236,246,247,248,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,343,344,345,365,366,387,388,408,409,410,430,431,432,433,453,454,455,475,476,477,489 +8957 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,234,251,252,253,254,255,256,257,276,277,278,279,299,300,301,302,322,323,324,344,345,346,365,366,367,368,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +8958 - 67,68,69,70,71,72,73,89,90,91,92,93,94,95,96,97,110,111,112,113,114,115,116,117,118,119,120,121,132,133,134,135,137,138,139,140,141,142,143,144,154,155,161,162,163,164,165,166,167,184,185,186,187,188,189,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,327,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,427,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,479,488 +8959 - 99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +8960 - 31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,96,97,99,100,101,102,115,116,117,118,121,122,123,124,138,139,140,143,144,145,146,161,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,317,318,319,320,321,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,445,446,447,487 +8961 - 31,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,78,80,81,82,83,84,85,93,94,95,96,105,106,107,115,116,117,127,128,129,130,136,137,138,139,150,151,152,158,159,160,161,172,173,174,180,181,182,194,195,196,202,203,204,216,217,218,219,224,225,226,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,358,366,367,368,369,370,371,377,378,379,380,381,382,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +8962 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,118,119,120,139,140,141,142,145,146,147,161,162,163,164,167,168,169,170,183,184,185,186,189,190,191,204,205,206,207,211,212,213,226,227,228,229,233,234,235,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,320,321,322,323,324,325,326,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,489 +8963 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +8964 - 50,51,59,60,71,72,73,80,81,82,83,93,94,95,101,102,103,104,105,114,115,116,117,118,123,124,125,126,127,136,137,138,139,145,146,147,148,149,158,159,160,161,167,168,169,170,171,180,181,182,183,184,189,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,227,228,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,366,367,368,369,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,476,477,489 +8965 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,166,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +8966 - 91,92,93,94,95,96,97,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,156,164,165,166,167,188,189,190,210,211,212,233,234,255,256,277,278,299,300,302,303,304,305,306,307,320,321,322,323,324,325,326,327,328,342,343,344,345,346,363,364,365,366,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,487 +8967 - 50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,125,126,127,147,148,149,168,169,170,171,189,190,191,192,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,376,377,388,389,390,398,399,400,401,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +8968 - 71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,166,167,168,169,170,171,178,179,180,189,190,191,192,193,200,201,211,212,213,214,215,222,223,224,233,234,235,236,237,244,245,246,253,254,255,256,257,258,259,266,267,268,269,270,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,322,323,324,325,334,335,336,337,338,339,340,344,345,346,347,366,367,368,369,388,389,390,391,411,412,413,433,434,435,436,455,456,457,458,478,479,480,481,482,494 +8969 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,128,129,130,139,140,141,142,143,144,145,146,150,151,152,159,160,161,162,163,164,165,166,167,172,173,174,181,182,183,184,185,186,194,195,196,202,203,204,205,206,207,216,217,218,224,225,226,227,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,303,304,305,306,311,312,313,314,315,325,326,327,333,334,335,336,346,347,348,355,356,357,358,367,368,369,370,377,378,379,380,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +8970 - 35,36,37,57,58,59,79,80,100,101,102,122,123,124,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,424,425,426,427,447,448,449,486 +8971 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,124,125,126,139,140,141,147,148,161,162,163,168,169,170,183,184,185,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,252,253,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +8972 - 32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,146,147,148,149,162,163,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,279,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,412,413,414,422,423,424,425,426,427,428,444,445,446,447,448,449,487 +8973 - 60,61,74,75,81,82,83,96,97,98,103,104,105,118,119,120,125,126,127,139,140,141,146,147,148,149,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,211,212,213,226,227,228,233,234,235,247,248,249,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +8974 - 13,14,15,34,35,36,37,55,56,57,58,59,77,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,207,208,209,210,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,294,295,296,299,300,301,315,316,317,318,321,322,323,337,338,339,343,344,345,359,360,361,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +8975 - 58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,138,139,140,141,160,161,162,182,183,184,204,205,206,226,227,228,229,230,248,249,250,251,252,253,272,273,274,275,295,296,297,298,318,319,320,321,340,341,342,343,344,363,364,365,366,378,386,387,388,400,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +8976 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,124,125,126,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,250,251,252,253,254,255,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,325,345,346,347,367,368,369,387,388,389,390,391,400,401,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +8977 - 34,35,36,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,139,140,141,142,146,147,148,161,162,168,169,170,190,191,192,212,213,214,234,235,236,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,320,321,322,323,324,325,326,327,328,329,332,333,334,341,342,343,346,347,348,349,350,351,354,355,356,362,363,364,365,376,377,378,383,384,385,386,398,399,403,404,405,406,407,420,421,422,423,424,425,426,427,442,443,444,445,446,447,487 +8978 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,127,128,129,134,135,136,137,138,139,149,150,151,155,156,157,158,159,171,172,173,176,177,178,179,180,193,194,195,198,199,200,201,214,215,216,217,220,221,222,236,237,238,242,243,257,258,259,260,278,279,280,281,282,297,298,299,300,301,302,303,304,305,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,487 +8979 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,149,150,151,152,160,161,162,163,164,165,171,172,173,174,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,229,237,238,239,240,245,246,247,248,249,250,251,258,259,260,261,262,267,268,269,270,271,272,273,280,281,282,283,289,290,291,292,302,303,304,311,312,313,314,323,324,325,326,333,334,335,344,345,346,347,348,355,356,357,365,366,367,368,369,377,378,379,380,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,441,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,485 +8980 - 90,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,160,161,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,492 +8981 - 9,10,11,31,32,33,53,54,55,74,75,76,77,96,97,98,117,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,239,247,248,249,250,253,254,255,256,257,258,259,260,261,269,270,271,274,275,276,277,278,281,282,283,290,291,292,293,295,296,297,298,299,302,303,304,312,313,314,315,317,318,319,320,324,325,326,335,336,337,339,340,341,342,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +8982 - 33,34,35,53,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,168,169,170,171,181,182,183,184,185,186,187,191,192,193,194,203,204,205,206,207,208,214,215,216,224,225,226,227,228,237,238,246,247,248,249,259,260,261,268,269,270,271,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,327,334,335,336,345,346,347,348,356,357,358,366,367,368,369,370,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +8983 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,101,102,103,116,117,123,124,125,126,145,146,147,148,168,169,170,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,277,278,279,280,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,362,363,364,365,366,367,368,369,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,487 +8984 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,188,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +8985 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +8986 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,73,74,75,78,79,80,95,96,97,100,101,102,116,117,118,119,138,139,140,160,161,162,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,281,301,302,303,317,323,324,325,338,339,345,346,347,359,360,361,367,368,369,381,382,383,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +8987 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +8988 - 52,53,54,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,137,138,139,158,159,160,161,180,181,182,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,277,278,279,280,281,300,301,302,303,323,324,325,326,346,347,348,368,369,370,388,389,390,391,392,408,409,410,411,412,413,414,422,423,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,490 +8989 - 33,34,35,54,55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +8990 - 113,114,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,191,192,200,201,202,212,213,214,223,224,234,235,236,245,246,256,257,258,267,268,278,279,280,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,430,431,432,452,453,454,474,475,476,492 +8991 - 110,111,112,113,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,427,428,429,449,450,451,471,472,473,492 +8992 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,486 +8993 - 32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,101,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,214,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,317,318,319,320,321,326,327,328,329,333,334,335,339,340,341,342,350,351,355,356,357,360,361,362,363,377,378,379,381,382,383,384,399,400,401,402,403,404,405,422,423,424,425,426,444,445,487 +8994 - 12,13,14,15,16,33,34,35,36,37,38,54,55,56,57,59,60,75,76,77,78,96,97,98,99,117,118,119,120,139,140,141,160,161,162,181,182,183,184,203,204,205,224,225,226,246,247,248,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,299,300,301,302,303,304,312,313,314,315,316,323,324,325,326,334,335,336,347,348,349,356,357,358,359,369,370,371,379,380,381,382,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,491 +8995 - 61,62,63,74,75,82,83,84,95,96,97,104,105,117,118,119,125,126,127,138,139,140,147,148,149,160,161,162,168,169,170,182,183,184,190,191,192,204,205,211,212,213,226,227,228,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,282,283,295,296,297,298,299,300,301,302,303,304,318,319,320,321,322,323,324,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +8996 - 80,81,91,92,101,102,103,113,114,123,124,135,136,145,146,157,158,159,167,168,169,179,180,181,182,188,189,190,191,202,203,204,205,210,211,212,213,225,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,412,432,433,434,454,455,456,475,476,477,489 +8997 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,100,101,102,103,117,118,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,253,254,255,256,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,339,340,341,342,343,344,345,346,347,355,356,357,360,361,362,363,365,366,367,368,369,370,377,378,379,381,382,383,384,389,390,391,392,393,399,400,401,402,403,404,405,413,414,415,416,421,422,423,424,425,426,436,437,438,443,444,445,446,447,487 +8998 - 71,72,73,74,75,92,93,94,95,96,97,98,99,101,114,115,116,119,120,121,122,123,124,136,137,138,143,144,145,146,158,159,160,164,165,166,167,168,180,181,182,186,187,188,189,190,202,203,204,205,206,207,208,209,211,212,225,226,227,228,229,230,233,234,248,249,250,255,256,277,278,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,457,475,476,477,478,479,494 +8999 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,160,161,162,163,166,167,168,169,170,182,183,184,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +9000 - 28,29,30,31,32,49,50,51,52,53,54,70,71,72,73,74,75,76,92,93,94,95,96,113,114,115,116,117,135,136,137,138,139,147,148,149,157,158,159,160,167,168,169,170,171,172,179,180,181,182,187,188,189,190,191,192,193,194,195,201,202,203,204,208,209,210,211,212,213,214,215,216,217,218,219,223,224,225,226,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,251,252,253,254,255,261,262,263,267,268,269,270,272,273,274,275,276,283,284,285,289,290,291,292,293,294,295,296,297,304,305,306,307,311,312,313,314,315,316,317,318,319,325,326,327,328,329,333,334,335,336,337,338,339,340,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,426,427,428,429,430,449,450,491 +9001 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,146,147,148,149,168,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +9002 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,146,147,148,163,164,165,168,169,170,185,186,190,191,192,207,208,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,319,320,321,341,342,343,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,445,446,447,448,449,467,468,469,470,471,494 +9003 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,174,175,181,182,183,184,185,186,187,188,189,196,197,202,203,204,205,206,207,208,209,218,219,224,225,226,227,228,229,230,240,241,245,246,247,248,249,250,251,262,263,267,268,269,270,271,272,284,285,289,290,291,292,293,294,305,306,307,311,312,313,314,315,326,327,328,329,333,334,335,336,337,347,348,349,350,355,356,357,358,359,360,368,369,370,371,377,378,379,380,381,382,383,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +9004 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,78,79,80,99,100,101,102,120,121,122,123,140,141,142,143,144,159,160,161,162,163,164,165,181,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,230,231,232,233,234,235,254,255,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,356,357,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,488 +9005 - 37,38,39,40,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,106,107,108,116,117,118,119,120,121,122,123,128,129,130,131,137,138,139,140,141,142,151,152,158,159,160,161,162,173,174,175,180,181,182,183,184,195,196,197,201,202,203,204,217,218,219,222,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,288,289,290,291,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,336,337,345,346,347,348,349,354,355,356,357,358,359,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,448,449,485 +9006 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,114,115,122,123,124,125,145,146,147,167,168,169,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,399,407,408,409,410,421,422,423,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +9007 - 92,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,472,492 +9008 - 11,12,13,32,33,34,35,36,37,54,55,56,57,58,59,60,80,81,82,83,97,102,103,104,105,106,118,119,120,121,126,127,128,129,141,142,143,144,149,150,151,165,166,167,171,172,173,187,188,189,192,193,194,210,211,212,213,214,215,216,232,233,234,235,236,237,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,318,319,320,333,334,335,336,340,341,342,355,356,357,361,362,363,364,376,377,378,379,381,382,383,384,398,399,400,401,402,403,404,405,421,422,423,424,425,493 +9009 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,127,128,129,130,137,138,139,160,161,162,182,183,184,185,205,206,207,208,228,229,230,231,251,252,253,254,274,275,276,277,297,298,299,300,320,321,322,342,343,344,345,353,354,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,490 +9010 - 11,12,13,14,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,118,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +9011 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,447,448,449,486 +9012 - 30,31,32,33,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,341,342,343,344,363,364,365,366,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,452,453,454,486 +9013 - 35,36,37,57,58,59,78,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,486 +9014 - 48,49,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,124,125,126,127,136,137,138,147,148,149,158,159,160,169,170,171,180,181,182,183,191,192,193,203,204,205,206,207,212,213,214,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,344,345,346,358,359,360,361,367,368,369,380,381,382,389,390,391,402,403,404,405,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,493 +9015 - 11,12,13,33,34,35,54,55,56,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,184,185,186,190,191,205,206,207,210,211,212,213,214,227,228,229,232,233,234,235,236,249,250,251,253,254,255,257,258,271,272,274,275,276,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,318,319,322,323,336,337,338,339,340,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,405,406,407,408,491 +9016 - 4,5,6,26,27,28,48,49,50,70,71,72,92,93,94,113,114,115,116,128,129,135,136,137,138,149,150,151,152,157,158,159,160,168,169,170,171,172,173,174,175,179,180,181,182,189,190,191,192,193,194,195,196,197,201,202,203,204,209,210,211,212,213,214,215,216,217,218,219,223,224,225,226,230,231,232,233,234,235,239,240,241,245,246,247,248,251,252,253,254,255,256,261,262,263,267,268,269,270,272,273,274,275,276,282,283,284,285,289,290,291,292,293,294,295,296,297,303,304,305,306,311,312,313,314,315,316,317,318,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +9017 - 36,37,38,39,57,58,59,60,61,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,450,486 +9018 - 30,31,32,51,52,53,54,58,59,60,72,73,74,75,76,79,80,81,82,83,94,95,96,98,99,102,103,104,105,106,115,116,117,120,126,127,128,129,136,137,138,142,149,150,151,152,158,159,160,171,172,173,174,179,180,181,182,194,195,196,201,202,203,216,217,218,222,223,224,225,238,239,240,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,304,305,306,310,311,312,313,326,327,328,333,334,335,347,348,349,355,356,357,358,368,369,370,371,378,379,380,390,391,392,393,400,401,402,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,485 +9019 - 54,55,56,57,58,61,75,76,77,78,80,82,83,84,97,98,99,102,103,104,105,106,119,120,121,124,126,127,128,141,142,143,147,148,149,163,164,165,168,169,170,171,185,186,187,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,251,252,253,254,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,340,341,342,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,405,406,407,423,424,425,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +9020 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,102,103,104,115,116,125,126,137,138,147,148,159,160,161,168,169,182,183,189,190,191,204,205,206,210,211,212,227,228,229,231,232,233,250,251,252,253,254,273,274,275,295,296,297,298,299,316,317,319,320,321,322,338,339,343,344,345,360,361,366,367,368,369,382,383,390,391,392,404,405,406,413,414,427,428,429,435,436,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,493 +9021 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,102,103,104,105,117,118,119,123,125,126,127,139,140,141,142,143,144,145,147,148,149,161,162,163,164,165,166,167,169,170,171,184,185,186,187,190,191,192,193,212,213,214,234,235,236,255,256,257,258,277,278,279,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,362,363,364,365,366,367,368,369,370,377,378,379,383,384,385,386,387,388,389,390,391,392,399,400,401,403,404,405,406,407,411,412,413,421,422,423,424,425,426,427,428,444,445,446,447,448,449,487 +9022 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,161,162,167,168,169,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,492 +9023 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,181,182,183,184,185,186,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,476,492 +9024 - 10,11,12,13,32,33,34,35,53,54,55,74,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,182,183,184,204,205,206,225,226,227,234,235,236,247,248,249,254,255,256,257,258,259,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,299,302,303,304,313,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,341,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +9025 - 58,59,60,80,81,101,102,103,118,119,123,124,125,139,140,141,144,145,146,161,162,163,166,167,168,183,184,185,188,189,190,204,205,206,210,211,212,226,227,228,231,232,233,247,248,249,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,471,472,473,489 +9026 - 72,73,74,75,80,81,82,94,95,96,97,102,103,104,105,116,117,118,119,124,125,126,127,137,138,139,140,146,147,148,149,159,160,161,168,169,170,171,180,181,182,183,191,192,193,202,203,204,205,213,214,215,224,225,226,234,235,236,237,246,247,248,256,257,258,259,268,269,270,271,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,343,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,489 +9027 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,104,105,106,116,117,118,119,126,127,128,138,139,140,141,148,149,150,159,160,161,162,170,171,172,181,182,183,192,193,194,202,203,204,205,213,214,215,216,224,225,226,235,236,237,238,246,247,248,257,258,259,267,268,269,279,280,281,289,290,291,300,301,302,303,311,312,313,322,323,324,333,334,335,343,344,345,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +9028 - 10,11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,94,95,96,97,98,116,117,118,119,137,138,139,140,141,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,255,256,257,258,259,278,279,280,281,301,302,303,323,324,325,344,345,346,347,357,358,359,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,490 +9029 - 52,53,59,60,61,74,75,81,82,83,95,96,97,102,103,104,117,118,119,124,125,126,139,140,141,145,146,147,161,162,167,168,169,182,183,184,189,190,191,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +9030 - 52,53,74,75,76,96,97,98,101,102,118,119,120,122,123,124,140,141,144,145,146,162,163,166,167,168,183,184,185,188,189,190,191,205,206,207,210,211,212,213,214,227,228,229,232,233,234,235,249,250,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,321,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,489 +9031 - 72,73,74,75,92,93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,251,252,253,254,272,273,274,275,293,294,295,296,301,302,303,304,305,306,307,314,315,316,317,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,378,379,380,381,487 +9032 - 32,33,34,53,54,55,56,74,75,76,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,145,146,147,160,161,162,164,165,168,169,182,183,184,186,187,190,191,192,204,205,206,213,214,225,226,227,235,236,237,247,248,249,257,258,259,269,270,271,280,281,291,292,293,302,303,313,314,315,324,325,335,336,337,345,346,347,357,358,359,367,368,369,379,380,381,389,390,391,402,403,404,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +9033 - 53,54,55,56,57,58,59,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,136,137,138,139,158,159,160,161,180,181,182,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,344,345,346,357,366,367,368,378,379,380,388,389,390,401,402,403,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +9034 - 32,33,34,35,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,126,127,128,129,138,139,140,141,143,144,148,149,150,151,160,161,162,163,171,172,173,181,182,183,184,193,194,195,203,204,205,206,215,216,217,225,226,227,228,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,293,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,403,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +9035 - 23,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,104,105,106,107,116,117,118,119,127,128,129,130,137,138,139,140,150,151,158,159,160,161,162,172,173,179,180,181,182,183,194,195,201,202,203,204,216,217,218,223,224,225,226,237,238,239,240,245,246,247,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,354,355,356,357,358,366,367,368,369,377,378,379,380,381,382,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +9036 - 11,12,13,14,33,34,35,36,55,56,57,58,59,79,80,81,82,101,102,103,104,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,288,289,290,291,292,293,294,295,296,297,310,311,312,313,314,315,316,317,318,332,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,363,364,377,378,380,382,383,384,385,386,387,406,407,408,409,429,430,431,487 +9037 - 71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,146,147,148,149,150,166,167,168,169,170,171,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,300,301,302,303,304,324,325,326,346,347,348,368,369,370,389,390,391,392,410,411,412,413,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,464,465,466,467,468,469,470,471,472,473,474,475,488 +9038 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,260,268,269,270,279,280,281,282,290,291,292,301,302,303,304,312,313,314,323,324,325,326,334,335,336,345,346,347,356,357,358,366,367,368,369,379,380,381,382,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +9039 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +9040 - 73,74,75,76,94,95,96,97,98,101,102,103,115,116,117,118,119,120,123,124,125,126,137,138,139,140,141,145,146,147,148,158,159,160,161,162,167,168,169,170,179,180,181,182,183,189,190,191,192,201,202,203,204,205,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,255,256,257,258,259,267,268,269,270,271,273,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,366,367,368,369,388,389,390,391,411,412,413,414,433,434,435,436,456,457,458,478,479,480,489 +9041 - 77,78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,124,125,126,127,140,141,142,146,147,148,149,161,162,163,168,169,170,183,184,185,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,276,277,278,297,298,299,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,494 +9042 - 12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,80,81,82,96,97,98,102,103,117,118,119,124,125,138,139,140,160,161,162,181,182,183,203,204,225,226,231,232,233,234,235,236,237,238,247,248,251,252,253,254,255,256,257,258,259,260,261,268,269,270,272,273,274,275,282,283,284,290,291,292,294,295,305,306,312,313,314,316,317,318,325,326,327,328,334,335,336,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,491 +9043 - 37,38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,486 +9044 - 75,76,77,78,79,96,97,98,99,100,101,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,196,204,205,206,207,208,209,226,227,228,229,230,231,232,249,250,251,252,253,254,255,256,267,268,272,273,274,275,276,277,278,288,289,290,295,296,297,298,299,300,301,310,311,312,313,319,320,321,322,323,333,334,335,336,341,342,343,344,345,355,356,357,358,359,360,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +9045 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,486 +9046 - 52,53,54,72,73,74,75,76,77,83,84,85,93,94,95,96,97,98,99,104,105,106,107,108,114,115,116,117,118,119,120,125,126,127,128,129,130,136,137,138,139,140,141,147,148,149,150,151,152,157,158,159,160,161,162,163,168,169,170,171,172,173,179,180,181,182,183,184,189,190,191,192,193,194,195,201,202,203,204,205,206,211,212,213,214,215,216,223,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,249,254,255,256,257,258,259,267,268,269,270,271,272,275,276,277,278,279,280,281,289,290,291,292,293,294,297,298,299,300,301,302,303,312,313,314,315,316,317,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,430,431,432,433,434,453,454,455,456,475,476,477,478,489 +9047 - 35,36,37,38,39,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,104,105,106,107,115,116,117,118,119,120,121,122,126,127,128,129,136,137,138,139,140,141,142,149,150,151,158,159,160,161,162,163,171,172,173,179,180,181,182,183,193,194,195,201,202,203,204,215,216,217,222,223,224,225,226,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,314,315,316,323,324,325,326,327,332,333,334,335,336,337,338,344,345,346,347,348,354,355,356,357,358,359,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,485 +9048 - 31,32,33,53,54,55,74,75,76,77,78,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,147,148,161,162,163,169,170,171,183,184,185,192,193,205,206,214,215,226,227,228,236,237,248,249,250,258,259,270,271,280,281,292,293,301,302,303,314,315,323,324,335,336,337,344,345,346,358,359,366,367,380,381,386,387,388,389,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +9049 - 9,10,31,32,52,53,54,74,75,76,95,96,97,98,117,118,119,139,140,141,160,161,162,163,182,183,184,190,191,192,193,204,205,206,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,247,248,249,253,254,255,256,257,259,260,269,270,271,274,275,276,281,282,291,292,293,295,296,297,298,302,303,304,313,314,315,317,318,319,324,325,326,335,336,337,338,339,340,341,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,491 +9050 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,101,102,103,117,118,119,123,124,125,139,140,141,145,146,147,161,162,163,167,168,169,170,183,184,185,188,189,190,191,192,205,206,207,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,343,359,360,361,364,365,381,382,383,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +9051 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,122,123,124,138,139,140,146,147,159,160,161,162,167,168,169,171,181,182,183,184,189,190,191,193,194,203,204,205,206,209,210,211,212,215,216,226,227,228,229,230,231,232,233,234,237,238,249,250,251,252,253,254,255,256,259,260,276,277,278,281,282,297,298,299,303,319,320,321,325,340,341,342,343,362,363,364,384,385,386,391,392,405,406,407,413,427,428,429,449,450,451,470,471,472,494 +9052 - 68,69,70,76,77,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,146,147,148,149,169,170,171,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,280,281,282,283,284,285,297,298,299,300,301,302,303,304,305,306,307,319,320,321,322,323,324,325,326,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +9053 - 46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,281,301,302,303,304,324,325,326,346,347,348,367,368,369,370,378,379,388,389,390,391,399,400,401,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,475,488 +9054 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,102,103,104,114,115,116,124,125,126,137,146,147,148,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,413,414,415,423,424,425,426,427,428,429,436,437,445,446,447,448,487 +9055 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,103,104,105,106,116,117,118,119,120,126,127,128,129,137,138,139,140,141,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,193,194,195,196,202,203,204,205,206,215,216,217,218,224,225,226,227,237,238,239,240,246,247,248,249,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,323,324,325,326,327,333,334,335,336,337,344,345,346,347,348,355,356,357,358,359,360,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +9056 - 59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,170,171,172,173,181,182,183,184,185,186,187,191,192,193,194,195,202,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,229,234,235,236,237,238,239,245,246,247,248,249,250,255,256,257,258,259,260,266,267,268,269,270,276,277,278,279,280,281,288,289,290,291,292,297,298,299,300,301,302,303,310,311,312,313,314,319,320,321,322,323,324,332,333,334,335,336,340,341,342,343,344,354,355,356,357,358,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,485 +9057 - 54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,102,103,105,106,107,119,120,127,128,140,141,142,148,149,150,162,163,164,168,169,170,171,172,185,186,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,291,292,293,294,295,296,297,313,314,315,317,318,319,335,336,340,341,356,357,362,363,378,379,380,384,385,386,400,401,402,406,407,408,423,424,425,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +9058 - 7,8,9,10,28,29,30,31,32,49,50,51,52,53,71,72,73,74,93,94,95,96,114,115,116,117,136,137,138,139,157,158,159,160,161,179,180,181,182,201,202,203,204,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,491 +9059 - 52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,381,387,388,389,402,403,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +9060 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,166,167,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,255,256,257,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,492 +9061 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,124,125,126,139,140,141,147,148,149,160,161,162,168,169,170,171,182,183,184,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +9062 - 71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,180,181,182,183,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,278,279,280,281,282,290,291,292,293,294,295,302,303,304,305,312,313,314,315,325,326,327,347,348,349,368,369,370,371,389,390,391,392,393,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,490 +9063 - 12,13,14,33,34,35,36,55,56,57,76,77,78,98,99,100,119,120,121,140,141,142,143,162,163,164,184,185,186,205,206,207,208,212,213,214,226,227,228,229,232,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,279,280,281,291,292,293,294,295,296,297,298,301,302,303,313,314,315,316,317,318,319,322,323,324,335,336,337,338,339,340,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +9064 - 50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,126,127,128,136,137,138,139,158,159,160,180,181,182,187,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,277,278,279,280,281,299,300,301,302,303,322,323,324,325,326,345,346,347,348,357,358,359,367,368,369,370,379,380,381,382,389,390,391,392,401,402,403,404,405,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,490 +9065 - 25,26,27,28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,255,256,257,258,259,279,280,281,302,303,304,324,325,345,346,347,366,367,368,369,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,488 +9066 - 96,97,98,99,100,117,118,119,120,121,122,124,138,139,140,144,145,146,147,160,161,166,167,168,169,181,182,188,189,190,191,203,204,210,211,212,213,224,225,226,231,232,233,234,235,246,247,252,253,254,256,257,268,269,270,271,272,273,274,275,278,279,291,292,293,294,295,300,301,322,323,344,345,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +9067 - 75,76,77,78,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,165,169,170,171,172,173,181,182,183,184,191,192,193,194,195,203,204,205,206,207,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,279,280,281,282,283,290,291,292,301,302,303,304,312,313,314,322,323,324,325,326,334,335,336,340,341,342,343,344,345,346,347,356,357,358,359,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,425,426,427,471,472,473,485 +9068 - 13,14,34,35,36,56,57,58,77,78,79,99,100,101,120,121,122,141,142,143,163,164,165,184,185,186,188,189,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,257,258,259,270,271,272,273,274,280,281,292,293,294,295,296,302,303,313,314,315,323,324,325,335,336,337,344,345,346,357,358,359,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +9069 - 32,33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,486 +9070 - 98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,168,169,170,182,183,184,190,191,192,203,204,205,206,211,212,213,214,225,226,227,232,233,234,235,236,247,248,249,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,320,321,322,323,336,337,338,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +9071 - 36,37,38,39,58,59,60,61,79,80,81,82,94,95,96,101,102,103,104,115,116,117,118,123,124,125,126,137,138,139,140,145,146,147,148,159,160,161,167,168,169,170,180,181,182,183,189,190,191,202,203,204,205,211,212,213,224,225,226,227,233,234,235,246,247,248,255,256,257,268,269,270,272,273,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,453,454,455,489 +9072 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,448,449,450,486 +9073 - 34,35,36,37,38,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,184,186,187,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,255,256,257,258,277,278,279,280,299,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,402,403,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,490 +9074 - 70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,112,113,114,115,117,118,119,120,121,122,134,135,136,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,209,210,211,230,231,232,233,234,235,254,255,256,257,258,259,279,280,281,282,303,304,325,326,347,348,369,370,390,391,392,411,412,413,431,432,433,434,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +9075 - 54,55,56,76,77,78,97,98,99,119,120,121,141,142,143,162,163,164,184,185,186,206,207,208,228,229,230,249,250,251,252,271,272,273,277,278,279,280,294,295,298,299,300,301,302,303,316,317,318,319,320,321,323,324,325,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,385,386,387,408,409,474,475,491 +9076 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,123,124,125,126,138,139,140,141,145,146,147,148,149,160,161,162,163,164,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,337,338,339,343,344,345,358,359,360,361,365,366,367,381,382,383,387,388,389,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +9077 - 73,74,75,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,211,212,213,233,234,235,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,477,492 +9078 - 53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,338,343,344,345,365,366,367,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,488 +9079 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,101,102,103,104,117,118,119,123,124,125,126,127,138,139,140,145,146,147,148,160,161,162,167,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,214,226,227,228,229,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,364,365,366,381,382,383,386,387,388,403,404,405,409,410,411,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +9080 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,72,73,77,78,79,98,99,100,101,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,206,207,208,209,210,230,231,232,233,234,253,254,255,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,368,378,379,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +9081 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,123,124,125,136,137,138,143,144,145,146,147,158,159,160,165,166,167,168,180,181,182,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,342,343,344,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +9082 - 68,69,70,71,72,73,75,90,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,167,168,169,170,171,172,192,193,194,195,214,215,216,217,235,236,237,238,239,257,258,259,260,278,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,492 +9083 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,143,144,148,149,150,160,161,162,163,164,165,170,171,172,182,183,184,185,186,192,193,194,204,205,206,207,214,215,216,225,226,227,228,229,236,237,238,246,247,248,249,250,258,259,260,261,268,269,270,271,272,280,281,282,283,290,291,292,293,294,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,348,356,357,358,359,366,367,368,369,370,378,379,380,381,388,389,390,391,400,401,402,403,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +9084 - 48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,114,115,136,137,138,159,160,181,182,203,204,205,226,227,232,233,234,248,249,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,301,302,303,315,324,325,346,347,368,369,389,390,391,411,412,425,426,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +9085 - 33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,486 +9086 - 110,111,112,113,114,115,116,117,118,119,120,121,122,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,165,166,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,277,278,299,300,321,322,343,344,364,365,366,386,387,388,408,409,430,431,452,453,474,475,492 +9087 - 34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,102,103,104,105,118,119,120,121,125,126,127,140,141,142,147,148,149,168,169,170,171,190,191,192,212,213,214,234,235,236,255,256,257,276,277,278,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,333,334,335,336,340,341,342,343,344,345,346,354,355,356,361,362,363,364,365,366,367,368,369,376,377,378,382,383,384,385,389,390,391,398,399,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,446,487 +9088 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,160,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,317,322,323,324,325,336,337,338,339,344,345,346,347,357,358,359,360,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +9089 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,117,118,119,120,123,124,125,139,140,141,145,146,147,167,168,169,188,189,190,191,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,343,344,345,365,366,367,387,388,389,400,401,402,403,404,408,409,410,422,423,424,425,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +9090 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,72,73,74,75,76,79,93,94,95,96,97,98,114,115,116,117,118,136,137,138,139,157,158,159,160,179,180,181,182,201,202,203,223,224,231,232,233,234,235,236,237,245,246,247,252,253,254,255,256,257,258,259,260,267,268,269,274,275,276,278,279,280,281,282,283,289,290,291,292,296,297,298,303,304,305,306,311,312,313,314,318,319,320,325,326,327,328,334,335,336,337,341,342,343,347,348,349,350,356,357,358,359,360,364,365,366,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +9091 - 56,57,58,59,78,79,80,81,82,95,96,97,100,101,102,103,116,117,118,119,123,124,125,138,139,140,141,144,145,146,147,159,160,161,162,166,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,225,226,227,232,233,234,247,248,254,255,256,269,270,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,431,450,451,452,453,472,473,474,489 +9092 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,119,125,126,127,147,148,149,168,169,170,171,190,191,192,212,213,214,228,229,234,235,236,249,250,251,252,255,256,257,270,271,272,273,274,275,276,277,278,279,291,292,293,295,296,297,298,299,300,313,314,315,317,318,319,320,321,322,335,336,339,340,341,342,343,344,345,356,357,358,361,362,363,364,365,366,367,378,379,380,382,383,384,385,400,401,402,403,404,405,406,423,424,425,426,445,446,447,487 +9093 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,137,138,139,140,141,159,160,161,162,180,181,182,183,203,204,205,206,207,225,226,227,228,229,230,231,232,250,251,252,253,254,255,275,276,277,278,298,299,300,301,320,321,322,323,343,344,345,365,366,367,368,388,389,390,410,411,420,421,422,423,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,455,465,466,467,468,469,470,471,472,473,474,475,490 +9094 - 10,11,12,13,14,31,32,33,53,54,55,75,76,96,97,98,118,119,120,140,141,161,162,163,183,184,185,205,206,207,227,228,249,250,256,257,258,259,260,271,272,276,277,278,279,280,281,282,293,294,297,298,299,300,303,304,315,316,317,318,319,320,323,324,325,326,337,338,339,340,341,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +9095 - 10,11,12,13,32,33,34,35,53,54,55,56,75,76,77,78,96,97,98,99,118,119,120,139,140,141,161,162,163,183,184,185,205,206,207,226,227,228,248,249,250,256,257,270,271,272,276,277,278,279,280,281,292,293,294,297,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,325,336,337,338,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,405,406,407,408,409,428,429,430,491 +9096 - 29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,115,116,117,118,119,136,137,138,139,140,158,159,160,161,180,181,182,183,184,203,204,205,206,207,208,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,275,276,277,278,279,280,281,292,293,301,302,303,304,305,314,315,324,325,326,327,335,336,337,347,348,349,357,358,359,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,490 +9097 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,138,139,140,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,275,276,277,297,298,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +9098 - 32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,124,125,126,146,147,148,169,170,171,186,187,188,191,192,193,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,278,279,280,281,289,290,291,301,302,303,304,311,312,323,324,325,333,344,345,346,347,355,356,365,366,367,368,369,377,378,379,380,381,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,448,449,450,451,452,487 +9099 - 55,56,57,58,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,139,140,141,142,143,146,147,148,161,162,163,164,167,168,169,170,183,184,185,186,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,363,364,365,381,382,383,385,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,475,493 +9100 - 36,37,38,59,60,61,80,81,82,83,102,103,104,105,124,125,126,127,135,136,137,146,147,148,149,156,157,158,159,168,169,170,178,179,180,190,191,192,199,200,201,202,211,212,213,214,221,222,223,224,225,226,227,234,235,236,242,243,244,245,246,247,248,249,250,251,252,253,256,257,258,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,286,287,288,289,290,294,295,296,297,298,299,300,301,302,308,309,310,320,321,322,323,324,344,345,346,366,367,368,369,388,389,390,391,411,412,413,433,434,435,455,456,457,489 +9101 - 34,35,36,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,161,162,163,164,165,171,172,182,183,184,185,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,236,237,238,247,248,249,250,258,259,260,268,269,270,280,281,282,290,291,301,302,303,311,312,313,322,323,324,325,333,334,335,342,343,344,345,346,355,356,363,364,365,366,367,376,377,378,383,384,385,386,387,388,398,399,400,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +9102 - 115,116,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,269,270,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +9103 - 34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +9104 - 10,11,12,13,31,32,33,34,35,51,52,53,54,56,57,73,74,75,78,79,95,100,101,121,122,123,143,144,145,165,166,167,187,188,209,210,230,231,232,252,253,254,274,275,295,296,297,317,318,319,339,340,360,361,362,363,381,382,383,384,385,386,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,430,431,432,433,434,435,436,487 +9105 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,101,102,115,116,117,118,123,124,125,138,139,145,146,147,167,168,169,189,190,191,211,212,213,233,234,247,248,249,250,251,252,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,296,297,298,299,300,307,311,312,313,318,319,320,321,328,329,333,334,335,339,340,341,342,343,344,349,350,351,355,356,357,358,359,360,361,362,363,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,388,389,390,391,392,393,394,401,402,412,413,414,487 +9106 - 56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,447,448,449,469,470,471,486 +9107 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,100,101,102,103,114,115,116,117,118,122,123,124,125,136,137,138,139,144,145,146,147,158,159,160,166,167,168,180,181,188,189,206,207,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,300,301,302,323,324,345,346,347,367,368,369,389,390,402,403,404,410,411,412,423,424,425,426,427,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +9108 - 80,81,82,96,97,98,102,103,104,118,119,120,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,167,168,169,183,184,185,188,189,190,191,205,206,207,210,211,212,213,227,228,229,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,489 +9109 - 52,53,59,60,73,74,75,76,80,81,82,83,95,96,97,98,102,103,104,105,116,117,118,119,124,125,126,127,138,139,140,141,146,147,148,160,161,162,163,167,168,169,170,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,247,248,249,254,255,256,257,270,271,272,273,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,363,364,365,366,385,386,387,407,408,428,429,430,431,450,451,452,453,472,473,474,489 +9110 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +9111 - 73,74,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,145,146,147,148,149,150,151,160,161,162,181,182,183,184,203,204,205,225,226,227,228,246,247,248,249,250,251,269,270,271,272,273,274,275,292,295,296,297,298,318,319,320,321,341,342,343,364,365,366,386,387,388,399,400,408,409,410,421,422,423,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +9112 - 56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,140,141,142,146,147,148,149,162,163,164,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,236,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,319,320,321,337,338,339,341,342,343,358,359,360,362,363,364,365,380,381,382,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,469,470,471,472,493 +9113 - 11,12,13,14,27,28,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,165,183,184,185,186,187,205,206,207,208,227,228,229,230,235,236,237,249,250,251,252,255,256,257,258,259,260,271,272,273,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,491 +9114 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,138,139,140,141,160,161,162,163,167,168,169,182,183,184,189,190,191,192,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,300,319,320,321,341,342,343,344,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,494 +9115 - 94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,168,169,170,180,181,182,183,184,190,191,192,203,204,205,212,213,214,233,234,235,255,256,257,277,278,279,299,300,301,313,314,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,472,473,474,475,492 +9116 - 46,58,59,67,68,80,81,82,89,90,101,102,103,104,111,112,123,124,125,126,133,134,135,146,147,148,155,156,157,168,169,170,177,178,179,190,191,192,200,201,202,212,213,214,222,223,224,225,226,228,230,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,298,299,300,301,302,322,323,324,345,346,347,367,368,369,389,390,391,412,413,414,434,435,436,456,457,458,478,479,480,489 +9117 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,106,107,108,119,120,121,122,123,128,129,130,140,141,142,143,144,149,150,151,161,162,163,164,165,170,171,172,183,184,185,191,192,193,194,204,205,206,212,213,214,215,226,227,228,233,234,235,236,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,361,362,363,379,380,381,384,385,386,401,402,406,407,408,423,424,425,429,430,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +9118 - 48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,116,118,119,120,121,122,123,134,135,136,142,143,144,145,156,157,158,165,166,167,168,178,179,180,187,188,189,190,201,202,209,210,211,212,223,224,232,233,234,245,246,247,255,257,258,259,268,269,270,271,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,368,369,370,371,391,392,393,413,414,415,416,436,437,438,458,459,460,481,482,494 +9119 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,123,124,125,137,138,139,144,145,146,148,158,159,160,165,166,167,168,170,180,181,182,183,185,186,187,188,189,190,192,203,204,205,206,207,208,209,210,211,214,229,232,233,236,254,255,258,276,277,280,298,299,302,319,320,321,324,341,342,343,346,363,364,365,368,385,386,387,390,407,408,409,412,427,429,430,431,434,449,450,451,452,453,456,471,472,473,474,475,494 +9120 - 15,16,17,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,185,186,187,207,208,209,228,229,230,231,232,233,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,292,293,294,295,300,301,302,314,315,316,317,322,323,324,337,338,339,344,345,346,359,360,361,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +9121 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,471,472,486 +9122 - 97,98,99,100,101,118,119,120,121,122,123,124,139,140,141,142,145,146,161,162,163,166,167,168,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,386,387,408,409,429,430,431,451,452,453,473,474,475,494 +9123 - 8,9,10,30,31,32,52,53,73,74,75,95,96,97,117,118,119,139,140,141,160,161,162,182,183,184,190,191,204,205,206,211,212,213,214,215,226,227,228,232,233,234,235,236,237,247,248,249,250,254,255,256,258,259,260,269,270,271,272,275,276,277,280,281,282,291,292,293,294,297,298,302,303,304,313,314,315,316,319,320,323,324,325,336,337,338,341,342,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +9124 - 48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,137,138,139,140,141,142,159,160,161,162,163,164,181,182,183,184,185,186,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,279,280,281,282,283,284,294,295,301,302,303,304,305,306,322,323,324,325,326,327,328,342,343,344,345,346,347,348,349,350,363,364,365,366,367,368,369,370,371,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +9125 - 56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,123,124,125,126,127,128,138,139,140,141,144,145,146,148,149,160,161,162,165,166,167,169,170,171,181,182,183,184,188,190,191,192,204,205,206,211,212,213,214,226,227,228,229,233,234,249,250,251,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,357,358,359,360,362,363,364,379,380,381,384,385,386,401,402,407,408,423,424,425,429,430,445,446,447,448,449,450,451,452,469,470,471,472,473,474,493 +9126 - 13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,98,99,100,119,120,121,141,142,143,162,163,164,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,272,273,274,275,276,294,295,296,297,298,299,300,317,318,320,321,322,339,340,343,344,345,361,362,363,365,366,367,383,384,385,386,387,388,389,406,407,408,409,410,411,430,431,432,433,491 +9127 - 98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,138,139,140,147,148,159,160,161,165,166,167,170,181,182,183,186,187,188,189,204,205,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,276,277,298,299,320,321,342,343,364,365,386,387,408,409,429,430,431,451,452,453,472,473,474,494 +9128 - 76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,159,160,161,162,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,205,210,211,212,213,214,223,224,225,226,231,232,233,234,235,236,245,246,247,248,250,251,252,253,254,255,256,257,258,266,267,268,269,272,273,274,275,277,278,279,289,290,291,292,293,294,295,299,300,301,312,313,315,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +9129 - 97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,145,146,147,148,158,159,160,165,166,167,168,169,180,181,187,188,189,190,201,202,203,209,210,211,212,223,224,225,230,231,232,233,234,245,246,247,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,475,476,477,494 +9130 - 32,33,34,54,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,387,388,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,486 +9131 - 58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,106,107,108,118,119,120,121,122,123,128,129,130,138,139,140,141,142,143,144,150,151,152,160,161,162,163,164,165,172,173,174,181,182,183,184,185,194,195,196,203,204,205,206,216,217,218,224,225,226,227,237,238,239,240,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,332,333,334,335,344,345,346,347,354,355,356,357,366,367,368,369,377,378,379,387,388,389,390,399,400,401,402,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +9132 - 100,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,167,168,169,183,184,185,186,189,190,191,204,205,206,207,210,211,212,213,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,450,451,471,472,473,494 +9133 - 77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,429,448,449,450,470,471,472,473,486 +9134 - 56,57,58,62,63,73,74,75,76,77,78,79,80,81,83,84,85,94,95,96,97,98,99,100,102,103,106,107,116,117,118,127,128,129,138,139,148,149,150,160,161,162,170,171,183,184,185,191,192,206,207,208,209,212,213,229,230,231,232,233,234,235,252,253,254,255,256,275,276,277,278,296,297,298,299,300,317,318,319,320,321,322,338,339,340,342,343,344,359,360,361,364,365,366,381,382,386,387,388,402,403,404,408,409,410,425,426,427,428,430,431,432,448,449,450,451,452,453,454,472,473,474,475,493 +9135 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,140,141,142,143,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,312,313,314,315,316,317,318,319,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,386,387,388,389,390,391,400,401,402,406,407,408,409,410,413,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,487 +9136 - 56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,231,232,233,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +9137 - 75,76,81,82,83,96,97,98,103,104,105,106,118,119,120,125,126,127,128,139,140,141,142,147,148,149,161,162,163,164,168,169,170,183,184,185,190,191,192,204,205,206,212,213,214,226,227,228,233,234,235,236,247,248,249,255,256,257,258,269,270,271,277,278,279,291,292,293,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,385,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,489 +9138 - 84,85,86,87,95,96,97,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,182,183,184,203,204,205,225,226,227,247,248,249,269,270,271,272,291,292,293,294,295,296,297,315,316,317,318,319,320,321,341,342,343,344,345,365,366,367,368,388,389,390,409,410,411,412,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,490 +9139 - 54,55,56,75,76,77,78,81,82,83,97,98,99,100,103,104,105,118,119,120,121,124,125,126,127,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,246,247,248,249,254,255,256,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,335,336,337,340,341,342,343,362,363,364,384,385,386,389,390,391,405,406,407,411,412,413,414,427,428,429,430,433,434,435,436,437,449,450,451,457,458,459,471,472,473,489 +9140 - 53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,123,124,125,126,127,135,136,137,138,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,302,303,304,324,325,326,345,346,347,348,357,358,359,366,367,368,369,378,379,380,381,386,387,388,389,390,391,399,400,401,402,403,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,488 +9141 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,148,160,161,162,163,167,168,169,183,188,189,190,191,210,211,212,213,232,233,234,253,254,255,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,314,315,316,317,318,319,320,342,343,364,365,386,387,407,408,409,428,429,430,431,448,449,450,451,452,467,468,469,470,471,472,473,488 +9142 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,126,127,128,129,130,136,137,138,139,140,141,142,150,151,152,158,159,160,161,162,163,164,172,173,174,180,181,182,184,185,186,194,195,196,197,201,202,203,208,217,218,219,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,348,349,350,351,354,355,356,368,369,370,371,376,377,378,389,390,391,392,393,398,399,400,401,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +9143 - 74,75,76,95,96,97,98,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,182,183,184,188,189,190,210,211,212,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,427,428,429,430,449,450,451,452,471,472,473,474,492 +9144 - 14,15,16,17,34,35,36,37,38,39,40,55,56,57,58,59,60,75,76,77,78,79,80,97,98,99,100,117,118,119,120,121,138,139,140,141,142,160,161,162,163,181,182,183,184,202,203,204,205,224,225,226,246,247,248,252,253,254,255,256,257,258,268,269,270,273,274,275,276,277,278,279,280,281,282,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,316,317,318,324,325,326,327,334,335,336,337,339,340,347,348,349,357,358,359,360,368,369,370,371,380,381,382,383,384,385,386,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,491 +9145 - 75,76,77,81,82,83,96,97,98,99,102,103,104,105,118,119,120,124,125,126,127,140,141,142,145,146,147,148,161,162,163,167,168,169,170,183,184,185,188,189,190,191,204,205,206,207,210,211,212,213,226,227,228,232,233,234,248,249,250,251,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,489 +9146 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,60,73,81,82,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,205,206,207,208,227,228,229,249,250,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,303,324,325,326,346,347,348,367,368,369,387,388,389,390,391,397,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,488 +9147 - 31,32,33,38,39,53,54,55,60,61,62,74,75,76,77,82,83,84,96,97,98,99,103,104,105,106,118,119,120,125,126,127,128,139,140,141,142,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,205,206,207,211,212,213,226,227,228,232,233,234,235,248,249,250,254,255,256,270,271,272,275,276,277,278,292,293,297,298,299,313,314,315,318,319,320,321,336,337,338,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,425,426,427,428,447,448,449,489 +9148 - 50,51,52,61,62,72,73,83,84,93,94,95,105,106,115,116,127,128,137,138,148,149,150,159,160,170,171,172,181,182,192,193,203,204,214,215,225,226,236,237,247,248,257,258,259,269,270,277,278,279,280,291,292,293,298,299,300,301,302,313,314,315,316,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,366,367,381,382,383,384,388,389,409,410,431,432,453,454,475,476,489 +9149 - 61,62,63,64,82,83,84,85,103,104,105,106,107,108,119,120,125,126,127,140,141,142,146,147,148,162,163,164,168,169,170,183,184,185,189,190,191,205,206,207,210,211,212,213,226,227,228,229,232,233,234,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,489 +9150 - 74,75,76,77,78,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,140,144,145,146,158,159,160,161,166,167,168,169,179,180,181,187,188,189,190,191,201,202,203,209,210,211,212,213,223,224,225,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,434,453,454,455,456,475,476,477,478,494 +9151 - 34,35,36,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,127,128,129,130,139,140,141,142,143,149,150,151,152,160,161,162,163,164,165,172,173,174,182,183,184,185,186,187,194,195,196,204,205,206,207,208,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,259,260,261,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,353,354,355,356,362,363,364,365,366,367,376,377,378,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,414,419,420,421,422,423,424,425,426,427,428,429,436,443,444,445,446,447,448,449,485 +9152 - 51,52,53,54,72,73,74,75,76,77,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,124,126,127,128,135,136,137,138,139,140,142,148,149,150,157,158,160,170,171,172,178,179,180,191,192,193,200,201,202,207,208,209,211,212,213,214,215,216,222,223,224,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,260,261,262,268,269,270,271,272,273,274,275,283,284,293,294,295,305,306,307,315,316,327,328,336,337,338,349,350,358,359,370,371,379,380,381,390,391,392,393,401,402,403,411,412,413,414,423,424,425,426,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +9153 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,139,140,141,142,145,147,148,149,161,162,163,168,169,170,190,191,192,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,274,275,278,279,280,300,301,302,322,323,324,343,344,345,353,354,355,365,366,367,375,376,377,386,387,388,396,397,398,399,400,407,408,409,410,419,420,421,422,423,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,488 +9154 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,146,147,148,149,150,151,152,159,160,161,162,163,168,169,170,171,172,173,174,181,182,183,184,189,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,224,225,226,227,228,232,233,234,235,246,247,248,249,250,253,254,255,256,257,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,493 +9155 - 58,59,60,61,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,142,143,144,145,147,148,149,163,164,165,169,170,171,184,185,186,190,191,192,206,207,208,211,212,213,228,229,230,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,379,380,381,382,385,386,401,402,403,407,408,409,423,424,425,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,474,493 +9156 - 10,11,12,13,32,33,34,35,53,54,55,56,75,76,77,96,97,98,117,118,119,120,139,140,141,161,162,163,182,183,184,188,189,190,191,192,193,194,204,205,206,209,210,211,212,213,214,215,216,225,226,227,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,257,258,259,260,261,269,270,271,272,273,274,281,282,283,284,291,292,293,294,295,296,304,305,306,313,314,315,316,317,318,325,326,327,328,335,336,337,338,339,340,347,348,349,357,358,359,360,361,362,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +9157 - 119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,181,182,183,184,185,190,191,192,202,203,204,205,206,212,213,224,225,226,227,233,234,235,246,247,255,256,277,278,298,299,300,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,449,450,451,471,472,473,492 +9158 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,120,121,122,123,124,125,134,135,136,143,144,145,146,147,156,157,167,168,169,178,179,190,191,192,193,200,201,213,214,215,216,222,223,236,237,238,239,244,245,246,259,260,261,262,266,267,268,269,282,283,284,285,289,290,291,292,305,306,307,312,313,314,315,316,328,329,335,336,337,338,339,340,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,393,394,395,408,409,410,411,412,413,414,415,485 +9159 - 107,108,109,123,124,125,126,127,128,129,130,131,141,142,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,182,183,184,185,204,205,206,225,226,227,228,229,248,249,250,251,252,272,273,274,275,296,297,298,318,319,320,341,342,355,356,357,363,364,377,378,379,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,490 +9160 - 84,87,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,183,184,185,186,204,205,206,207,225,226,227,228,229,230,231,248,249,250,251,252,253,254,274,275,276,277,297,298,299,319,320,321,341,342,343,355,361,362,363,364,377,378,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,445,446,490 +9161 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,486 +9162 - 69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,139,140,141,142,143,144,145,146,147,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +9163 - 76,77,78,79,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,145,146,147,148,149,150,151,152,160,161,162,163,164,182,183,184,185,204,205,206,226,227,228,248,249,250,251,271,272,273,274,275,293,294,295,296,297,298,318,319,320,321,341,342,343,364,365,366,387,388,409,410,411,421,422,423,424,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,475,476,490 +9164 - 54,55,56,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,139,140,141,144,145,161,162,165,166,183,184,187,188,205,206,209,210,228,229,230,231,250,251,252,253,273,274,275,296,297,298,318,319,320,321,340,342,343,344,362,365,366,384,387,388,406,407,409,410,428,429,431,432,450,451,452,453,454,472,473,474,475,493 +9165 - 79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,127,128,129,140,141,142,145,149,150,151,161,162,170,171,172,173,183,184,191,192,193,194,205,206,207,213,214,215,227,228,229,230,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,342,356,357,358,359,363,364,378,379,380,385,386,400,401,402,407,408,422,423,424,429,430,445,446,447,451,452,468,469,470,471,472,473,474,493 +9166 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,149,150,151,159,160,161,162,163,171,172,173,180,181,182,183,184,193,194,195,201,202,203,204,205,215,216,217,218,223,224,225,226,238,239,240,241,245,246,247,248,260,261,262,263,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,306,311,312,313,314,322,323,324,325,326,327,333,334,335,336,342,343,344,345,346,347,348,355,356,357,358,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +9167 - 91,92,93,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,158,159,160,161,167,168,169,179,180,181,182,188,189,190,191,192,201,202,203,204,209,210,211,212,213,214,223,224,225,230,231,232,233,234,235,236,245,246,247,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,299,300,301,320,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +9168 - 49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,125,126,127,128,135,147,148,149,150,167,168,169,170,171,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,251,252,253,254,255,256,257,267,268,269,270,273,274,275,276,277,278,279,280,287,288,289,290,291,300,301,302,303,304,309,310,311,323,324,325,326,330,331,332,346,347,348,352,353,354,368,369,370,371,375,376,377,390,391,392,393,397,398,399,400,401,402,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,488 +9169 - 9,10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,79,80,81,96,97,98,101,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,256,257,258,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,341,342,343,344,345,354,355,356,357,363,364,365,366,367,368,376,377,378,379,384,385,386,389,390,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,487 +9170 - 14,15,30,31,32,35,36,37,52,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,99,100,117,118,119,139,140,141,161,162,163,183,184,185,205,206,207,208,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,303,323,324,325,334,345,346,347,356,357,366,367,368,378,379,380,381,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,490 +9171 - 76,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,159,160,161,162,163,180,181,182,183,202,203,204,224,225,226,227,228,229,247,248,249,250,251,252,253,271,272,273,274,275,276,297,298,299,320,321,322,343,344,345,365,366,367,376,377,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,448,449,450,490 +9172 - 46,47,59,60,68,69,70,81,82,83,90,91,92,93,102,103,104,105,112,113,114,115,124,125,126,127,134,135,136,137,146,147,148,156,157,158,159,168,169,170,178,179,180,181,190,191,192,200,201,202,203,205,206,207,208,209,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,344,345,346,347,354,355,366,367,368,369,370,389,390,391,392,411,412,413,414,415,434,435,436,437,438,456,457,458,459,460,479,480,481,482,489 +9173 - 55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,430,449,450,451,452,471,472,473,474,486 +9174 - 10,11,12,13,14,31,32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,95,96,97,98,116,117,118,119,120,137,138,139,140,141,159,160,161,162,180,181,182,183,184,191,192,193,194,195,202,203,204,205,212,213,214,215,216,217,218,219,223,224,225,226,233,234,235,236,237,238,239,240,241,244,245,246,247,248,254,255,256,257,258,260,261,262,263,266,267,268,269,275,276,277,278,279,281,282,283,284,285,288,289,290,291,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +9175 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,385,404,405,406,426,427,428,448,449,450,451,470,471,472,473,486 +9176 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,168,169,170,181,182,183,190,191,192,203,204,205,212,213,214,225,226,227,234,235,236,247,248,249,255,256,257,258,269,270,271,277,278,279,280,291,292,293,294,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,477,478,494 +9177 - 9,10,11,29,30,31,32,51,52,53,54,73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,212,213,214,215,216,225,226,227,233,234,235,236,237,238,239,247,248,249,253,254,255,256,257,259,260,261,262,269,270,275,276,277,281,282,283,284,291,292,293,296,297,298,303,304,305,306,313,314,315,317,318,319,324,325,326,327,335,336,337,338,339,340,346,347,348,349,358,359,360,361,362,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +9178 - 51,52,53,54,55,56,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,99,100,101,102,103,115,116,117,122,123,124,138,139,143,144,145,160,161,162,164,165,166,183,184,185,186,187,206,207,208,209,229,230,231,232,233,251,252,253,254,255,256,272,273,274,276,277,278,294,295,299,300,301,316,317,323,324,337,338,339,345,346,347,360,361,368,369,370,382,383,390,391,392,404,405,406,411,412,413,414,426,427,428,429,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +9179 - 33,34,35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,105,119,120,125,126,127,147,148,149,169,170,171,191,192,193,212,213,214,234,235,236,247,248,249,250,256,257,258,268,269,270,271,272,273,274,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,318,319,320,321,322,332,333,334,341,342,343,344,345,354,355,356,362,363,364,365,366,367,368,369,376,377,378,383,384,385,386,390,391,392,393,398,399,400,404,405,406,407,414,415,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,487 +9180 - 32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,82,83,84,104,105,106,126,127,128,148,149,150,169,170,171,179,180,181,182,183,189,190,191,192,193,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,221,222,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,324,343,344,345,346,365,366,367,378,386,387,388,389,400,401,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +9181 - 55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,427,428,429,430,449,450,451,452,471,472,473,486 +9182 - 52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,88,89,90,91,92,93,94,95,96,97,103,104,110,111,112,113,114,115,124,125,126,133,134,146,147,148,167,168,169,170,188,189,190,191,208,209,210,211,212,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,276,277,278,279,292,293,299,300,301,302,322,323,324,334,345,346,356,357,367,368,379,389,390,401,402,410,411,412,423,424,425,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +9183 - 28,29,30,31,32,49,50,51,52,53,55,56,70,71,72,73,74,78,79,92,93,94,95,100,101,115,122,123,143,144,145,164,165,166,167,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,234,235,236,237,250,257,258,259,260,280,281,282,303,304,305,325,326,327,347,348,349,369,370,371,379,390,391,392,393,400,401,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,488 +9184 - 71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +9185 - 57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,162,163,164,168,169,184,185,186,189,190,191,206,207,208,210,211,212,228,229,230,232,233,234,251,252,253,254,255,273,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,365,381,382,383,386,387,403,404,405,408,409,424,425,426,430,431,447,448,449,451,452,453,470,471,472,473,474,493 +9186 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,79,80,95,96,97,101,102,117,118,123,124,125,139,140,145,146,160,161,167,168,182,183,189,190,204,205,211,212,232,233,234,254,255,275,276,277,297,298,318,319,320,339,340,341,347,348,358,359,360,361,362,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,423,424,425,444,445,446,487 +9187 - 12,13,14,15,34,35,54,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,187,206,207,208,209,227,228,229,230,249,250,251,252,271,272,273,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,345,346,347,348,359,360,361,362,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +9188 - 94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,166,167,168,169,170,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,468,469,470,471,472,492 +9189 - 69,72,73,74,80,81,82,94,95,96,101,102,103,104,116,117,118,123,124,125,126,138,139,140,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,452,453,454,474,475,476,477,489 +9190 - 52,53,54,73,74,75,76,80,81,95,96,97,101,102,103,117,118,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,204,205,206,209,210,211,226,227,228,229,231,232,233,234,249,250,251,253,254,255,271,272,273,274,275,276,277,281,282,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,346,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +9191 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,143,144,145,146,147,158,159,160,164,165,166,167,168,169,179,180,181,186,187,188,189,190,191,201,202,203,210,211,212,213,223,224,225,232,233,234,235,245,246,247,253,254,255,256,257,268,269,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,343,344,345,366,367,368,388,389,390,410,411,412,432,433,434,435,455,456,457,477,478,479,494 +9192 - 34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,81,82,83,93,94,95,96,97,104,105,115,116,117,126,127,137,138,139,148,149,150,159,160,170,171,172,192,193,194,214,215,216,236,237,253,254,255,257,258,259,275,276,277,278,279,280,281,286,298,299,300,301,302,308,322,323,324,325,330,331,345,346,347,352,353,354,367,368,369,375,376,377,389,390,391,398,399,400,401,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,488 +9193 - 36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,125,126,127,142,143,147,148,149,170,171,192,193,214,215,236,237,257,258,259,279,280,281,300,301,302,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,363,364,365,366,367,368,377,378,384,385,386,387,388,389,390,399,400,404,405,406,407,412,414,421,422,423,424,425,426,427,428,443,444,445,446,447,448,487 +9194 - 31,32,33,34,35,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,105,115,116,117,118,125,126,127,137,138,139,147,148,149,150,159,160,161,169,170,171,172,180,181,182,192,193,194,195,202,203,204,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,313,314,325,326,327,335,336,337,346,347,348,357,358,359,367,368,369,370,379,380,381,382,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +9195 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,126,127,128,129,136,137,138,139,140,141,142,143,148,149,150,151,152,157,158,159,161,162,163,164,171,172,173,174,178,179,180,183,184,185,186,193,194,195,196,200,201,202,204,205,206,207,215,216,217,218,222,223,224,226,227,228,229,237,238,239,240,244,245,246,248,249,250,251,259,260,261,262,266,267,268,269,270,271,272,281,282,283,284,288,289,291,292,293,294,303,304,305,306,313,314,315,316,324,325,326,327,328,334,335,336,337,346,347,348,349,356,357,358,359,367,368,369,370,378,379,380,388,389,390,391,392,400,401,402,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,485 +9196 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,122,123,124,125,126,127,128,129,135,136,137,138,139,140,146,147,148,149,150,151,157,158,159,160,161,170,171,172,173,179,180,181,182,183,192,193,194,195,196,201,202,203,204,205,215,216,217,218,223,224,225,226,227,228,237,238,239,240,241,245,246,247,248,249,250,251,259,260,261,262,263,267,268,269,270,271,272,273,274,281,282,283,284,285,289,290,291,292,296,303,304,305,306,311,312,313,314,324,325,326,327,328,333,334,335,336,346,347,348,349,355,356,357,358,359,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +9197 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,147,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,195,196,203,204,205,214,215,216,217,218,225,226,236,237,238,239,240,246,247,258,259,260,261,262,267,268,269,280,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,322,323,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,365,366,367,368,369,375,376,377,385,386,387,388,389,390,397,398,399,401,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,465,467,468,485 +9198 - 94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,144,145,146,157,158,159,166,167,168,188,189,190,209,210,211,212,231,232,233,254,255,256,275,276,277,278,279,280,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +9199 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,343,344,361,362,363,364,365,383,384,385,386,406,407,428,429,450,451,452,472,473,474,486 +9200 - 98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,169,170,171,179,180,181,182,191,192,193,213,214,215,234,235,236,237,256,257,258,259,278,279,280,299,300,301,302,321,322,323,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +9201 - 32,33,34,53,54,55,56,75,76,77,96,97,98,99,118,119,120,140,141,142,162,163,183,184,185,205,206,207,227,228,229,234,235,236,249,250,251,255,256,257,258,271,272,273,275,276,277,278,279,280,293,294,295,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,386,387,405,406,427,428,449,450,451,491 +9202 - 4,5,6,25,26,27,28,47,48,49,50,68,69,70,71,90,91,92,93,112,113,114,134,135,136,156,157,158,178,179,180,192,193,194,195,196,200,201,202,212,213,214,215,216,217,218,219,222,223,224,233,234,235,236,237,238,239,240,241,244,245,246,247,248,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,276,277,278,279,283,284,285,289,290,291,292,293,294,295,298,299,300,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,408,410,491 +9203 - 11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,80,81,82,96,97,98,99,102,103,104,105,125,126,127,147,148,149,169,170,190,191,192,212,213,214,234,235,255,256,257,277,278,290,291,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,349,353,354,355,356,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,487 +9204 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,143,144,145,146,147,148,149,150,151,157,158,159,160,171,172,173,174,179,180,181,194,195,196,197,200,201,202,203,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,283,284,285,288,289,305,306,307,310,311,326,327,328,332,333,334,347,348,349,350,354,355,356,357,368,369,370,371,377,378,379,380,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +9205 - 76,77,78,79,80,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,182,183,184,185,186,187,203,204,205,206,225,226,227,228,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,321,322,323,343,344,345,346,366,367,368,388,389,390,409,410,411,412,431,432,433,444,445,446,450,451,452,453,454,455,465,466,467,468,469,470,471,472,473,474,475,476,490 +9206 - 11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,165,183,184,185,186,189,190,191,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,279,280,281,282,292,293,294,296,297,301,302,303,304,314,315,316,322,323,324,325,335,336,337,338,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +9207 - 54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,117,118,119,120,121,139,140,141,160,161,162,182,183,184,204,205,206,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,324,344,345,346,367,368,378,388,389,390,399,400,401,410,411,412,421,422,423,424,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +9208 - 54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,102,103,104,114,115,116,117,118,124,125,135,136,137,138,156,157,158,159,178,179,180,181,193,194,195,196,197,201,202,203,204,205,206,207,208,212,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,275,276,277,278,279,296,297,298,301,302,316,317,318,319,323,324,325,337,338,339,340,346,347,358,359,360,368,369,380,381,382,390,391,392,402,403,404,412,413,414,425,426,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,493 +9209 - 1,2,3,4,24,25,26,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,333,334,335,344,345,346,347,348,349,355,356,357,358,366,367,368,369,370,377,378,379,380,381,382,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,485 +9210 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,56,72,73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,189,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,216,217,224,225,226,227,231,232,233,234,235,236,237,238,239,246,247,248,249,252,253,254,255,256,260,261,262,268,269,270,271,273,274,275,276,282,283,284,285,290,291,292,293,295,296,297,298,304,305,306,307,312,313,314,315,316,317,318,319,325,326,327,328,335,336,337,338,339,340,341,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +9211 - 117,118,119,120,138,139,140,141,142,143,158,159,160,161,162,163,164,165,180,181,182,183,186,187,202,203,208,209,230,231,252,253,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,347,348,349,350,351,358,359,360,361,487 +9212 - 7,8,9,10,11,27,28,29,30,31,32,33,34,49,50,51,52,54,55,56,57,70,71,72,73,78,79,80,92,93,94,95,101,102,114,115,116,123,124,125,137,138,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,298,299,300,301,319,320,321,322,337,341,342,343,344,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,389,401,402,403,405,406,407,408,409,410,411,412,413,423,424,425,427,428,429,430,431,432,433,434,435,487 +9213 - 56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,145,146,147,148,161,162,163,164,166,167,168,169,183,184,185,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,297,298,315,316,317,318,319,320,337,338,339,341,342,359,360,363,364,381,382,385,386,387,403,404,407,408,409,425,426,427,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +9214 - 91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,158,159,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +9215 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,128,139,140,141,142,148,149,150,160,161,162,163,164,170,171,172,182,183,184,185,192,193,194,204,205,206,207,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,304,312,313,314,315,321,322,323,324,325,334,335,336,337,342,343,344,345,346,347,356,357,358,359,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,425,426,427,428,438,459,460,461,481,482,483,485 +9216 - 35,36,37,57,58,59,79,80,101,102,122,123,124,139,140,144,145,161,166,167,182,183,188,189,190,204,205,209,210,211,212,226,227,231,232,233,248,249,253,254,255,270,271,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,339,340,341,342,362,363,364,384,385,386,407,408,429,430,451,452,489 +9217 - 11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,119,120,121,140,141,142,143,162,163,164,184,185,186,206,207,208,227,228,229,230,233,234,235,236,237,249,250,251,252,254,255,256,257,258,259,260,271,272,273,275,276,277,278,280,281,282,293,294,295,296,297,298,299,302,303,304,315,316,317,318,319,320,323,324,325,326,337,338,339,340,344,345,346,347,359,360,361,362,364,365,366,367,368,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,491 +9218 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,284,285,292,293,294,295,296,297,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,392,393,394,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,487 +9219 - 34,35,36,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,161,162,163,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,228,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,316,317,318,320,321,322,337,338,339,340,342,343,344,345,359,360,361,365,366,367,368,381,382,383,388,389,390,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,493 +9220 - 58,59,80,81,82,99,100,101,103,104,105,119,120,121,122,123,125,126,127,139,140,141,142,143,144,145,146,148,149,160,161,162,163,164,165,166,167,170,171,172,181,182,183,184,185,186,192,193,194,203,204,205,214,215,216,225,226,235,236,247,248,249,257,258,269,270,271,278,279,280,281,292,293,294,299,300,301,315,316,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,493 +9221 - 55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,190,191,192,193,194,207,208,209,210,212,213,214,215,216,217,229,230,231,232,235,236,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,407,426,427,428,429,448,449,450,451,471,472,473,486 +9222 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,144,145,146,147,148,158,159,160,161,162,167,168,169,170,171,180,181,182,183,184,185,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,228,234,235,236,237,238,246,247,248,249,250,257,258,259,260,268,269,270,271,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,370,379,380,381,382,387,388,389,390,391,401,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +9223 - 95,96,97,98,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,168,169,170,181,182,183,190,191,203,204,205,211,212,213,225,226,227,233,234,235,255,256,277,278,298,299,300,320,321,322,342,343,344,364,365,386,387,407,408,409,429,430,431,451,452,453,473,474,492 +9224 - 97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,144,145,146,147,148,149,160,161,169,170,171,191,192,193,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,492 +9225 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,160,161,162,167,168,169,182,183,188,189,190,203,204,205,210,211,212,225,226,227,231,232,233,234,235,247,248,249,253,254,255,256,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,321,322,343,344,365,366,387,388,409,410,431,432,453,454,474,475,476,494 +9226 - 69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,98,99,100,101,113,114,121,122,123,144,145,165,166,167,185,186,187,188,189,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,277,278,279,300,301,302,323,324,346,347,368,369,390,391,392,412,413,414,427,428,434,435,449,450,451,453,454,455,456,471,472,473,474,475,476,477,478,488 +9227 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +9228 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,128,129,130,131,139,140,141,142,143,144,145,146,147,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,248,249,250,271,272,273,293,294,295,296,316,317,318,319,320,321,340,341,342,343,344,365,366,367,387,388,389,390,407,408,409,410,411,412,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,490 +9229 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,145,146,147,159,160,161,167,168,169,180,181,182,189,190,191,202,203,204,210,211,212,213,224,225,232,233,234,235,246,247,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,314,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +9230 - 29,30,31,32,33,34,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,146,147,148,149,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,356,357,358,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +9231 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,51,52,53,54,56,57,58,72,73,74,75,79,80,81,94,95,96,101,102,103,124,125,146,147,168,169,190,191,211,212,213,233,234,235,255,256,276,277,278,293,294,295,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,387,388,389,390,391,394,395,399,400,401,402,403,404,405,411,412,413,414,415,416,417,435,436,437,438,439,487 +9232 - 57,58,59,61,62,63,64,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,119,120,121,122,140,141,142,161,162,163,182,183,184,185,203,204,205,206,207,208,209,225,226,227,228,230,231,232,253,254,255,276,277,299,300,321,322,343,344,365,366,387,388,408,409,410,420,421,422,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +9233 - 10,11,12,32,33,34,53,54,55,56,75,76,77,78,96,97,98,118,119,120,140,141,142,162,163,164,184,185,186,206,207,227,228,229,249,250,251,255,256,257,258,271,272,273,276,277,278,279,280,293,294,295,297,298,299,300,301,315,316,317,319,320,321,322,323,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,386,387,406,407,428,429,491 +9234 - 31,32,33,34,35,52,53,54,55,56,57,58,74,75,76,78,79,80,96,97,98,100,101,118,119,120,128,140,141,142,148,149,150,151,162,163,164,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,298,299,300,315,316,317,318,320,321,322,337,338,339,342,343,344,345,358,359,360,361,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,493 +9235 - 73,74,75,76,95,96,97,98,99,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,145,146,161,167,188,189,209,210,211,231,232,233,253,254,275,276,296,297,298,318,319,320,340,341,342,362,363,384,385,406,407,428,429,450,451,472,473,492 +9236 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,105,106,107,115,116,117,118,119,120,121,128,129,137,138,139,140,141,159,160,161,162,181,182,183,184,185,204,205,206,207,208,227,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,298,299,300,301,321,322,323,342,343,344,345,364,365,366,385,386,387,388,406,407,408,409,410,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,490 +9237 - 11,12,13,32,33,34,54,55,75,76,77,97,98,119,120,140,141,162,163,184,185,205,206,211,212,213,214,227,228,229,232,233,234,235,236,249,250,253,254,255,257,258,259,271,272,274,275,276,279,280,281,293,294,296,297,298,300,301,302,303,314,315,316,318,319,322,323,324,337,338,339,340,341,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +9238 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,137,138,139,140,143,144,145,146,147,159,160,161,167,168,169,170,181,182,183,190,191,192,203,204,205,206,212,213,214,226,227,228,229,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,411,430,431,432,433,453,454,455,475,476,477,494 +9239 - 10,11,12,32,33,53,54,55,75,76,77,96,97,98,118,119,120,140,141,142,161,162,163,183,184,185,205,206,213,214,226,227,228,233,234,235,236,237,248,249,250,254,255,256,257,258,259,269,270,271,274,275,276,277,279,280,281,291,292,293,296,297,301,302,303,313,314,315,317,318,319,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,404,405,406,407,491 +9240 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +9241 - 58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,125,141,142,143,145,146,147,163,164,165,167,168,169,184,185,186,188,189,190,191,206,207,208,210,211,212,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,321,338,339,341,342,343,359,360,361,365,381,382,387,403,404,409,425,426,427,431,447,448,449,450,451,452,453,454,470,471,472,473,474,475,476,493 +9242 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,190,191,192,193,212,213,214,215,233,234,235,236,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,376,377,487 +9243 - 74,75,76,77,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,147,148,149,160,161,162,169,170,182,183,184,191,204,205,206,211,212,213,233,234,235,255,256,276,277,297,298,299,319,320,321,341,342,362,363,364,384,385,405,406,407,427,428,429,448,449,450,468,469,470,471,492 +9244 - 8,9,10,29,30,31,51,52,53,73,74,75,94,95,96,97,116,117,118,137,138,139,140,159,160,161,167,168,169,170,171,172,181,182,183,188,189,190,191,192,193,194,195,203,204,205,210,211,212,213,214,215,216,217,225,226,227,232,233,234,238,239,247,248,249,254,255,256,260,261,269,270,271,276,281,282,283,291,292,293,294,297,298,299,303,304,305,314,315,316,320,321,322,324,325,326,327,336,337,338,343,344,345,346,347,348,359,360,361,366,367,368,369,381,382,383,384,385,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +9245 - 75,76,81,82,83,96,97,98,102,103,104,105,118,119,120,124,125,126,127,139,140,141,146,147,149,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,232,233,234,247,248,249,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,489 +9246 - 9,10,11,12,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,78,79,80,81,101,102,103,123,124,125,145,146,147,148,168,169,170,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,292,293,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,410,411,412,422,423,424,425,426,487 +9247 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,143,144,145,146,147,159,160,161,166,167,168,169,180,181,182,188,189,190,191,201,202,203,209,210,211,212,213,223,224,225,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,276,277,278,291,292,293,298,299,300,309,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +9248 - 54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,105,106,107,113,114,115,116,117,118,119,127,128,129,134,135,136,137,138,139,148,149,150,156,157,158,169,170,171,177,178,179,190,191,192,193,212,213,214,232,233,234,235,254,255,256,275,276,277,296,297,298,317,318,319,338,339,340,359,360,361,381,382,383,402,403,404,413,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,446,447,448,449,450,451,452,453,454,455,456,457,458,468,469,470,471,472,473,474,487 +9249 - 35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,85,86,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,140,141,142,147,148,161,162,163,164,169,170,183,184,185,191,192,213,214,234,235,236,256,257,258,278,279,299,300,301,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,362,363,364,365,366,367,368,369,375,376,377,378,383,384,385,386,389,390,391,392,393,397,398,399,404,405,406,407,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,487 +9250 - 53,54,55,56,73,74,75,76,77,78,79,80,81,94,95,96,97,98,100,101,102,103,104,105,116,117,118,119,121,122,123,124,126,127,128,137,138,139,140,143,144,148,149,150,159,160,161,169,170,171,172,181,182,183,189,190,191,192,193,203,204,205,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,295,296,297,298,301,302,303,315,316,317,318,323,324,325,336,337,338,339,345,346,347,358,359,360,361,366,367,368,369,380,381,382,387,388,389,390,402,403,404,408,409,410,411,412,424,425,426,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +9251 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,361,362,363,376,377,383,384,385,398,405,406,407,427,428,429,430,449,450,451,452,472,473,486 +9252 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,123,124,125,126,127,137,138,139,146,147,148,149,169,170,171,190,191,192,193,212,213,214,215,228,229,230,231,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,341,342,343,344,345,346,347,348,349,350,354,355,356,357,362,363,364,365,366,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,392,393,394,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,487 +9253 - 53,54,55,57,58,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,125,126,146,147,148,167,168,169,170,189,190,191,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,277,278,279,300,301,322,323,324,344,345,346,366,367,368,387,388,389,409,410,411,420,421,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +9254 - 13,14,15,16,33,34,35,36,37,54,55,56,57,76,77,78,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,204,205,206,207,211,212,213,214,226,227,228,234,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,344,345,346,347,358,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,491 +9255 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,139,140,141,145,146,147,167,168,169,189,190,210,211,212,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,321,322,343,344,365,366,386,387,388,408,409,429,430,431,450,451,452,470,471,472,473,488 +9256 - 53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,123,139,140,141,142,143,144,145,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,472,473,474,486 +9257 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,81,82,83,84,95,96,97,98,99,104,105,106,116,117,118,119,120,121,126,127,128,129,137,138,139,140,141,142,143,149,150,151,159,160,161,162,163,164,171,172,173,180,181,182,183,184,185,193,194,195,202,203,204,205,206,215,216,217,224,225,226,227,236,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,301,302,303,304,310,311,312,313,314,323,324,325,326,333,334,343,344,345,346,347,354,355,356,364,365,366,367,368,369,376,377,378,384,385,386,387,388,389,390,398,399,400,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +9258 - 36,37,38,39,40,56,57,58,59,60,61,62,63,64,77,78,79,80,84,85,86,99,100,101,107,108,121,129,130,151,152,173,174,195,196,216,217,218,225,226,227,228,229,230,237,238,239,245,246,247,248,249,250,251,252,253,258,259,260,266,267,268,269,274,275,276,279,280,281,282,287,288,289,297,298,299,300,301,302,309,310,319,320,321,322,323,331,332,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,365,366,367,376,377,378,379,380,381,382,383,389,390,411,412,487 +9259 - 62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,139,140,141,142,143,144,161,182,183,184,204,205,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,298,299,300,320,321,322,323,342,343,344,365,366,377,387,388,399,400,401,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,490 +9260 - 33,34,54,55,56,76,77,78,98,99,120,121,142,143,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,409,429,430,431,452,453,486 +9261 - 109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,183,184,204,205,226,227,248,249,250,271,272,273,274,294,295,296,297,318,319,320,341,342,355,356,363,364,365,377,378,386,387,399,400,401,408,409,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,490 +9262 - 9,10,11,12,31,32,33,34,52,53,54,55,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,184,191,203,204,205,212,213,214,225,226,227,233,234,235,236,237,247,248,249,254,255,256,257,258,259,269,270,271,272,276,277,278,280,281,282,292,293,294,298,299,300,301,302,303,314,315,316,317,320,321,322,323,324,325,337,338,339,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +9263 - 96,97,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,170,181,182,183,184,189,190,191,203,204,205,211,212,213,226,227,233,234,235,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,492 +9264 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,450,451,452,453,486 +9265 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,144,145,146,147,159,160,161,162,166,167,168,169,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,231,232,233,234,235,246,247,252,253,254,255,256,268,269,272,273,274,275,276,277,278,290,291,292,293,294,295,296,299,300,313,314,315,316,321,322,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,474,475,494 +9266 - 57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,137,138,139,140,141,147,148,149,158,159,160,161,168,169,170,178,179,180,181,190,191,192,200,201,202,211,212,213,222,223,233,234,244,245,254,255,266,275,276,277,296,297,298,301,317,318,319,322,339,340,341,344,360,361,362,365,366,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,467,468,469,470,487 +9267 - 96,97,98,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,168,169,182,183,184,190,191,205,211,212,213,233,234,255,256,276,277,278,298,299,300,320,321,342,343,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,474,492 +9268 - 47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,142,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,474,488 +9269 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,104,105,106,118,119,120,121,122,126,127,128,140,141,142,143,144,148,149,150,162,163,164,165,170,171,172,183,184,185,186,187,192,193,194,205,206,207,208,209,214,215,216,227,228,229,230,231,236,237,238,248,249,250,252,253,258,259,260,269,270,271,272,274,280,281,282,291,292,293,294,302,303,304,313,314,315,316,323,324,325,335,336,337,344,345,346,347,357,358,359,360,365,366,367,368,379,380,382,386,387,388,389,401,402,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +9270 - 92,93,94,95,97,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,211,212,213,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,475,492 +9271 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,118,119,121,122,123,124,143,144,145,146,147,165,166,167,168,189,190,211,212,233,234,255,256,276,277,278,288,289,290,291,292,297,298,299,310,311,312,313,314,315,316,319,320,321,332,333,336,337,338,339,340,341,342,350,351,354,355,359,360,361,362,363,364,366,367,368,369,370,371,372,373,376,377,378,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,487 +9272 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,122,123,124,125,134,135,136,137,144,145,146,147,155,156,157,166,167,168,169,178,188,189,190,191,210,211,212,213,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,322,323,324,345,346,347,362,363,367,368,369,382,383,384,385,389,390,391,392,404,405,406,407,408,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,474,475,476,477,488 +9273 - 117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,168,169,181,182,183,184,190,191,203,204,205,206,212,213,233,234,235,255,256,257,277,278,299,300,320,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,473,474,492 +9274 - 69,70,71,72,73,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,166,167,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +9275 - 98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,160,161,162,163,164,167,168,169,181,182,183,184,189,190,191,203,204,205,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,253,254,255,256,268,269,274,275,276,277,278,290,291,292,295,296,297,298,299,300,312,313,314,315,316,317,318,319,321,322,335,336,337,338,339,340,343,344,365,366,387,388,409,410,431,432,453,454,475,476,494 +9276 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,190,191,203,204,211,212,213,225,226,233,234,235,255,256,257,275,276,277,278,279,280,296,297,298,299,300,301,302,318,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,470,471,472,492 +9277 - 34,35,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,360,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +9278 - 44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,122,123,124,125,126,127,145,146,147,148,149,163,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,327,337,338,346,347,348,349,358,359,360,368,369,370,371,380,381,382,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,488 +9279 - 53,54,74,75,76,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,161,162,163,164,169,170,183,184,185,191,192,213,214,234,235,236,255,256,257,275,276,277,278,297,298,299,300,320,321,322,343,344,345,366,367,388,389,390,410,411,412,423,424,425,426,432,433,445,446,447,448,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,476,488 +9280 - 13,14,15,16,34,35,36,55,56,57,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,227,228,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,300,301,302,303,314,315,316,322,323,324,336,337,338,343,344,345,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +9281 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,162,163,164,184,185,186,205,206,207,227,228,229,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,301,302,314,315,316,317,318,322,323,324,336,337,338,339,344,345,346,358,359,360,361,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +9282 - 50,51,52,71,72,73,74,80,81,82,93,94,95,96,101,102,103,104,115,116,117,118,123,124,125,126,137,138,139,140,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,475,476,477,478,489 +9283 - 96,97,98,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,168,169,181,182,183,184,185,189,190,191,203,204,205,211,212,226,227,232,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +9284 - 8,9,10,11,28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,76,77,78,79,80,93,94,95,99,100,101,102,115,116,121,122,123,124,137,138,144,145,146,147,159,166,167,168,169,188,189,190,191,211,212,213,233,234,235,236,255,256,257,258,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,411,412,413,414,415,416,422,423,424,425,426,487 +9285 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,141,142,163,164,169,170,185,186,187,190,191,192,207,208,209,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,342,343,359,360,361,364,365,380,381,382,386,387,402,403,404,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +9286 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,144,145,146,159,160,161,166,167,168,181,182,183,188,189,190,203,204,205,210,211,226,232,233,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +9287 - 54,55,56,75,76,77,78,79,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,167,168,169,170,183,184,185,186,189,191,192,205,206,207,208,211,213,214,215,227,228,229,235,236,237,249,250,251,258,259,271,272,273,279,280,281,293,294,295,301,302,303,315,316,317,322,323,324,337,338,344,345,346,358,359,360,365,366,367,368,380,381,382,386,387,388,389,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,485 +9288 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +9289 - 74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,160,161,162,163,164,167,168,169,182,183,184,185,186,188,189,190,204,205,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,278,299,300,301,322,323,344,345,346,366,367,368,388,389,390,399,400,401,409,410,411,421,422,423,424,431,432,443,444,445,451,452,453,454,465,466,467,468,469,470,471,472,473,474,475,488 +9290 - 56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,147,148,149,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,225,226,227,228,229,230,246,247,248,249,250,256,257,258,259,267,268,269,270,271,275,276,277,278,279,280,281,282,289,290,291,292,293,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,387,388,389,390,408,409,410,411,412,430,431,432,433,452,453,454,455,475,476,494 +9291 - 83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,181,182,183,184,185,202,203,205,206,224,225,245,246,247,267,268,269,270,290,291,292,293,313,314,315,316,317,318,337,338,339,340,341,342,361,362,363,364,365,385,386,387,388,408,409,410,431,432,443,444,445,446,447,451,452,453,454,466,467,468,469,470,471,472,473,474,475,476,490 +9292 - 34,35,36,56,57,78,79,100,101,121,122,123,143,144,145,165,166,187,188,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +9293 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,102,103,104,117,118,119,120,124,125,126,139,140,147,148,168,169,170,190,191,192,211,212,213,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,320,321,343,344,365,366,387,388,389,399,400,401,409,410,421,422,423,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,488 +9294 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,147,148,149,170,171,191,192,193,212,213,214,215,233,234,235,236,253,254,255,256,257,274,275,276,277,295,296,297,317,318,339,340,341,362,363,364,384,385,386,387,407,408,409,429,430,431,446,450,451,452,453,467,468,469,470,471,472,473,474,488 +9295 - 11,12,33,34,54,55,56,76,77,98,99,119,120,141,142,163,164,184,185,206,207,227,228,229,249,250,271,272,276,277,278,279,293,294,296,297,298,299,300,301,302,315,316,317,318,319,320,322,323,324,337,338,339,340,344,345,346,359,360,361,365,366,367,381,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +9296 - 55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,128,129,130,131,138,139,140,141,142,143,144,145,151,152,153,159,160,161,162,163,164,165,166,167,173,174,175,180,181,182,183,184,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,239,240,241,245,246,247,248,261,262,263,266,267,268,282,283,284,288,289,290,303,304,305,306,310,311,312,324,325,326,327,332,333,334,345,346,347,348,349,354,355,356,366,367,368,369,370,376,377,378,379,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,485 +9297 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,190,191,192,193,194,195,196,202,203,204,205,206,207,208,214,215,216,217,218,219,223,224,225,226,227,228,229,236,237,238,239,240,245,246,247,248,249,250,251,258,259,260,261,262,266,267,268,269,270,271,272,279,280,281,282,283,284,288,289,290,291,292,293,300,301,302,303,304,305,310,311,312,313,314,315,321,322,323,324,325,326,332,333,334,335,336,341,342,343,344,345,346,347,348,354,355,356,357,358,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,485 +9298 - 36,37,58,59,80,81,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,209,210,230,231,232,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,403,404,405,425,426,427,448,449,486 +9299 - 35,36,37,56,57,58,59,60,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,448,449,450,451,486 +9300 - 25,26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,77,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,190,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,304,322,323,324,325,326,345,346,347,348,366,367,368,369,370,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +9301 - 31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,104,105,106,107,108,114,115,116,117,118,127,128,129,130,136,137,138,139,149,150,151,152,160,171,172,173,174,193,194,195,196,214,215,216,217,235,236,237,238,239,257,258,259,260,261,270,271,272,273,274,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,410,411,412,413,414,415,487 +9302 - 100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,185,186,189,190,191,192,193,194,195,207,208,209,210,211,212,213,215,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,296,297,298,299,300,301,310,311,312,320,321,322,323,331,332,333,339,340,341,342,343,344,353,354,355,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,445,446,488 +9303 - 47,48,49,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,343,344,345,346,347,366,367,368,369,388,389,390,391,392,410,411,412,413,422,423,431,432,433,434,435,443,444,445,446,447,452,453,454,455,456,457,465,466,467,468,469,470,471,472,473,474,475,476,477,478,488 +9304 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,255,256,257,268,269,270,271,277,278,279,299,300,301,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,434,452,453,454,455,456,474,475,476,477,478,494 +9305 - 10,11,12,13,14,31,32,33,34,35,52,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,120,137,138,139,140,141,158,159,160,161,162,180,181,182,183,201,202,203,204,205,213,214,215,216,217,223,224,225,226,234,235,236,237,238,239,240,245,246,247,248,255,256,257,258,259,260,261,262,263,266,267,268,269,270,277,278,279,280,281,282,283,284,285,288,289,290,291,298,299,300,301,304,305,306,307,310,311,312,313,319,320,321,322,323,326,327,328,329,332,333,334,335,341,342,343,344,347,348,349,350,354,355,356,357,358,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,491 +9306 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,146,147,148,149,155,156,157,158,159,160,161,176,177,178,179,180,181,192,193,198,199,200,201,214,215,220,221,222,223,235,236,237,242,243,244,245,246,247,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,302,303,304,314,315,316,317,318,324,325,326,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,456,457,458,478,479,480,494 +9307 - 114,115,116,117,118,127,128,129,130,134,135,136,137,138,139,146,147,148,149,150,151,152,155,156,157,158,159,160,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,234,235,236,237,238,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +9308 - 94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,144,145,146,147,148,157,158,159,160,168,169,170,178,179,180,181,182,189,190,191,200,201,202,203,204,209,210,211,212,213,214,222,223,224,225,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,278,279,280,290,291,292,293,294,295,300,301,302,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,432,433,434,454,455,456,476,477,478,479,494 +9309 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,146,147,148,149,150,161,162,163,164,168,169,170,171,183,184,185,186,190,191,192,193,205,206,207,212,213,214,215,227,228,229,233,234,235,236,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,378,379,380,381,383,384,385,399,400,401,402,405,406,407,421,422,423,427,428,429,443,444,445,449,450,451,465,466,467,469,470,471,472,473,493 +9310 - 33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,84,93,94,95,96,97,98,99,100,106,107,114,115,116,117,118,119,128,129,130,136,137,138,139,140,141,150,151,152,158,159,160,161,172,173,174,175,179,180,181,182,183,194,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,332,333,334,335,336,347,348,349,354,355,356,357,358,359,368,369,370,371,377,378,379,380,381,382,383,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,485 +9311 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +9312 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,470,471,472,486 +9313 - 99,100,101,102,103,104,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,192,193,194,195,196,201,202,203,204,205,208,209,210,215,216,217,218,219,222,223,224,225,230,231,232,238,239,240,241,244,245,246,253,254,261,262,263,266,267,268,269,275,276,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,323,324,325,326,327,332,333,334,335,336,337,338,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,485 +9314 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,123,124,125,139,140,141,142,143,145,146,147,161,162,163,164,166,167,168,169,184,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,341,342,343,359,360,361,363,364,365,366,381,382,383,386,387,388,404,405,408,409,410,426,427,428,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,476,493 +9315 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,486 +9316 - 13,14,34,35,36,55,56,57,76,77,78,97,98,99,118,119,120,121,140,141,142,162,163,183,184,185,205,206,212,213,226,227,228,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,270,271,274,275,276,280,281,292,293,296,297,301,302,303,314,315,316,317,318,319,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,382,383,384,404,405,406,407,408,428,429,430,491 +9317 - 30,31,32,33,34,35,36,37,38,39,49,50,51,52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,104,105,106,107,114,115,116,117,126,127,128,129,137,149,150,151,171,172,173,192,193,194,195,214,215,216,217,236,237,238,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,359,360,361,362,363,364,365,366,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,391,392,393,394,397,398,399,400,401,402,403,404,405,406,407,413,414,415,416,419,420,421,422,423,424,425,426,435,436,437,438,443,444,457,458,459,460,487 +9318 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,122,123,124,125,126,135,136,137,145,146,147,148,157,158,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,487 +9319 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,123,124,125,126,145,146,147,148,165,166,167,168,169,186,187,188,189,190,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,301,302,303,304,324,325,326,345,346,347,348,367,368,369,370,379,388,389,390,391,392,400,401,402,403,404,405,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,488 +9320 - 80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,141,142,143,144,163,164,165,166,167,184,185,186,187,188,206,207,208,227,228,229,249,250,251,271,272,273,294,295,296,317,318,319,341,342,343,364,365,366,376,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +9321 - 40,41,42,61,62,63,64,82,83,84,85,93,103,104,105,106,114,115,116,125,126,127,128,136,137,138,147,148,149,157,158,159,160,168,169,170,171,179,180,181,182,190,191,192,193,201,202,203,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,489 +9322 - 31,32,33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,78,79,80,81,82,83,94,95,96,97,102,103,104,105,106,116,117,118,124,125,126,127,128,137,138,139,145,146,147,148,149,150,159,160,161,166,167,168,171,172,173,181,182,183,187,188,189,193,194,195,202,203,204,208,209,210,211,215,216,217,224,225,226,229,230,231,232,237,238,246,247,248,251,252,253,258,259,260,268,269,270,272,273,274,280,281,282,290,291,292,294,295,296,302,303,312,313,314,315,316,317,323,324,325,334,335,336,337,338,344,345,346,356,357,358,359,360,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +9323 - 119,120,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,165,166,167,168,169,170,171,172,173,174,175,183,184,185,189,190,191,192,193,194,205,206,207,227,228,229,230,231,250,251,252,253,254,273,274,275,276,277,298,299,300,320,321,322,332,333,341,342,343,344,354,355,356,357,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,490 +9324 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,255,274,275,276,277,278,297,298,299,300,320,321,322,323,343,344,345,346,365,366,367,377,378,379,380,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +9325 - 15,16,17,18,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,252,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,345,346,347,357,358,359,360,361,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,491 +9326 - 53,54,55,56,57,74,75,76,77,78,79,80,81,82,96,97,98,101,102,103,104,118,119,120,140,141,142,162,163,164,184,185,186,188,189,206,207,208,209,210,211,212,213,228,229,230,231,234,235,236,251,252,257,258,279,280,281,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,379,380,385,386,387,388,401,402,406,407,408,409,422,423,424,425,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,490 +9327 - 101,102,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,189,190,191,192,193,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,475,492 +9328 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,139,140,141,142,143,160,161,162,163,182,183,184,204,205,206,226,227,228,229,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,403,404,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,471,472,473,474,490 +9329 - 98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,208,209,210,215,216,217,218,219,224,225,226,227,228,230,231,232,239,240,241,246,247,248,261,262,263,267,268,269,270,282,283,284,285,289,290,291,292,303,304,305,306,310,311,312,313,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,357,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,485 +9330 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,227,228,229,230,249,250,251,252,271,272,273,274,293,294,295,296,316,317,318,319,338,339,340,341,360,361,362,363,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,473,490 +9331 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,450,468,469,470,471,486 +9332 - 15,16,37,38,58,59,60,79,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,486 +9333 - 8,9,10,11,12,13,14,15,16,29,30,31,32,33,34,35,36,37,38,39,40,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,82,83,84,85,92,93,94,95,96,104,105,106,107,115,116,126,127,128,129,148,149,150,151,169,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,255,256,257,258,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,389,390,391,392,393,396,397,398,399,400,401,402,403,404,405,412,413,414,415,418,419,420,421,422,423,424,425,434,435,436,437,487 +9334 - 53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,124,139,140,141,151,152,161,162,163,170,171,172,173,174,184,185,186,191,192,193,194,195,206,207,208,211,212,213,214,215,229,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,295,296,297,298,316,317,318,319,320,321,338,339,340,342,343,359,360,361,364,365,381,382,386,387,388,403,404,408,409,410,425,426,430,431,432,447,448,449,451,452,453,454,470,471,472,473,474,475,493 +9335 - 30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,100,101,102,103,122,123,124,143,144,145,146,163,164,165,166,167,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,279,280,281,282,283,302,303,304,305,324,325,326,327,334,335,345,346,347,348,356,357,365,366,367,368,369,370,378,379,380,386,387,388,389,390,391,400,401,402,403,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,488 +9336 - 54,55,56,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,135,136,137,138,139,157,158,159,160,179,180,181,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,234,235,236,237,238,239,245,246,247,248,249,259,260,261,262,268,269,270,282,283,284,304,305,306,326,327,328,347,348,349,350,368,369,370,371,372,389,390,391,392,393,402,403,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +9337 - 52,53,54,55,62,74,75,76,82,83,84,94,95,96,97,98,104,105,106,116,117,118,119,125,126,127,128,137,138,139,140,141,147,148,149,150,158,159,160,161,162,169,170,171,172,179,180,181,182,183,184,191,192,193,194,201,202,203,204,205,212,213,214,215,216,223,224,225,226,234,235,236,237,238,244,245,246,247,248,255,256,257,258,259,266,267,268,269,270,271,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,364,365,366,367,368,386,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,474,475,476,489 +9338 - 11,12,13,14,32,33,34,35,54,55,56,75,76,77,97,98,118,119,120,140,141,161,162,163,167,168,169,183,184,185,188,189,190,191,192,205,206,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +9339 - 129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,188,189,190,191,192,204,205,206,225,226,227,228,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,299,300,301,314,321,322,323,333,334,335,336,342,343,344,355,356,357,358,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,490 +9340 - 35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,139,140,141,142,143,144,145,146,162,163,164,165,166,167,168,169,186,187,188,189,190,191,211,212,213,214,233,234,235,236,237,256,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,302,303,304,311,312,313,324,325,326,327,332,333,334,335,346,347,348,354,355,356,357,358,359,367,368,369,370,377,378,379,380,381,382,383,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,490 +9341 - 12,13,14,15,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,229,247,248,249,250,257,258,259,268,269,270,271,272,275,276,277,278,279,280,281,282,290,291,292,293,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,491 +9342 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,118,119,120,121,122,123,126,127,128,129,140,141,142,143,144,148,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,208,215,216,217,225,226,227,228,229,237,238,239,246,247,248,249,250,259,260,261,267,268,269,270,271,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,332,333,334,335,345,346,347,348,354,355,356,357,366,367,368,369,370,376,377,378,379,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,485 +9343 - 113,114,115,116,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +9344 - 10,11,12,13,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,78,79,80,81,93,94,95,96,102,103,115,116,117,124,125,137,138,139,160,161,182,183,184,204,205,206,226,227,228,229,230,249,250,251,252,253,254,273,274,275,276,277,278,292,293,294,298,299,300,301,314,315,316,321,322,323,324,325,326,336,337,338,345,346,347,348,349,359,360,361,369,370,371,381,382,383,384,385,386,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,433,434,435,436,437,490 +9345 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,123,124,125,126,127,128,129,130,137,138,139,140,145,146,147,148,149,150,151,152,159,160,161,162,171,172,173,174,182,183,184,185,192,193,194,195,205,206,207,208,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,334,335,336,337,338,341,342,343,355,356,357,358,363,364,365,377,378,379,385,386,387,399,400,401,406,407,408,409,421,422,423,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,474,493 +9346 - 73,74,75,76,77,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,135,136,137,138,139,149,150,156,157,158,159,160,168,169,170,171,172,173,177,178,179,180,181,188,189,190,191,192,193,194,195,199,200,201,208,209,210,211,212,213,214,215,216,221,222,223,227,228,229,230,231,232,233,234,236,237,238,242,243,244,247,248,249,250,251,252,253,254,258,259,260,265,266,267,268,269,270,271,272,273,280,281,282,287,288,289,290,291,292,301,302,303,310,311,312,313,323,324,325,345,346,347,367,368,369,388,389,390,391,410,411,412,413,432,433,434,454,455,456,457,458,476,477,478,479,494 +9347 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,147,148,149,158,159,160,161,162,163,169,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,212,213,214,215,216,217,224,225,226,233,234,235,236,237,238,246,247,248,249,250,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,494 +9348 - 31,32,33,34,41,42,43,52,53,54,55,56,62,63,64,65,73,74,75,76,77,84,85,86,94,95,96,97,105,106,107,115,116,117,118,126,127,128,129,137,138,139,147,148,149,150,158,159,160,161,169,170,171,172,179,180,181,182,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,233,234,235,236,240,245,246,247,254,255,256,257,258,261,262,266,267,268,269,276,277,278,279,281,282,283,284,288,289,290,291,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,404,405,406,407,408,428,429,430,431,451,452,453,489 +9349 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,139,140,141,145,146,147,148,149,161,162,163,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,337,338,339,342,343,344,345,358,359,360,364,365,366,367,380,381,382,385,386,387,388,389,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +9350 - 34,35,55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,123,142,143,144,165,166,186,187,188,208,209,210,230,231,232,252,253,274,275,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +9351 - 99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +9352 - 53,54,55,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,106,118,119,120,125,126,127,128,129,139,140,141,150,151,152,161,162,163,174,182,183,184,204,205,206,226,227,228,229,230,247,248,249,250,251,252,253,254,270,271,272,274,275,276,277,298,299,300,320,321,322,343,344,345,357,365,366,367,379,380,388,389,400,401,402,410,411,423,424,425,426,428,431,432,433,446,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +9353 - 60,61,62,63,81,82,83,84,85,102,103,104,105,124,125,126,127,138,139,146,147,148,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,202,203,204,205,211,212,213,223,224,225,226,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,489 +9354 - 54,55,56,76,77,78,99,100,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +9355 - 29,30,31,32,33,34,35,36,37,47,48,49,50,51,52,53,54,55,56,57,58,59,60,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,277,278,279,280,281,282,291,292,293,301,302,303,304,324,325,326,327,346,347,348,349,354,355,356,368,369,370,371,376,377,378,390,391,392,393,398,399,400,401,402,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,488 +9356 - 115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,169,170,171,180,181,182,183,191,192,193,212,213,214,215,234,235,236,256,257,258,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,406,407,408,428,429,430,450,451,471,472,473,492 +9357 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,129,130,137,138,139,140,141,142,145,146,147,148,151,152,158,159,160,161,162,168,169,170,173,174,179,180,181,182,183,191,192,193,201,202,203,204,213,214,215,216,223,224,225,226,234,235,236,237,238,245,246,247,248,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,327,335,336,337,338,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,471,472,473,474,482,494 +9358 - 55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,103,104,116,117,118,119,120,122,123,125,126,138,139,140,141,144,147,148,149,160,161,162,168,169,170,171,182,183,184,185,190,191,192,205,206,207,208,209,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,321,322,323,338,339,340,343,344,345,359,360,361,362,364,365,366,367,381,382,383,385,386,387,388,389,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +9359 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,93,94,95,96,97,115,116,117,118,137,138,139,159,160,161,162,163,168,169,170,182,183,184,185,186,187,189,190,191,192,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,279,280,295,296,297,300,301,302,316,317,318,322,323,324,337,338,339,340,343,344,345,346,358,359,360,361,364,365,366,367,380,381,382,383,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,493 +9360 - 8,9,28,29,30,31,32,33,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,100,101,102,103,116,123,124,125,145,146,147,148,168,169,170,190,191,192,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,373,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,487 +9361 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,104,105,106,116,117,118,119,138,139,140,147,148,149,160,161,162,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,212,213,214,215,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,365,379,380,381,382,384,385,386,387,401,402,403,407,408,409,423,424,425,429,430,431,432,445,446,447,451,452,453,454,467,468,469,470,471,472,473,474,475,493 +9362 - 81,82,83,103,104,105,106,118,119,125,126,127,128,139,140,141,142,146,147,148,149,160,161,162,163,164,165,167,168,169,170,182,183,184,185,186,189,190,191,192,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,473,489 +9363 - 50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,124,125,126,127,137,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,278,279,280,281,291,292,293,300,301,302,303,323,324,325,345,346,347,348,367,368,369,370,378,379,380,381,389,390,391,399,400,401,402,410,411,412,413,421,422,423,424,432,433,434,435,443,444,445,446,452,453,454,455,456,465,466,467,468,473,474,475,476,477,478,488 +9364 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,122,123,124,135,136,137,138,143,144,145,146,158,159,160,161,162,164,165,166,167,181,182,183,184,185,186,187,188,205,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,255,271,272,273,274,275,276,277,278,294,295,296,299,300,301,302,316,317,318,322,323,324,325,338,339,340,345,346,347,348,360,361,362,368,369,370,382,383,384,391,392,404,405,406,407,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,493 +9365 - 36,37,38,39,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,486 +9366 - 52,53,54,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,108,115,116,117,118,119,139,140,160,161,162,182,183,184,204,205,206,227,228,229,230,231,232,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,347,348,349,368,369,370,376,388,389,390,391,392,398,399,400,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +9367 - 126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,203,204,205,226,227,228,229,249,250,251,252,272,273,274,275,296,297,298,311,319,320,333,334,335,340,341,342,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,403,404,405,490 +9368 - 69,70,71,72,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,178,179,180,181,182,200,201,202,203,204,222,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,301,302,303,304,305,306,307,325,326,327,328,329,348,349,350,351,369,370,371,372,373,380,381,382,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,475,490 +9369 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,124,125,126,127,128,129,138,139,140,141,142,143,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,275,276,277,278,291,292,293,298,299,300,312,313,314,320,321,322,334,335,336,342,343,344,356,357,358,363,364,365,366,378,379,380,385,386,387,400,401,402,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +9370 - 36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,120,121,122,123,124,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,450,451,489 +9371 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,124,125,126,127,128,138,139,147,148,149,150,169,170,171,172,173,191,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,487 +9372 - 54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,122,123,124,138,139,140,141,145,146,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,407,408,409,410,422,423,424,425,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,494 +9373 - 68,69,70,71,72,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,453,454,470,471,472,473,474,475,476,492 +9374 - 28,29,30,31,32,33,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,301,302,303,304,305,306,307,317,318,319,320,321,322,323,324,325,326,327,328,329,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,427,445,446,447,487 +9375 - 29,30,31,51,52,53,63,64,73,74,75,83,84,85,86,94,95,96,97,105,106,107,116,117,118,119,126,127,128,129,138,139,140,148,149,150,159,160,161,162,169,170,171,172,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,234,235,236,245,246,247,248,249,250,251,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,315,316,317,318,319,320,321,322,323,324,325,326,327,342,343,344,348,363,364,365,366,385,386,387,388,407,408,409,410,412,429,430,431,432,433,434,450,451,452,453,454,455,456,489 +9376 - 102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,209,210,226,227,228,229,231,232,248,249,250,251,271,272,273,293,294,295,296,316,317,318,319,339,340,341,342,362,363,364,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,490 +9377 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,144,145,146,147,148,149,150,151,171,172,173,174,193,194,195,196,215,216,217,218,237,238,239,258,259,260,261,279,280,281,282,295,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,389,390,391,392,393,394,398,399,400,401,402,403,404,413,414,415,416,436,437,487 +9378 - 28,29,50,51,52,72,73,74,94,95,96,97,117,118,119,139,140,141,162,163,164,184,185,186,207,208,209,229,230,231,251,252,253,254,274,275,276,296,297,298,299,319,320,321,341,342,343,344,364,365,366,367,387,388,389,390,409,410,411,412,432,433,434,435,455,456,457,486 +9379 - 10,11,12,13,14,15,16,31,32,33,34,35,36,37,38,52,53,54,55,56,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,182,183,184,204,205,206,225,226,227,228,247,248,249,250,269,270,271,272,281,291,292,293,294,300,301,302,303,304,305,313,314,315,316,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,491 +9380 - 97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,158,159,160,161,164,165,166,167,185,186,187,188,205,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,303,304,305,306,319,320,325,326,327,328,340,341,342,346,347,348,349,362,363,366,367,368,369,370,384,385,386,387,388,389,390,406,407,408,409,410,411,430,431,488 +9381 - 56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,128,129,130,139,140,141,142,150,151,160,161,162,182,183,184,204,205,206,207,208,226,227,228,229,230,231,232,249,250,251,252,253,254,255,274,275,276,277,278,297,298,299,300,320,321,322,341,342,343,344,363,364,365,377,378,384,385,386,387,399,400,401,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,490 +9382 - 97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +9383 - 10,11,12,13,14,15,32,33,34,35,36,37,38,55,58,59,60,80,81,82,83,103,104,105,124,125,126,127,146,147,148,166,167,168,169,170,188,189,190,191,192,202,211,212,213,214,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,345,346,347,354,355,356,357,358,359,360,361,362,367,368,369,377,378,379,380,381,382,383,388,389,390,391,399,400,401,402,410,411,412,487 +9384 - 39,40,60,61,62,81,82,83,102,103,104,105,122,123,124,125,126,142,143,144,145,146,147,162,163,164,165,166,167,184,185,186,187,205,206,207,227,228,248,249,250,251,252,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,335,336,342,343,344,345,365,366,367,388,389,410,411,430,431,432,433,448,449,450,451,452,453,454,490 +9385 - 73,74,75,95,96,97,98,105,106,107,116,117,118,119,126,127,128,129,137,138,139,140,141,148,149,150,151,159,160,161,162,163,169,170,171,172,180,181,182,183,184,185,191,192,193,194,199,200,201,202,203,204,205,207,208,211,212,213,214,215,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,324,325,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +9386 - 48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,100,101,102,111,112,113,123,124,125,133,134,146,147,155,156,168,169,189,190,191,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,281,282,283,284,291,292,293,294,295,296,297,298,304,305,306,313,314,315,316,317,318,326,327,328,336,347,348,349,350,368,369,370,371,372,376,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,488 +9387 - 56,57,59,60,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,181,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,230,231,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,318,319,320,321,322,323,342,343,344,345,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,490 +9388 - 79,80,81,82,93,94,95,101,102,103,104,114,115,116,117,118,123,124,125,126,136,137,138,139,140,145,146,147,148,158,159,160,161,162,167,168,169,180,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,217,223,224,225,226,227,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,335,336,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +9389 - 11,12,13,14,32,33,34,35,53,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,187,204,205,206,207,208,227,228,229,230,248,249,250,251,257,258,259,260,261,270,271,272,273,277,278,279,280,281,282,283,284,291,292,293,294,297,298,299,300,301,302,303,304,305,306,313,314,315,316,318,319,320,321,322,325,326,327,335,336,337,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,491 +9390 - 56,57,58,59,76,77,78,79,80,81,82,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,125,126,127,128,129,130,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,202,203,204,205,213,214,215,216,223,224,225,226,234,235,236,237,238,244,245,246,247,248,255,256,257,258,259,260,266,267,268,269,276,277,278,279,280,281,282,288,289,290,296,297,298,299,300,301,302,303,309,310,311,312,317,318,319,320,322,323,324,325,331,332,333,338,339,340,341,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,366,367,368,369,375,376,377,378,379,380,381,382,383,388,389,390,398,399,400,401,402,403,404,410,411,412,421,422,423,432,433,434,435,436,454,455,456,457,458,478,479,494 +9391 - 61,62,74,75,76,82,83,84,85,96,97,98,104,105,106,117,118,119,120,125,126,127,128,138,139,140,141,146,147,148,149,150,159,160,161,162,163,168,169,170,171,180,181,182,183,184,189,190,191,192,193,201,202,203,204,205,209,210,211,212,213,214,215,222,223,224,225,226,227,231,232,233,234,235,236,237,245,246,247,248,249,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,489 +9392 - 94,95,96,106,107,115,116,117,118,119,120,127,128,129,137,138,139,140,141,142,149,150,151,158,159,160,161,162,164,170,171,172,173,179,180,181,191,192,193,194,195,200,201,202,210,211,212,213,214,215,216,217,221,222,223,224,231,232,233,234,235,236,237,238,239,242,243,244,245,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,278,279,280,281,286,287,288,289,290,291,292,293,300,301,302,303,308,309,310,311,312,313,314,322,323,324,325,343,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,432,433,489 +9393 - 37,38,39,58,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,428,446,447,448,449,486 +9394 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,144,145,146,147,148,157,158,159,160,166,167,168,169,170,178,179,180,181,188,189,190,191,192,193,200,201,202,210,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,245,246,247,248,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,477,494 +9395 - 101,102,103,104,114,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,182,183,184,185,186,187,190,191,192,193,202,204,211,212,213,214,215,233,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,412,413,414,424,425,426,427,428,434,435,436,446,447,448,449,450,456,457,458,459,460,492 +9396 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,121,122,123,124,125,126,127,128,129,130,149,150,151,152,170,171,172,173,174,191,192,193,194,195,212,213,214,215,216,217,232,233,234,235,236,237,238,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,313,314,315,316,317,318,319,333,334,335,336,337,338,339,354,355,356,357,358,359,360,375,376,377,378,379,380,397,398,399,400,401,402,403,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,467,468,487 +9397 - 121,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,332,333,342,343,344,353,354,355,363,364,365,366,375,376,377,378,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,490 +9398 - 27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,122,123,124,125,136,137,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,325,326,327,328,336,337,338,339,340,344,345,346,347,348,349,350,358,359,360,361,362,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,487 +9399 - 37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,428,446,447,448,449,486 +9400 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,121,122,123,124,134,135,143,144,145,146,165,166,167,185,186,187,188,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,278,279,280,281,282,302,303,304,305,325,326,327,347,348,349,369,370,371,389,390,391,392,393,401,402,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,488 +9401 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,125,126,127,128,137,138,139,140,141,142,143,146,147,148,149,160,161,162,167,168,169,170,171,182,183,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,272,273,274,280,281,282,295,296,303,304,305,325,326,327,333,334,346,347,348,349,354,355,356,357,358,368,369,370,376,377,378,379,380,381,382,388,389,390,391,392,398,399,400,401,402,403,404,405,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,488 +9402 - 49,50,54,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,121,122,123,124,135,136,137,138,144,145,146,147,157,158,159,160,167,168,169,170,179,180,181,190,191,192,193,201,202,203,212,213,214,215,223,224,225,235,236,237,238,245,246,247,258,259,260,267,268,269,280,281,282,283,289,290,291,303,304,305,312,313,325,326,327,334,335,347,348,349,356,357,358,370,371,372,378,379,380,392,393,394,401,402,403,414,415,423,424,425,426,435,436,437,446,447,448,449,450,456,457,458,470,471,472,473,474,475,476,477,478,479,485 +9403 - 46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,322,323,324,325,345,346,347,348,367,368,369,370,390,391,392,412,413,414,415,433,434,435,436,444,445,446,453,454,455,456,457,458,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,488 +9404 - 58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,486 +9405 - 10,11,12,13,14,31,32,33,34,35,52,53,54,55,56,74,75,76,77,95,96,97,98,99,117,118,119,120,138,139,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,250,257,258,259,260,261,262,268,269,270,271,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,316,317,318,319,320,321,322,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,491 +9406 - 33,34,35,55,56,57,58,76,77,78,79,80,81,97,98,99,101,102,103,104,119,120,121,122,123,125,126,140,141,142,144,145,147,148,161,162,163,169,170,171,183,184,185,191,192,193,204,205,206,214,215,226,227,228,236,237,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,368,369,379,380,381,389,390,391,402,403,404,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +9407 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +9408 - 49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,124,125,126,133,134,135,136,146,147,148,155,156,157,158,159,160,168,169,170,179,180,181,182,183,184,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,257,271,272,273,274,277,278,279,280,292,293,294,295,301,302,303,304,313,314,315,316,324,325,326,327,335,336,337,348,349,350,357,358,359,360,361,371,372,380,381,382,383,384,385,393,394,405,406,407,408,409,413,414,415,416,428,429,430,431,432,433,434,435,436,437,453,454,455,456,457,458,477,478,493 +9409 - 15,16,17,18,19,36,37,38,39,40,41,42,57,58,59,60,61,78,79,80,81,98,99,100,101,102,119,120,121,122,123,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,224,225,226,227,228,236,237,246,247,248,249,256,257,258,259,260,267,268,269,270,275,276,277,278,279,280,281,282,283,289,290,291,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,317,318,319,320,321,326,327,328,333,334,338,339,340,341,346,347,348,349,355,356,357,360,361,362,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,491 +9410 - 47,48,49,57,58,59,60,68,69,70,71,72,79,80,81,90,91,92,93,101,102,103,104,112,113,114,123,124,125,126,133,134,135,136,145,146,147,148,155,156,157,158,167,168,169,170,171,177,178,179,180,190,191,192,193,198,199,200,201,202,212,213,214,215,221,222,223,224,225,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,478,479,480,481,489 +9411 - 49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,147,148,149,168,169,170,171,189,190,191,192,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,279,280,281,282,289,290,291,292,293,294,295,296,297,301,302,303,304,312,313,314,315,316,323,324,325,326,344,345,346,347,365,366,367,368,369,376,377,385,386,387,388,389,390,397,398,399,400,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +9412 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,80,81,82,83,103,104,105,124,125,126,145,146,147,148,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,254,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,355,366,367,376,377,387,388,389,398,399,400,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +9413 - 28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,101,102,103,104,123,124,125,126,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,258,259,260,280,281,282,302,303,304,324,325,326,333,334,335,345,346,347,348,355,356,357,366,367,368,369,377,378,379,386,387,388,389,390,399,400,401,402,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +9414 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,120,121,122,123,124,125,126,127,128,129,137,138,139,159,160,161,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,255,256,257,258,259,260,269,270,271,279,280,281,282,283,291,292,302,303,304,305,322,323,324,325,326,342,343,344,345,346,347,348,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,442,443,444,445,446,447,463,464,465,466,490 +9415 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,230,231,232,233,249,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,486 +9416 - 118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,190,191,192,193,200,201,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,430,431,432,433,452,453,454,455,474,475,476,492 +9417 - 13,14,15,16,35,36,37,38,57,58,59,60,78,79,80,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,228,229,230,231,250,251,252,271,272,273,274,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,345,346,347,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,424,425,426,491 +9418 - 50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,124,125,126,127,134,135,136,145,146,147,148,157,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,302,303,304,325,326,346,347,348,367,368,369,370,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,473,474,475,488 +9419 - 59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,343,344,345,346,364,365,366,367,368,374,375,376,377,385,386,387,388,389,396,397,398,399,400,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,490 +9420 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,116,117,118,119,120,121,122,142,143,144,164,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,428,429,430,431,432,433,434,450,451,452,453,454,455,456,473,474,475,476,477,488 +9421 - 12,13,14,34,35,36,55,56,57,76,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,302,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,346,347,348,356,357,358,359,360,361,362,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +9422 - 51,52,53,54,72,73,74,75,76,77,94,95,96,97,98,99,100,101,102,115,116,117,121,122,123,124,125,126,137,138,139,145,146,147,148,149,158,159,160,169,170,171,172,180,181,182,193,194,195,202,203,204,215,216,217,224,225,237,238,239,246,247,259,260,268,269,281,282,290,291,303,304,312,313,324,325,326,334,335,346,347,356,357,367,368,369,378,379,380,389,390,391,400,401,402,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +9423 - 55,56,57,77,78,79,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +9424 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,100,101,102,103,104,122,123,124,125,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,343,344,345,346,347,357,358,364,365,366,367,368,369,379,380,381,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,488 +9425 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,146,147,148,160,161,162,163,169,182,183,184,192,193,203,204,205,206,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +9426 - 112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,187,188,189,190,191,192,193,199,200,201,214,215,221,222,223,236,237,243,244,245,246,247,257,258,259,266,267,268,269,279,280,281,282,283,298,299,300,301,302,303,304,305,306,320,321,322,323,324,325,326,327,328,342,343,344,345,346,347,348,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +9427 - 31,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,82,83,84,85,98,100,104,105,106,107,120,126,127,128,147,148,149,150,167,168,169,170,171,188,189,190,191,192,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,279,280,281,301,302,303,309,310,311,312,313,323,324,325,330,331,332,333,334,344,345,346,347,352,353,354,365,366,367,368,374,375,376,385,386,387,388,389,396,397,398,399,400,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +9428 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,125,126,127,128,129,136,137,138,139,147,148,149,150,151,152,158,159,160,168,169,170,171,172,173,174,179,180,181,190,191,192,193,194,195,201,202,203,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,279,280,281,282,301,302,303,304,311,312,322,323,324,325,333,334,335,344,345,346,347,355,356,357,365,366,367,368,369,377,378,379,385,386,387,388,389,390,399,400,401,402,403,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,494 +9429 - 93,94,104,105,106,107,114,115,116,117,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +9430 - 57,58,78,79,80,100,101,102,122,123,124,144,145,146,166,167,187,188,189,209,210,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,362,363,383,384,385,405,406,407,427,428,449,450,471,472,486 +9431 - 84,85,86,105,106,107,108,115,116,117,118,119,120,121,126,127,128,129,136,137,138,139,140,141,142,143,147,148,149,150,151,157,158,159,160,161,162,163,164,165,169,170,171,172,179,180,181,182,190,191,192,193,201,202,203,211,212,213,214,215,223,224,225,233,234,235,236,245,246,247,248,249,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,489 +9432 - 91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,139,144,145,146,166,167,168,188,189,210,211,231,232,233,253,254,255,275,276,277,297,298,319,320,341,342,362,363,364,384,385,386,406,407,428,429,450,451,472,473,474,492 +9433 - 96,97,108,109,116,117,118,119,120,129,130,131,136,137,138,139,140,150,151,152,153,157,158,159,160,161,162,170,171,172,173,174,179,180,181,182,183,184,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,258,259,260,266,267,268,269,280,281,282,288,289,290,301,302,303,304,310,311,312,323,324,325,344,345,346,347,365,366,367,368,369,387,388,389,390,408,409,410,411,412,430,431,432,433,451,452,453,454,455,473,474,475,476,492 +9434 - 95,96,97,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,190,191,192,203,204,205,206,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,255,256,257,269,270,271,272,276,277,278,279,291,292,293,298,299,300,301,313,314,320,321,322,341,342,343,344,363,364,365,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,492 +9435 - 58,59,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,210,215,216,217,218,219,225,226,227,228,229,230,238,239,240,241,246,247,248,249,250,251,252,260,261,262,263,267,268,269,270,271,272,273,274,275,281,282,283,284,289,290,291,292,301,302,303,304,305,306,310,311,312,313,314,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,485 +9436 - 73,74,75,85,86,93,94,95,96,97,98,106,107,108,113,114,115,116,117,118,119,120,128,129,130,135,136,137,138,149,150,151,152,156,157,158,171,172,173,178,179,180,193,194,195,200,201,202,203,214,215,216,223,224,225,226,227,228,229,230,231,232,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,276,277,278,279,280,281,300,301,302,321,322,323,324,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,451,452,453,472,473,474,489 +9437 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,146,147,148,149,150,158,159,160,161,170,171,172,173,180,181,182,193,194,195,196,202,203,204,214,215,216,217,218,223,224,225,226,235,236,237,238,239,240,246,247,248,256,257,258,259,260,261,268,269,270,271,272,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,337,338,339,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +9438 - 14,15,16,17,35,36,37,38,39,56,57,58,59,76,77,78,79,80,98,99,100,101,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,226,227,228,248,249,253,254,255,256,270,271,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,322,323,324,336,337,338,339,340,344,345,346,358,359,360,361,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,428,429,430,431,432,491 +9439 - 35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,128,129,130,131,139,140,141,142,143,144,151,152,153,161,162,163,164,165,166,173,174,175,182,183,184,185,186,187,195,196,197,204,205,206,207,208,209,217,218,219,225,226,227,228,229,230,231,238,239,240,241,246,247,248,249,250,251,252,253,254,259,260,261,262,267,268,269,270,271,274,275,276,277,280,281,282,283,284,289,290,291,292,293,297,298,299,301,302,303,304,305,311,312,313,314,322,323,324,325,326,332,333,334,335,336,343,344,345,346,347,354,355,356,357,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +9440 - 50,51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,98,99,101,104,105,106,107,108,109,113,114,115,116,117,128,129,130,131,135,136,137,138,151,152,153,157,158,159,174,175,178,179,180,181,196,197,200,201,202,203,218,219,222,223,224,240,241,244,245,246,262,263,266,267,268,284,285,288,289,290,305,306,307,310,311,312,313,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,368,369,370,371,372,376,377,378,379,380,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,471,472,485 +9441 - 85,86,104,105,106,107,108,109,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,195,196,197,203,204,205,206,207,208,217,218,219,224,225,226,227,228,229,238,239,240,241,246,247,248,249,259,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,292,301,302,303,304,305,310,311,312,313,314,322,323,324,325,326,332,333,334,335,342,343,344,345,346,347,354,355,356,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,444,445,446,447,485 +9442 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,165,166,167,168,169,181,182,183,184,186,187,188,189,190,202,203,204,205,208,209,210,211,212,223,224,225,226,230,231,232,233,234,239,240,245,246,247,252,253,254,255,256,258,259,260,261,262,266,267,268,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +9443 - 40,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,104,105,106,107,120,121,124,125,126,127,128,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,234,235,236,237,257,258,259,279,280,281,300,301,302,308,309,310,321,322,323,324,330,331,332,342,343,344,345,352,353,354,355,356,362,363,364,365,366,367,374,375,376,377,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,445,446,488 +9444 - 69,70,71,72,91,92,93,94,95,113,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +9445 - 89,90,91,92,93,98,99,100,101,102,103,104,105,106,107,108,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,191,192,193,194,195,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,451,467,468,469,470,471,472,473,492 +9446 - 12,13,33,34,35,55,56,57,76,77,78,98,99,119,120,121,141,142,162,163,164,184,185,186,192,193,205,206,207,212,213,214,215,216,227,228,229,232,233,234,235,236,237,238,249,250,253,254,255,256,260,270,271,272,274,275,276,281,282,292,293,294,296,297,298,303,304,314,315,316,319,320,324,325,326,336,337,338,344,345,346,347,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +9447 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,129,139,140,141,142,148,149,150,151,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,206,213,214,215,216,224,225,226,227,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,494 +9448 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,147,161,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,301,321,322,323,343,344,345,365,366,367,380,381,382,386,387,388,389,401,402,403,404,405,406,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,494 +9449 - 118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,161,162,163,164,169,170,171,184,192,193,213,214,215,234,235,236,237,247,248,250,255,256,257,258,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,326,327,328,332,333,334,335,336,337,338,339,343,344,345,346,347,348,349,367,368,369,370,487 +9450 - 37,38,39,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,147,148,160,161,162,163,164,166,167,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,255,256,257,258,259,269,270,271,272,273,278,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,344,345,346,347,358,359,360,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +9451 - 60,61,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,149,150,151,152,153,161,162,163,164,165,173,174,175,182,183,184,185,186,195,196,197,203,204,205,206,207,217,218,219,224,225,226,227,228,238,239,240,241,246,247,248,249,260,261,262,267,268,269,270,271,281,282,283,284,288,289,290,291,292,302,303,304,305,310,311,312,313,321,322,323,324,325,326,327,332,333,334,335,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,485 +9452 - 30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,94,95,96,97,98,99,100,115,116,117,118,121,122,123,124,137,138,139,143,144,145,146,147,158,159,160,161,167,168,169,170,180,181,182,190,191,192,193,202,203,204,213,214,215,216,224,225,226,235,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,337,347,348,349,357,358,359,369,370,371,379,380,381,382,383,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,485 +9453 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,407,423,424,425,426,427,445,446,447,448,449,468,469,470,486 +9454 - 97,98,99,100,101,102,103,104,105,106,115,116,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,146,147,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,203,204,205,206,212,213,214,225,226,227,234,235,236,247,248,249,256,257,277,278,279,299,300,301,321,322,323,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,492 +9455 - 34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,211,212,213,214,215,216,225,226,227,228,229,230,231,235,236,237,238,239,247,248,249,250,251,252,253,254,258,259,260,261,268,269,270,271,272,273,274,275,276,277,280,281,282,283,290,291,292,293,294,296,297,298,299,302,303,304,305,312,313,314,315,316,319,320,321,322,323,324,325,326,327,334,335,336,337,338,343,344,345,346,347,348,356,357,358,359,360,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +9456 - 73,74,75,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,145,146,147,148,149,150,157,158,159,170,171,172,173,179,180,181,194,195,196,200,201,202,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,310,311,312,325,326,327,332,333,334,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,485 +9457 - 35,36,37,38,57,58,59,60,61,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +9458 - 30,31,32,33,34,52,53,54,55,56,57,58,59,74,76,77,78,79,80,81,82,92,93,100,101,102,103,104,105,113,114,115,123,124,125,126,127,128,134,135,136,137,147,148,149,150,151,156,157,158,159,170,171,172,173,178,179,180,192,193,194,195,200,201,202,215,216,217,222,223,224,237,238,239,244,245,246,259,260,261,266,267,268,281,282,283,288,289,290,302,303,304,305,310,311,312,313,324,325,326,332,333,334,335,345,346,347,355,356,357,358,359,365,366,367,368,369,378,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,485 +9459 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,170,171,172,173,174,182,183,184,185,186,187,194,195,196,204,205,206,207,208,209,216,217,218,225,226,227,228,229,238,239,240,246,247,248,249,250,260,261,262,268,269,270,271,272,282,283,284,290,291,292,293,303,304,305,306,311,312,313,314,315,324,325,326,327,333,334,335,336,345,346,347,348,355,356,357,358,366,367,368,369,377,378,379,380,387,388,389,390,391,399,400,401,402,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +9460 - 12,13,14,15,16,33,34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,319,320,321,322,323,324,334,335,336,337,338,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +9461 - 60,61,62,81,82,83,84,103,104,105,119,120,125,126,127,140,141,142,146,147,148,162,163,164,168,169,170,172,173,183,184,185,186,189,190,191,192,194,195,196,204,205,206,207,211,212,213,216,217,218,225,226,227,228,229,232,233,234,235,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,318,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,489 +9462 - 36,37,38,39,40,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,117,118,119,139,140,160,161,182,183,184,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,253,254,255,275,276,277,278,298,299,300,321,322,323,335,336,344,345,357,358,365,366,367,379,380,381,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,490 +9463 - 35,36,37,38,56,57,58,59,60,79,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,169,170,171,184,185,186,187,191,192,193,205,206,207,208,213,214,215,227,228,229,230,235,236,237,248,249,250,251,257,258,259,269,270,271,272,279,280,281,291,292,293,294,300,301,302,312,313,314,315,321,322,323,324,334,335,336,337,342,343,344,345,356,357,358,363,364,365,366,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,485 +9464 - 53,54,55,75,76,77,78,97,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,184,185,186,206,207,208,227,228,229,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,426,427,428,429,430,448,449,450,451,452,471,472,473,490 +9465 - 60,61,81,82,83,102,103,104,119,124,125,126,139,140,141,142,146,147,148,161,162,163,164,167,168,169,182,183,184,189,190,191,203,204,205,206,210,211,212,213,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,298,299,300,301,302,303,312,313,314,319,320,321,322,323,324,325,341,342,343,344,345,346,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,489 +9466 - 47,48,49,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,143,144,145,164,165,166,167,185,186,187,188,207,208,209,228,229,230,231,250,251,252,272,273,274,275,276,277,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,325,342,343,344,345,346,347,348,368,369,370,371,390,391,392,393,409,410,411,412,413,414,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,471,472,473,474,475,488 +9467 - 103,104,105,106,114,115,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,211,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +9468 - 7,8,28,29,30,49,50,51,52,70,71,72,73,92,93,94,95,113,114,115,116,135,136,137,144,145,146,147,148,149,150,157,158,159,165,166,167,168,169,170,171,172,173,174,178,179,180,186,187,188,189,190,191,192,193,194,195,196,197,200,201,202,208,209,210,211,212,213,214,215,216,217,218,219,222,223,224,229,230,231,232,238,239,240,241,244,245,246,251,252,253,254,261,262,263,267,268,269,273,274,275,283,284,285,289,290,291,292,293,295,296,297,304,305,306,307,311,312,313,314,315,316,317,318,319,320,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,491 +9469 - 97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,150,158,159,160,161,162,180,181,182,183,192,193,194,195,202,203,204,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,294,295,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,494 +9470 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,161,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,472,473,492 +9471 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,103,104,105,115,116,117,118,119,120,121,125,126,127,138,139,140,142,143,147,148,149,164,165,169,170,171,191,192,193,201,212,213,214,233,234,235,236,249,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,343,344,345,346,354,355,356,357,358,359,360,366,367,368,376,377,378,379,380,389,390,398,399,411,412,432,433,434,452,453,454,455,456,474,475,476,487 +9472 - 77,78,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,306,310,311,312,313,314,315,316,317,318,334,335,336,337,338,339,340,487 +9473 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,147,148,149,150,152,159,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,192,193,194,202,203,204,205,206,207,214,215,216,223,224,225,226,227,228,236,237,238,245,246,247,248,249,258,259,260,261,267,268,269,270,271,280,281,282,289,290,291,292,293,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,345,346,347,355,356,357,358,366,367,368,369,377,378,379,380,386,387,388,389,390,399,400,401,402,403,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,485 +9474 - 55,56,77,78,79,99,100,101,121,122,123,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,319,320,341,342,363,364,385,386,407,408,429,430,451,452,473,474,486 +9475 - 15,16,17,18,19,36,37,38,39,40,41,57,58,59,60,62,63,78,79,80,81,83,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,247,248,249,250,269,270,271,275,276,277,278,279,280,291,292,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,325,326,334,335,336,337,338,339,346,347,348,355,356,357,358,359,360,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,424,425,426,427,491 +9476 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,98,99,100,101,103,104,112,113,114,115,116,125,126,127,128,134,135,136,137,147,148,149,150,151,156,157,158,171,172,173,178,179,180,194,195,196,200,201,202,217,218,222,223,224,239,240,241,244,245,246,262,263,266,267,268,269,283,284,285,289,290,291,305,306,307,311,312,313,314,327,328,329,334,335,336,337,348,349,350,351,357,358,359,360,361,368,369,370,371,372,380,381,382,383,384,385,386,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,485 +9477 - 59,60,70,71,72,73,74,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,127,128,129,130,135,136,137,138,150,151,152,157,171,172,173,174,193,194,195,214,215,216,217,235,236,237,238,256,257,258,259,271,272,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,365,366,367,368,369,370,376,377,378,379,380,381,382,383,389,390,391,392,393,394,395,398,399,400,401,402,403,413,414,415,416,417,438,439,487 +9478 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,127,128,129,138,139,140,141,142,143,144,149,150,151,152,159,160,161,162,163,164,171,172,173,180,181,182,183,184,193,194,195,201,202,203,204,205,215,216,217,222,223,224,225,237,238,239,244,245,246,247,259,260,261,265,266,267,280,281,282,283,287,288,289,302,303,304,305,309,310,311,312,324,325,326,332,333,334,346,347,348,354,355,356,357,367,368,369,377,378,379,388,389,390,391,400,401,402,403,404,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +9479 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,144,145,146,147,148,149,150,151,171,172,173,193,194,195,214,215,216,217,235,236,237,238,239,257,258,259,260,277,278,279,280,281,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,388,389,390,391,392,393,396,397,398,399,400,412,413,414,434,435,436,487 +9480 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,453,486 +9481 - 95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,180,181,182,183,193,194,195,196,202,203,204,205,213,214,215,216,217,218,219,224,225,226,227,228,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,494 +9482 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,124,125,126,127,145,146,147,148,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,251,252,253,254,274,275,276,277,298,299,300,320,321,322,343,344,345,364,365,366,367,378,379,380,385,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,471,472,473,488 +9483 - 74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,151,152,159,160,161,162,172,173,174,175,180,181,182,183,192,193,194,195,196,202,203,204,211,212,213,214,215,216,217,218,224,225,226,227,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,494 +9484 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,102,103,104,115,116,117,118,119,124,125,126,136,137,138,139,140,146,147,148,158,159,160,161,168,169,170,181,182,183,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,316,317,318,319,320,337,338,339,340,341,343,344,345,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,431,432,433,443,444,445,487 +9485 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,192,193,194,195,200,201,202,203,204,205,215,216,217,218,222,223,224,225,226,237,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,271,282,283,284,285,288,289,290,291,292,293,304,305,306,307,310,311,312,313,314,315,326,327,328,329,333,334,335,336,337,338,348,349,350,351,356,357,358,359,360,361,362,370,371,372,373,379,380,381,382,383,384,385,386,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,485 +9486 - 7,8,9,10,11,29,30,31,32,51,52,53,72,73,74,75,94,95,96,116,117,118,137,138,139,159,160,161,180,181,182,183,202,203,204,205,224,225,226,227,232,233,234,235,236,237,238,246,247,248,249,253,254,255,256,257,258,259,260,261,269,270,271,274,275,276,277,278,279,280,281,282,283,291,292,293,296,297,298,299,300,303,304,305,314,315,316,318,319,320,324,325,326,327,336,337,338,339,340,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +9487 - 31,32,33,52,53,54,55,74,75,76,77,78,95,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,145,162,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,389,406,407,408,409,410,429,430,431,432,451,452,453,454,486 +9488 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,101,102,103,117,118,119,124,125,126,146,147,148,169,170,191,192,213,214,234,235,236,252,256,257,258,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,320,321,322,323,333,334,335,342,343,344,345,346,354,355,356,362,363,364,365,366,367,368,376,377,378,383,384,385,386,387,388,389,390,391,398,399,400,403,404,405,406,407,411,412,413,421,422,423,424,425,426,427,428,444,445,446,447,487 +9489 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,104,117,118,119,120,123,124,125,126,140,141,145,146,147,148,149,167,168,169,170,171,190,191,192,193,194,212,213,214,215,216,234,235,236,237,238,246,247,248,249,250,251,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,487 +9490 - 51,52,53,54,55,56,72,73,74,75,76,77,78,85,93,94,95,96,97,99,100,101,105,106,107,114,115,116,117,122,126,127,128,129,135,136,137,138,140,141,142,143,144,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,280,281,295,296,297,298,301,302,303,317,318,319,323,324,325,338,339,340,341,344,345,346,347,360,361,362,366,367,368,382,383,387,388,389,390,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9491 - 45,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,118,119,120,121,122,123,124,142,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,359,360,361,362,365,366,367,368,369,381,382,383,384,385,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,458,474,475,476,477,478,479,480,488 +9492 - 58,59,60,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +9493 - 79,80,81,91,92,93,100,101,102,103,104,113,114,115,116,122,123,124,125,135,136,137,138,144,145,146,147,157,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,296,297,298,299,300,301,302,312,313,314,315,321,322,323,324,335,336,337,343,344,345,346,358,359,365,366,367,368,387,388,389,390,410,411,412,413,432,433,434,435,455,456,457,477,478,479,489 +9494 - 117,118,119,120,121,122,123,124,125,126,132,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,189,190,191,192,193,198,199,200,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,492 +9495 - 78,80,81,82,83,84,85,86,87,94,95,96,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,142,143,144,145,146,147,148,149,150,151,159,160,161,162,166,181,182,183,184,203,204,205,206,207,225,226,227,228,229,230,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,317,318,319,320,321,340,341,342,343,362,363,364,365,366,377,380,381,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,478,490 +9496 - 72,73,93,94,95,115,116,117,127,128,129,137,138,149,150,158,159,160,170,171,172,174,175,180,181,192,193,194,195,196,197,201,202,203,213,214,215,216,217,223,224,225,234,235,236,237,238,245,246,255,256,257,258,267,268,275,276,277,278,279,289,290,295,296,297,298,299,300,301,311,312,314,315,316,317,318,319,321,322,333,334,335,336,337,338,339,342,343,344,356,357,358,359,364,365,366,387,388,409,410,431,432,433,454,455,489 +9497 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,92,93,94,95,96,97,114,115,116,117,118,119,135,136,137,138,139,140,157,158,159,160,161,162,170,179,180,181,182,183,184,190,191,192,193,194,195,201,202,203,204,205,210,211,212,213,214,215,216,217,218,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,274,275,276,277,278,279,282,283,284,285,290,291,292,293,294,296,297,298,299,300,304,305,306,307,313,314,315,316,317,318,319,320,321,326,327,328,329,335,336,337,338,339,340,341,342,343,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,435,491 +9498 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,167,168,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,492 +9499 - 113,114,115,116,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,312,313,314,323,324,325,326,345,346,347,348,367,368,369,370,388,389,390,391,410,411,412,432,433,434,454,455,456,476,477,478,492 +9500 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,97,98,99,100,101,102,118,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,230,248,249,250,251,252,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +9501 - 60,61,62,63,81,82,83,84,85,103,104,105,106,107,125,126,127,128,138,139,140,141,142,147,148,149,150,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,185,186,189,190,191,192,202,203,204,210,211,212,213,214,224,225,231,232,233,234,235,246,247,248,252,253,254,255,269,270,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,363,364,365,378,379,380,385,386,387,401,402,403,407,408,409,423,424,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,493 +9502 - 102,103,110,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,492 +9503 - 92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,157,158,159,160,165,166,167,168,180,181,182,187,188,189,190,202,203,204,205,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,494 +9504 - 99,100,101,102,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,212,213,227,228,230,231,234,235,248,249,250,251,252,255,256,257,270,271,272,273,277,278,293,294,295,298,299,300,320,321,341,342,343,344,362,363,364,384,385,386,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +9505 - 74,75,76,77,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,206,207,208,209,212,213,214,215,216,217,223,224,225,226,228,229,230,231,232,237,238,239,240,245,246,247,248,251,252,253,260,261,262,263,267,268,269,270,282,283,284,285,289,290,291,292,293,305,306,307,311,312,313,314,315,327,328,329,334,335,336,337,338,349,350,351,357,358,359,360,361,371,372,373,380,381,382,383,384,385,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,485 +9506 - 56,57,58,59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,170,171,172,173,183,184,185,186,187,188,189,192,193,194,195,204,205,206,207,208,209,210,214,215,216,217,225,226,227,228,229,230,236,237,238,239,247,248,249,250,251,258,259,260,261,269,270,271,272,273,280,281,282,283,290,291,292,293,294,301,302,303,304,312,313,314,315,316,322,323,324,325,334,335,336,337,343,344,345,346,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,485 +9507 - 52,53,54,55,73,74,75,76,77,95,96,97,98,99,117,118,119,120,121,139,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,407,408,409,410,429,430,431,432,433,451,452,453,454,455,474,475,476,477,486 +9508 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,145,146,147,148,149,156,157,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,237,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,335,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,383,384,385,386,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,470,471,472,473,487 +9509 - 9,10,11,12,13,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,73,74,75,76,78,79,80,81,94,95,96,97,98,100,101,102,103,104,116,117,118,119,123,124,125,126,138,139,140,145,146,147,148,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,293,294,295,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,413,414,415,422,423,424,425,426,427,428,429,430,435,436,487 +9510 - 111,112,113,114,115,116,117,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,191,192,193,194,195,212,213,214,215,216,217,233,234,235,236,237,238,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,492 +9511 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,119,120,121,122,123,124,125,126,127,136,143,144,145,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,298,299,300,301,302,303,321,322,323,324,325,326,344,345,346,347,348,355,356,357,358,366,367,368,369,370,377,378,379,380,389,390,391,392,399,400,401,402,403,404,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,488 +9512 - 13,14,15,16,35,36,56,57,77,78,79,98,99,100,120,121,141,142,143,163,164,165,184,185,186,206,207,208,227,228,229,248,249,250,251,270,271,272,292,293,294,297,298,299,300,314,315,316,318,319,320,321,322,323,336,337,338,344,345,346,358,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +9513 - 72,73,74,79,80,94,95,96,97,100,101,102,103,115,116,117,118,121,122,123,124,125,137,138,139,140,143,144,145,146,159,160,161,162,165,166,167,168,181,182,183,184,187,188,189,190,203,204,205,206,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,298,299,300,301,302,303,315,316,317,320,321,322,323,324,338,343,344,345,365,366,367,387,388,389,410,411,412,432,433,434,454,455,456,457,477,478,479,480,489 +9514 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,101,102,103,116,117,118,138,139,140,160,161,162,182,183,184,185,189,205,206,207,210,211,212,227,228,229,231,232,233,234,235,249,250,251,252,253,254,256,257,258,271,272,273,274,275,278,279,280,281,294,295,296,301,302,303,324,325,326,346,347,348,368,369,389,390,391,410,411,412,413,426,427,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +9515 - 102,103,104,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,164,165,166,167,168,169,170,181,182,183,184,203,204,205,206,225,226,227,228,229,248,249,250,251,252,253,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,315,316,318,319,320,321,340,341,342,343,363,364,365,366,385,386,387,388,400,401,402,403,404,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,473,474,475,490 +9516 - 55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,139,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,341,344,345,346,360,361,362,365,366,367,382,383,384,387,388,389,405,407,408,409,410,411,421,422,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +9517 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,71,72,73,74,75,92,93,94,95,96,97,113,114,115,116,117,118,135,136,137,138,139,157,158,159,160,161,170,171,172,173,174,179,180,181,182,183,189,190,191,192,193,194,195,196,197,201,202,203,204,205,210,211,212,213,214,215,216,217,218,219,223,224,225,226,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,252,253,254,255,256,257,258,261,262,263,267,268,269,270,272,273,274,275,276,277,278,283,284,285,289,290,291,292,293,294,295,296,297,304,305,306,311,312,313,314,315,316,317,318,319,325,326,327,328,334,335,336,337,338,339,340,341,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,434,491 +9518 - 48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,101,102,103,104,114,115,124,125,126,147,148,149,169,170,171,191,192,193,214,215,230,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,297,298,299,300,301,302,303,304,305,306,313,314,315,321,322,323,324,325,326,327,328,329,335,336,343,344,345,348,349,350,351,357,358,364,365,366,378,379,380,386,387,388,400,401,402,406,407,408,409,410,422,423,424,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,487 +9519 - 93,94,95,96,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,236,248,249,250,254,255,256,257,258,270,271,272,276,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,430,431,432,452,453,454,455,474,475,476,477,492 +9520 - 49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,122,123,124,125,134,135,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,223,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,322,323,324,325,344,345,346,347,358,359,367,368,369,370,380,381,389,390,391,392,401,402,403,404,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,488 +9521 - 58,59,60,61,72,73,74,75,76,77,78,80,81,82,83,84,93,94,95,96,97,98,99,100,101,104,105,106,115,116,117,118,119,120,121,122,123,126,127,128,129,137,138,139,143,144,145,148,149,150,151,159,160,161,165,166,167,169,170,171,172,181,182,183,184,186,187,188,191,192,193,194,203,204,205,206,208,209,212,213,214,215,216,226,227,228,229,230,234,235,236,237,248,249,250,251,252,255,256,257,258,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,378,379,380,381,382,385,386,387,388,400,401,402,403,408,409,410,423,424,425,426,430,431,432,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +9522 - 120,121,122,123,124,125,126,127,134,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,192,193,194,198,199,200,201,213,214,215,216,234,235,236,237,238,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +9523 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,194,195,201,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,249,260,261,262,267,268,269,270,271,282,283,284,285,289,290,291,292,293,305,306,307,311,312,313,314,315,327,328,329,334,335,336,337,349,350,351,356,357,358,359,360,371,372,373,378,379,380,381,382,383,392,393,394,395,400,401,402,403,404,405,406,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,485 +9524 - 57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,149,150,151,152,158,159,160,161,162,165,172,173,174,175,179,180,181,182,194,195,196,197,200,201,202,203,204,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,259,260,261,262,263,266,267,268,269,281,282,283,284,288,289,290,303,304,305,306,310,311,312,324,325,326,327,328,332,333,334,345,346,347,348,349,354,355,356,357,366,367,368,369,370,376,377,378,379,380,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +9525 - 53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,350,361,362,363,364,365,372,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,472,473,474,475,486 +9526 - 15,16,36,37,38,57,58,59,60,79,80,81,101,102,103,122,123,124,143,144,145,146,165,166,167,186,187,188,207,208,209,210,228,229,230,231,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,299,300,301,315,316,317,321,322,323,337,338,343,344,345,359,360,364,365,366,380,381,382,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +9527 - 10,11,12,13,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,123,124,125,126,127,140,141,142,146,147,148,149,162,163,164,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,245,246,247,248,249,250,251,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,388,389,390,391,392,411,412,413,414,433,434,435,436,487 +9528 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,117,118,119,120,124,125,139,140,141,142,144,145,146,161,162,163,164,165,166,167,183,184,185,186,187,188,205,206,207,208,209,227,228,229,230,249,250,251,252,253,270,271,272,273,274,275,276,277,292,293,294,296,297,298,299,300,313,314,315,316,320,321,322,323,324,335,336,337,338,344,345,346,347,358,359,360,367,368,369,380,381,382,383,384,385,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +9529 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,119,120,121,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,319,320,321,322,323,342,343,344,345,346,354,355,356,365,366,367,368,376,377,378,379,388,389,390,391,400,402,403,404,405,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,471,472,475,476,477,478,488 +9530 - 33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,102,103,104,105,118,119,120,121,122,125,126,127,137,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,164,165,166,170,171,172,173,181,182,183,184,187,188,192,193,194,195,202,203,204,205,215,216,217,224,225,226,236,237,238,239,246,247,248,258,259,260,261,268,269,270,279,280,281,282,283,290,291,292,300,301,302,303,304,305,312,313,314,321,322,323,324,325,326,334,335,336,342,343,344,345,346,347,348,356,357,358,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +9531 - 60,61,62,78,79,80,81,82,83,84,85,86,87,93,94,95,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,142,143,144,145,146,158,159,160,161,180,181,182,183,202,203,204,205,224,225,226,227,228,246,247,248,249,250,251,268,269,270,271,272,273,274,290,291,292,293,294,295,296,297,316,317,318,319,320,340,341,342,343,356,357,358,362,363,364,365,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +9532 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,167,168,169,170,180,181,182,183,184,185,189,190,191,192,202,203,204,205,206,210,211,212,213,214,224,225,226,227,231,232,233,234,235,236,237,245,246,247,248,249,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,301,302,303,304,312,313,314,315,316,317,318,319,323,324,325,326,335,336,337,338,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,455,456,457,477,478,479,494 +9533 - 28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,91,92,93,94,95,96,113,114,115,116,117,135,136,137,138,157,158,159,160,178,179,180,181,182,191,192,193,194,195,200,201,202,203,211,212,213,214,215,216,217,218,219,222,223,224,225,233,234,235,236,237,238,239,240,241,244,245,246,247,254,255,256,257,258,259,260,261,262,263,266,267,268,269,275,276,277,278,279,284,285,288,289,290,291,292,297,298,299,300,305,306,307,311,312,313,314,315,319,320,321,322,326,327,328,329,334,335,336,337,338,341,342,343,344,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,491 +9534 - 13,14,15,34,35,36,55,56,57,77,78,79,98,99,100,120,121,122,142,143,163,164,165,185,186,187,207,208,229,230,250,251,252,272,273,274,294,295,296,316,317,318,338,339,340,361,362,363,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,491 +9535 - 72,73,74,93,94,95,96,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,186,187,188,189,190,191,192,193,201,202,203,204,205,212,213,214,215,216,223,224,225,226,235,236,237,238,246,247,248,257,258,259,260,268,269,270,279,280,281,282,291,292,300,301,302,303,321,322,323,324,325,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,431,432,433,452,453,454,455,475,476,477,492 +9536 - 9,10,30,31,32,52,53,54,74,75,76,96,97,98,106,107,118,119,128,129,139,140,141,149,150,151,161,162,163,171,172,173,182,183,184,193,194,195,204,205,206,215,216,217,225,226,227,237,238,246,247,248,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,323,324,325,332,333,334,335,344,345,346,366,367,388,389,409,410,411,431,432,433,489 +9537 - 36,37,38,39,40,57,58,59,60,61,62,78,79,82,83,84,85,104,105,106,126,127,128,129,138,139,140,141,142,147,148,149,150,159,160,161,162,163,164,165,166,169,170,171,172,180,181,182,183,184,185,187,188,190,191,192,193,203,204,205,209,212,213,214,215,225,226,227,233,234,235,236,248,249,250,251,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,334,335,336,337,338,339,340,341,356,357,358,361,362,363,378,379,380,383,384,385,386,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,449,450,451,452,493 +9538 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,150,151,172,173,193,194,195,215,216,217,236,237,238,257,258,259,260,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,403,404,405,406,407,424,425,426,427,428,444,445,446,447,448,449,465,466,467,468,469,470,492 +9539 - 74,75,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,203,204,205,206,207,208,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,287,288,296,297,298,299,300,301,302,309,310,311,321,322,323,324,332,333,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,490 +9540 - 35,36,56,57,58,59,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,360,361,362,382,383,384,404,405,406,407,408,426,427,428,429,430,449,450,451,486 +9541 - 56,57,58,78,79,80,100,101,102,122,123,124,138,139,140,144,145,146,159,160,161,162,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,295,296,297,298,299,300,313,314,315,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +9542 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,100,101,102,115,116,117,118,123,124,125,136,137,138,139,145,146,147,158,159,160,167,168,180,181,182,188,189,190,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,328,339,340,341,349,350,351,361,362,363,370,371,372,373,383,384,385,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,487 +9543 - 36,37,38,58,59,60,61,80,81,82,83,102,103,104,105,124,125,126,137,138,139,140,141,142,143,146,147,148,158,159,160,161,162,163,164,165,168,169,170,180,181,182,183,184,186,187,189,190,191,192,202,203,204,205,208,211,212,213,225,226,227,233,234,235,247,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,342,358,359,360,361,362,363,364,365,366,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +9544 - 34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,171,172,173,174,175,179,180,181,182,183,184,185,194,195,196,197,200,201,202,203,204,205,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,446,447,448,449,485 +9545 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,248,249,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,475,492 +9546 - 9,10,11,12,13,30,31,32,33,34,35,36,55,56,57,58,59,79,80,81,82,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,341,342,343,344,345,355,356,357,363,364,365,366,367,368,377,378,384,385,386,387,388,389,390,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,429,487 +9547 - 56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,203,204,205,206,210,211,212,224,225,226,227,228,232,233,234,246,247,248,249,254,255,256,269,270,271,272,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,489 +9548 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,145,146,147,148,155,156,167,168,169,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +9549 - 93,94,95,96,99,100,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,191,192,193,201,202,203,204,213,214,215,216,223,224,225,226,234,235,236,237,245,246,247,248,256,257,258,259,268,269,270,277,278,279,280,281,291,292,299,300,301,302,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +9550 - 54,55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,160,161,162,163,164,165,166,167,181,182,183,184,185,187,188,189,203,204,205,206,209,210,211,226,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,426,427,428,429,430,431,450,451,452,453,472,473,474,475,486 +9551 - 71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,142,143,144,145,146,147,159,160,161,166,167,168,169,181,182,183,184,189,190,191,203,204,205,206,211,212,213,225,226,227,228,233,234,235,236,248,249,250,254,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +9552 - 80,83,84,85,92,100,101,102,103,105,106,107,108,113,114,115,122,123,124,125,126,127,128,129,130,135,136,137,144,145,146,147,148,149,150,151,152,153,156,157,158,173,174,175,178,179,196,197,200,201,218,219,222,223,240,241,244,245,261,262,263,266,267,268,281,282,283,284,288,289,290,291,292,293,294,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,380,382,383,384,385,386,405,485 +9553 - 29,30,31,32,33,34,35,48,49,51,52,53,54,55,56,57,58,70,71,73,74,75,76,77,78,79,80,91,92,93,99,100,101,102,114,115,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,228,229,230,231,232,233,234,251,253,254,255,256,257,276,277,278,279,298,299,300,301,302,321,322,323,324,344,345,346,347,356,357,358,359,367,368,369,378,379,380,381,382,383,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,488 +9554 - 99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,171,172,173,174,191,192,193,194,195,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,313,314,315,316,317,319,320,334,335,336,337,340,341,342,355,356,357,358,362,363,376,377,378,379,382,383,384,385,398,399,400,403,404,405,406,420,421,422,423,424,425,426,427,442,443,444,445,446,447,448,465,466,467,468,493 +9555 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,159,160,161,165,166,167,168,181,182,183,184,187,188,189,190,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,276,277,278,298,299,300,301,320,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,454,455,456,475,476,477,478,494 +9556 - 10,31,32,33,52,53,54,55,74,75,76,77,95,96,97,98,117,118,119,120,139,140,141,160,161,162,163,182,183,184,204,205,206,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,300,301,302,303,315,316,317,323,324,325,337,338,339,345,346,347,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +9557 - 15,16,17,36,37,38,39,40,57,58,59,60,61,62,79,81,82,83,84,103,104,105,125,126,127,146,147,148,168,169,170,180,181,182,183,184,185,189,190,191,201,202,203,204,205,206,207,210,211,212,213,223,224,225,226,227,228,231,232,233,234,247,248,249,250,251,252,253,254,271,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,341,342,343,344,359,360,361,364,365,366,367,382,383,384,385,387,388,389,404,405,406,407,408,409,410,411,428,429,430,431,432,433,493 +9558 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,148,162,163,164,165,169,170,171,184,185,186,191,192,193,205,206,207,208,212,213,214,215,227,228,229,230,234,235,236,237,248,249,250,251,256,257,258,268,269,270,271,272,273,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,363,364,365,366,367,368,369,370,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,489 +9559 - 36,37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,101,104,105,106,126,127,128,148,149,150,160,161,162,163,164,165,170,171,172,181,182,183,184,185,186,187,191,192,193,194,203,204,205,213,214,215,225,226,227,234,235,236,237,247,248,249,250,255,256,257,258,270,271,272,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,364,380,381,382,384,385,386,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,448,449,450,451,452,453,493 +9560 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +9561 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,121,122,123,124,125,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,255,274,275,276,277,296,297,298,299,300,318,319,320,321,322,341,342,343,344,364,365,366,367,379,380,381,386,387,388,389,400,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +9562 - 31,32,33,53,54,55,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +9563 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,486 +9564 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,95,96,97,101,102,103,104,118,119,120,125,126,127,141,142,147,148,149,163,164,165,167,168,169,170,186,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,255,256,272,273,274,277,278,279,294,295,300,301,315,316,317,322,323,324,336,337,338,345,346,358,359,367,368,380,381,389,390,402,403,411,412,424,425,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +9565 - 51,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,208,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,294,295,296,297,298,299,300,317,318,319,320,321,322,340,341,342,343,344,356,363,364,365,366,377,378,379,380,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,476,490 +9566 - 32,33,53,54,55,75,76,77,96,97,98,118,119,120,124,125,139,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,212,213,214,225,226,227,228,234,235,236,246,247,248,249,256,257,258,262,263,267,268,269,270,271,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,337,338,339,340,341,342,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,489 +9567 - 13,14,15,16,34,35,36,37,38,59,60,81,82,102,103,104,124,125,126,146,147,148,161,162,163,164,165,167,168,169,182,183,184,185,186,187,189,190,191,203,204,205,206,209,210,211,212,225,226,227,230,231,232,233,247,248,249,251,252,253,254,270,271,272,273,274,275,293,294,295,296,315,316,317,318,337,338,339,340,341,342,359,360,362,363,364,365,381,382,383,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,493 +9568 - 34,35,36,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,366,382,383,384,385,386,387,402,403,404,405,406,407,408,423,424,425,426,427,428,445,446,447,448,449,490 +9569 - 7,8,9,28,29,30,31,32,50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,116,117,120,121,122,123,124,125,143,144,145,146,147,166,167,168,169,189,190,191,211,212,213,214,233,234,235,236,255,256,257,258,272,273,274,275,277,278,279,280,289,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,343,344,345,346,347,348,349,350,351,355,356,357,358,365,366,367,368,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,392,393,394,401,402,403,404,405,406,407,408,409,410,414,415,416,425,426,427,428,429,430,431,436,487 +9570 - 78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +9571 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,164,165,166,167,168,169,170,179,180,181,182,183,189,190,191,192,201,202,203,204,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,254,255,256,257,258,268,269,270,276,277,278,279,291,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,451,452,453,473,474,475,492 +9572 - 25,26,27,28,29,30,46,47,48,49,50,51,52,53,54,68,73,74,75,76,77,97,98,99,100,101,120,121,122,123,143,144,145,165,166,167,187,188,189,190,209,210,211,231,232,233,253,254,255,256,257,258,259,260,274,275,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,319,320,321,322,323,324,326,327,328,329,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,487 +9573 - 58,59,79,80,81,100,101,102,103,122,123,124,125,135,137,144,145,146,156,157,158,159,166,167,168,178,179,180,188,189,190,191,200,201,202,203,210,211,212,213,223,224,225,226,227,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,299,300,321,322,323,343,344,345,365,366,367,387,388,389,390,410,411,412,432,433,434,455,456,477,478,479,489 +9574 - 6,27,28,49,50,70,71,72,92,93,113,114,115,129,130,131,135,136,148,149,150,151,152,153,157,158,169,170,171,172,173,174,175,179,180,190,191,192,193,197,201,202,211,212,213,219,223,224,232,233,234,241,245,246,253,254,255,263,267,268,269,275,276,277,285,289,290,291,296,297,298,306,307,312,313,314,318,319,327,328,329,334,335,336,337,340,341,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,429,491 +9575 - 7,8,9,28,29,30,31,50,51,52,53,54,55,56,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,119,121,122,123,124,139,140,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,232,233,234,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,318,319,320,321,322,323,324,334,335,336,337,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,411,412,413,434,435,487 +9576 - 8,9,10,29,30,31,51,52,53,73,74,75,94,95,96,116,117,118,138,139,140,160,161,162,182,183,204,205,206,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,280,281,282,292,293,294,295,296,297,303,304,305,315,316,317,318,325,326,337,338,339,346,347,348,360,361,362,363,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +9577 - 52,73,74,75,93,94,95,96,97,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,203,204,205,212,213,214,215,225,226,227,232,233,234,235,236,237,238,247,248,249,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,302,303,304,314,315,316,317,318,319,320,324,325,326,336,337,338,339,340,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,491 +9578 - 56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,139,140,141,142,143,161,162,163,164,183,184,185,186,206,207,208,209,229,230,231,232,251,252,253,254,255,274,275,276,277,297,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,401,402,406,407,408,409,423,424,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +9579 - 55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +9580 - 12,13,14,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,189,190,191,192,206,207,208,211,212,213,214,215,227,228,229,230,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,491 +9581 - 63,64,65,79,80,81,82,83,84,85,86,87,95,96,97,100,101,102,103,104,105,106,107,108,109,116,117,118,119,122,123,124,125,126,127,128,129,130,131,138,139,140,141,145,146,147,160,161,162,181,182,183,184,203,204,205,206,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,289,290,296,297,298,299,300,311,312,313,319,320,321,322,323,333,334,335,336,337,338,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,490 +9582 - 92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,166,167,168,169,188,189,190,210,211,212,231,232,233,234,253,254,255,256,275,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +9583 - 9,10,11,12,30,31,32,33,34,35,47,52,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,125,144,145,146,147,148,167,168,169,170,189,190,191,192,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,297,298,299,300,301,302,303,312,313,320,321,322,323,324,334,335,336,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,411,412,413,426,427,428,429,430,487 +9584 - 32,33,34,54,55,56,76,77,78,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,428,429,430,450,451,452,453,454,486 +9585 - 78,79,80,81,100,101,102,103,114,115,116,122,123,124,125,136,137,138,144,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,298,299,300,301,312,313,314,320,321,322,323,334,335,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,453,454,455,475,476,477,489 +9586 - 53,54,75,76,77,85,96,97,98,99,106,107,118,119,120,128,129,139,140,141,142,149,150,151,161,162,163,170,171,172,173,181,182,183,184,185,192,193,194,203,204,205,206,214,215,216,224,225,226,227,235,236,237,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,286,287,288,289,295,296,297,298,299,300,301,302,303,304,321,322,323,324,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,476,489 +9587 - 34,35,36,37,38,39,40,41,42,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,490 +9588 - 49,50,51,52,53,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,113,114,115,118,119,120,121,122,141,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +9589 - 52,53,54,56,57,58,59,60,61,62,63,64,65,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,121,122,123,124,125,126,137,138,139,140,141,144,145,159,160,161,162,163,180,181,182,183,184,202,203,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,270,272,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,379,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,477,490 +9590 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,340,341,362,363,384,385,405,406,407,428,429,449,450,451,472,473,486 +9591 - 15,16,37,38,59,60,61,81,82,83,103,104,105,125,126,139,140,141,142,143,147,148,160,161,162,163,164,165,166,168,169,170,182,183,184,185,186,190,191,192,204,205,212,213,214,226,227,228,233,234,235,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,343,358,359,360,363,364,365,380,381,382,383,384,385,386,387,403,404,405,406,407,408,409,493 +9592 - 73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,143,144,145,146,154,155,156,157,164,165,166,167,176,177,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,324,325,326,327,347,348,349,369,370,371,390,391,392,393,410,411,412,413,414,426,427,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,488 +9593 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,95,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,226,227,228,248,249,250,270,271,272,278,279,280,281,292,293,294,299,300,301,302,303,304,314,315,316,319,320,321,322,323,324,325,326,327,336,337,338,339,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +9594 - 57,58,59,76,77,78,79,80,81,82,84,85,97,98,99,100,101,102,103,105,106,107,108,118,119,120,121,122,123,125,126,127,128,129,130,139,140,141,142,143,147,148,149,150,161,162,163,167,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,209,210,211,212,213,227,228,229,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,319,320,338,339,340,341,342,343,359,360,361,363,364,365,366,381,382,383,386,387,388,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +9595 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,137,138,143,144,145,146,158,159,160,161,165,166,167,168,180,181,182,183,187,188,189,190,202,203,204,209,210,211,212,224,225,226,231,232,233,234,246,247,248,253,254,255,256,268,269,270,271,275,276,277,278,290,291,292,293,294,297,298,299,300,313,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,489 +9596 - 17,18,19,38,39,40,41,58,59,60,61,62,79,80,81,82,83,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,249,250,251,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,345,346,347,348,357,358,359,360,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +9597 - 35,36,37,38,56,57,58,59,78,79,80,100,101,102,122,123,124,137,138,144,145,146,158,159,160,166,167,168,179,180,181,182,188,189,190,191,201,202,203,204,210,211,212,213,223,224,225,226,232,233,234,235,245,246,247,248,249,255,256,257,268,269,270,271,272,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,489 +9598 - 73,74,75,76,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,124,137,138,139,144,145,146,147,148,149,158,159,160,167,168,169,170,171,180,181,182,190,191,192,201,202,203,212,213,214,223,224,225,233,234,235,246,247,248,255,256,257,277,278,298,299,300,301,302,303,304,312,313,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,492 +9599 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,429,430,431,432,451,452,453,454,486 +9600 - 5,6,7,8,9,10,26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,94,95,96,98,99,100,101,102,121,122,123,124,143,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,389,390,391,392,393,401,402,403,404,405,406,412,413,414,415,424,425,426,435,436,437,487 +9601 - 15,16,17,37,38,39,59,60,61,81,82,83,103,104,105,124,125,126,127,138,139,140,141,142,143,144,146,147,148,160,161,162,163,164,165,166,168,169,170,181,182,183,184,185,187,188,189,190,191,203,204,205,210,211,212,226,227,228,231,232,233,248,249,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,315,316,317,318,319,320,336,337,338,340,341,342,343,358,359,360,363,364,365,366,380,381,382,383,387,388,389,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,493 +9602 - 70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,141,142,143,144,145,146,147,158,159,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,470,471,472,473,474,488 +9603 - 93,94,95,96,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,212,213,214,224,225,226,227,234,235,236,247,248,249,256,257,258,269,270,271,277,278,279,280,299,300,301,302,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,453,454,455,475,476,492 +9604 - 9,10,11,12,13,30,31,32,33,34,35,36,52,53,54,56,57,58,73,74,75,79,80,81,95,96,101,102,103,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,256,257,277,278,279,292,293,294,299,300,301,313,314,315,316,317,318,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,361,362,363,364,365,366,367,368,378,379,380,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,487 +9605 - 57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,252,271,272,273,274,275,292,294,295,296,297,298,299,312,313,314,317,318,319,320,321,322,334,335,340,341,342,343,344,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,490 +9606 - 93,94,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +9607 - 102,103,104,105,121,122,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,153,161,162,163,164,167,168,183,184,185,186,205,206,207,227,228,229,249,250,251,271,272,273,274,293,294,295,296,297,298,311,317,318,319,320,333,334,340,341,342,356,357,358,359,362,363,364,365,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,428,429,430,490 +9608 - 30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,100,101,102,103,114,115,116,123,124,125,135,136,137,145,146,147,156,157,158,159,168,169,178,179,180,181,187,188,189,190,191,201,202,203,209,210,211,223,224,225,226,231,232,233,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,304,316,317,318,319,320,321,322,323,324,325,326,327,328,329,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,386,387,388,389,403,404,405,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,453,493 +9609 - 54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,473,474,475,486 +9610 - 27,28,29,30,31,48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,93,94,95,97,98,99,100,101,116,117,120,121,122,123,143,144,145,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,212,229,230,231,232,233,234,235,254,255,256,257,277,278,279,280,300,301,302,323,324,325,345,346,347,356,357,367,368,369,378,379,380,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +9611 - 17,18,39,40,61,62,83,84,104,105,106,126,127,128,148,149,150,161,162,163,164,169,170,171,181,182,183,184,185,186,191,192,193,203,204,205,206,207,208,209,212,213,214,225,226,227,233,234,235,236,248,249,254,255,256,257,270,271,272,273,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,361,362,363,379,380,381,383,384,385,402,403,404,405,406,407,426,427,428,429,493 +9612 - 44,45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,95,96,97,98,99,100,101,102,110,111,112,120,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,343,344,345,346,347,348,367,368,369,370,371,390,391,392,393,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,488 +9613 - 93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,165,166,167,168,169,178,179,180,181,188,189,190,191,200,201,202,203,210,211,212,213,223,224,225,226,232,233,234,235,236,245,246,247,248,255,256,257,258,268,269,270,271,272,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,322,323,324,325,344,345,346,347,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,456,457,458,478,479,480,494 +9614 - 93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,146,147,158,159,160,161,163,164,165,166,167,168,169,170,180,181,182,186,187,188,189,190,191,192,202,203,204,209,210,211,212,213,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,295,296,297,299,300,301,302,321,322,323,324,343,344,345,346,366,367,368,388,389,390,409,410,411,412,413,432,433,434,435,455,456,457,477,478,479,494 +9615 - 32,33,34,53,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,453,486 +9616 - 33,34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +9617 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,297,298,299,300,301,302,303,320,321,322,323,324,325,343,344,345,346,347,348,355,356,366,367,368,369,370,376,377,378,379,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,488 +9618 - 55,56,57,77,78,79,98,99,100,101,120,121,122,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,473,474,486 +9619 - 11,12,13,31,32,33,34,53,54,55,56,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,225,226,227,228,247,248,249,250,256,257,258,270,271,272,276,277,278,279,280,281,292,293,294,295,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,429,430,431,432,433,491 +9620 - 69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,135,136,143,144,145,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,320,321,322,323,324,344,345,346,347,367,368,369,389,390,391,411,412,413,428,433,434,435,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,488 +9621 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,143,144,145,146,147,148,159,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,343,344,345,346,347,366,367,368,369,378,379,380,388,389,390,391,400,401,402,403,404,405,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,479,488 +9622 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +9623 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,97,98,99,100,101,102,120,121,122,123,124,143,144,145,146,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,323,343,344,345,346,365,366,367,368,379,380,381,382,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,488 +9624 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,76,77,78,79,92,93,94,99,100,101,102,114,115,116,122,123,124,136,137,138,144,145,146,158,159,166,167,168,180,181,188,189,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,347,348,349,370,371,391,392,393,413,414,415,423,424,425,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,488 +9625 - 55,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,168,169,170,171,172,183,184,191,192,193,194,213,214,215,216,235,236,237,238,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,321,322,323,324,325,326,327,331,332,333,342,343,344,345,346,347,348,349,350,353,354,355,356,363,364,365,366,367,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,487 +9626 - 16,17,37,38,39,58,59,60,79,80,81,101,102,103,116,117,123,124,125,137,138,139,140,145,146,159,160,161,166,167,168,181,182,183,188,189,190,202,203,204,205,210,211,212,224,225,226,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,320,321,322,323,324,325,326,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,489 +9627 - 7,8,9,10,29,30,31,32,33,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,144,145,146,147,148,167,168,169,170,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,289,290,291,292,293,294,295,296,297,298,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,338,339,340,341,342,343,344,345,346,347,355,356,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,413,423,424,425,426,427,428,429,430,431,487 +9628 - 52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,163,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,433,451,452,453,454,455,474,475,476,486 +9629 - 8,9,10,11,29,30,31,32,33,50,51,52,53,54,72,73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,211,212,213,214,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,261,270,271,272,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,304,305,306,315,316,317,318,319,320,321,326,327,328,337,338,339,340,341,342,343,348,349,350,360,361,362,363,364,365,366,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,491 +9630 - 74,75,76,77,95,96,97,98,99,100,116,117,118,119,120,121,122,138,139,140,141,142,143,144,145,160,161,162,165,166,167,168,181,182,183,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,276,277,278,298,299,300,320,321,322,342,343,344,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,494 +9631 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,187,188,189,190,191,202,203,204,205,209,210,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,318,319,320,321,322,323,324,343,344,345,346,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,477,478,479,480,494 +9632 - 79,80,81,93,94,95,101,102,103,104,115,116,117,118,123,124,125,126,127,137,138,139,140,145,146,147,148,149,158,159,160,161,166,167,168,169,170,171,180,181,182,183,188,189,190,191,192,202,203,204,205,210,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,321,322,323,334,335,336,337,338,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,489 +9633 - 71,72,73,74,75,76,92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,136,137,138,142,143,144,158,159,160,164,165,166,167,180,181,182,186,187,188,189,202,203,204,205,208,209,210,211,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,276,277,278,298,299,300,320,321,322,343,344,345,365,366,367,387,388,389,390,409,410,411,412,432,433,434,454,455,456,457,476,477,478,479,494 +9634 - 48,49,50,70,71,72,92,93,94,104,105,114,115,116,125,126,127,128,136,137,138,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,182,190,191,192,193,194,201,202,203,211,212,213,214,215,223,224,225,233,234,235,236,237,245,246,247,253,254,255,256,257,258,259,267,268,269,270,274,275,276,277,279,280,281,289,290,291,292,293,294,295,296,297,298,301,302,303,312,313,314,315,316,317,318,319,323,324,325,334,335,336,337,338,339,345,346,347,359,360,368,369,390,391,412,413,414,434,435,436,456,457,458,478,479,489 +9635 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,50,51,52,53,54,55,56,72,73,74,75,76,77,93,94,95,96,97,115,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,184,192,203,204,205,206,211,212,213,214,215,216,225,226,227,233,234,235,236,237,238,246,247,248,249,250,253,254,255,256,257,258,259,260,261,268,269,270,271,272,275,276,277,278,279,282,283,284,291,292,293,294,297,298,299,300,304,305,306,313,314,315,316,317,319,320,321,326,327,328,336,337,338,339,340,341,342,343,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,414,431,432,433,434,435,436,491 +9636 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,71,72,74,75,76,77,78,79,80,100,101,102,103,123,124,125,146,147,148,168,169,170,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,250,251,252,253,254,255,274,275,276,277,278,298,299,300,301,321,322,323,324,344,345,346,358,366,367,368,378,379,380,386,387,388,389,390,399,400,401,402,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +9637 - 47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,118,119,120,121,122,123,124,142,143,144,145,146,147,166,167,168,169,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,273,274,275,276,277,278,297,298,299,300,301,320,321,322,323,342,343,344,345,356,357,365,366,367,368,378,379,388,389,390,400,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,477,488 +9638 - 33,34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,122,123,124,125,137,138,139,140,143,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,278,279,280,281,282,292,293,294,295,301,302,303,304,315,322,323,324,325,326,343,344,345,346,347,356,357,358,363,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +9639 - 48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,127,145,146,147,148,149,150,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,333,334,343,344,345,346,354,355,356,365,366,367,368,376,377,378,388,389,390,399,400,401,402,403,404,405,406,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,478,488 +9640 - 58,59,60,61,62,63,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,128,129,130,140,141,142,143,144,150,151,152,162,163,164,165,172,173,174,183,184,185,186,194,195,196,205,206,207,215,216,217,227,228,229,236,237,238,248,249,250,251,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,384,385,386,401,402,403,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +9641 - 14,15,16,37,38,59,60,81,82,103,104,125,126,146,147,148,168,169,170,189,190,191,204,205,207,211,212,213,225,226,227,228,229,230,232,233,234,247,248,251,252,253,254,255,269,270,274,275,276,291,292,293,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,362,363,380,381,383,384,385,402,403,404,405,406,407,425,426,427,428,429,493 +9642 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,159,160,161,162,165,166,167,168,169,180,181,182,183,187,188,189,190,191,201,202,203,204,209,210,211,212,213,223,224,225,230,231,232,233,234,235,245,246,247,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,278,279,290,291,292,293,294,295,300,301,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +9643 - 54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,486 +9644 - 95,96,97,98,99,100,114,115,116,117,118,121,122,123,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,163,164,165,167,168,169,170,171,172,173,174,175,178,179,180,181,182,183,184,185,192,193,194,195,196,197,201,202,203,204,205,213,214,215,216,217,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +9645 - 8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,93,94,95,96,97,115,116,117,118,136,137,138,139,140,158,159,160,161,162,180,181,182,183,184,202,203,204,205,213,214,215,216,224,225,226,227,234,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,262,268,269,270,271,277,278,279,280,281,282,283,284,291,292,293,294,298,299,300,301,304,305,306,307,313,314,315,316,317,320,321,322,323,327,328,329,336,337,338,339,341,342,343,344,349,350,351,358,359,360,361,362,363,364,365,366,371,372,373,381,382,383,384,385,386,387,388,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,430,431,432,433,434,435,491 +9646 - 37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,140,141,161,162,163,183,184,185,205,206,207,209,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,302,314,315,316,322,323,324,336,337,338,344,345,346,366,367,368,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +9647 - 79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,165,166,181,182,183,184,203,204,205,206,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,323,342,343,344,345,356,357,358,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,490 +9648 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,79,80,81,95,96,97,101,102,103,117,118,119,124,125,146,147,168,169,189,190,191,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,257,276,277,278,279,300,301,322,323,324,336,337,344,345,346,357,358,359,365,366,367,380,381,382,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,488 +9649 - 9,10,11,12,13,30,31,32,33,34,51,52,53,54,55,72,73,74,75,76,77,94,95,96,97,98,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,181,182,183,184,185,203,204,205,206,213,214,215,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,251,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,325,326,327,328,336,337,338,339,340,341,342,343,347,348,349,350,359,360,361,362,363,364,365,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,491 +9650 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,84,85,86,91,92,93,94,95,96,105,106,107,113,114,115,116,117,125,126,127,128,136,137,138,139,140,141,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,254,255,256,257,258,270,271,272,273,277,278,279,280,292,293,294,301,302,303,314,315,316,323,324,325,335,336,337,346,347,348,357,358,359,368,369,370,380,381,382,390,391,392,402,403,404,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,493 +9651 - 19,20,41,42,62,63,64,84,85,105,106,107,126,127,128,147,148,149,168,169,170,171,184,189,190,191,192,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,252,253,254,255,270,271,272,273,274,275,292,293,294,295,296,314,315,316,317,318,335,336,337,338,339,340,357,358,361,362,363,379,380,381,384,385,402,403,404,405,406,407,408,425,426,427,428,429,493 +9652 - 50,51,52,53,72,73,74,75,76,77,78,79,80,81,82,83,84,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,183,184,185,186,187,205,206,207,208,209,228,229,230,231,232,251,252,253,254,255,256,257,275,276,277,278,279,280,281,299,300,301,302,303,304,321,322,323,324,325,326,342,343,344,345,346,347,348,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,398,399,400,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +9653 - 54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +9654 - 75,76,77,78,79,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,146,147,148,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,233,234,235,236,247,248,254,255,256,257,269,270,271,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,343,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,456,476,477,478,494 +9655 - 94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,165,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,225,226,227,228,229,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,476,477,478,494 +9656 - 73,74,75,95,96,97,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,271,276,277,278,291,292,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +9657 - 93,94,95,96,115,116,117,118,119,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,186,187,188,189,190,191,202,203,204,205,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,255,256,257,258,269,270,271,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,451,452,453,454,473,474,475,476,492 +9658 - 8,9,10,11,12,13,14,15,16,35,36,37,38,59,60,61,81,82,83,84,104,105,106,126,127,128,148,149,150,171,172,192,193,194,214,215,216,223,224,225,226,227,236,237,238,243,244,245,246,247,248,249,250,258,259,260,264,265,266,271,272,273,274,279,280,281,286,287,288,294,295,296,297,298,301,302,303,308,309,310,317,318,319,320,321,322,323,324,330,331,332,333,334,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,388,389,390,391,392,393,412,413,414,415,487 +9659 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,163,181,182,183,184,203,204,205,206,211,212,213,214,215,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,303,304,305,314,315,316,317,318,319,320,326,327,336,337,338,339,340,341,347,348,349,359,360,361,362,363,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +9660 - 154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,215,216,217,236,237,238,258,259,260,279,280,281,301,302,303,322,323,324,344,345,365,366,367,387,388,389,409,410,430,431,432,452,453,454,473,474,475,492 +9661 - 15,16,17,38,39,60,61,82,83,104,105,126,127,147,148,149,160,161,162,163,164,169,170,171,181,182,183,184,185,186,187,188,191,192,193,203,204,205,208,209,210,211,213,214,215,226,227,228,235,236,237,249,250,251,256,257,258,272,273,274,277,278,279,280,295,296,297,298,299,300,301,317,318,319,320,321,322,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,379,380,381,382,385,386,403,404,405,406,407,408,409,426,427,428,429,430,493 +9662 - 11,12,13,14,15,16,32,33,34,35,36,37,38,53,54,55,56,59,60,74,75,76,77,82,95,96,97,98,116,117,118,119,138,139,140,159,160,161,181,182,202,203,204,224,225,226,245,246,247,255,256,257,258,259,260,261,262,267,268,269,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,293,294,295,296,297,298,299,304,305,306,307,312,313,314,315,316,317,318,327,328,329,334,335,336,347,348,349,350,357,358,359,360,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +9663 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,122,123,124,125,126,135,136,146,147,148,168,169,170,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,343,344,345,346,347,355,356,366,367,368,369,377,378,379,389,390,391,399,400,401,402,403,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,488 +9664 - 4,5,6,7,8,9,25,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,70,71,72,74,75,76,77,78,97,98,99,100,119,120,121,122,138,139,140,141,142,143,144,160,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,235,252,253,254,255,256,257,258,259,260,276,277,278,279,280,281,282,301,302,303,304,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,488 +9665 - 94,95,96,97,116,117,118,119,120,121,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,211,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,278,279,280,281,291,292,293,299,300,301,302,303,314,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,431,432,433,453,454,455,475,476,477,492 +9666 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,104,105,106,107,108,116,117,118,119,120,126,127,128,129,130,137,138,139,140,141,149,150,151,152,159,160,161,162,171,172,173,180,181,182,183,193,194,195,201,202,203,204,215,216,217,223,224,225,226,236,237,238,245,246,247,258,259,260,266,267,268,269,280,281,282,288,289,290,302,303,304,310,311,312,324,325,326,332,333,334,335,344,345,346,347,348,354,355,356,357,365,366,367,368,369,377,378,379,380,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +9667 - 58,59,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,148,157,158,159,160,166,167,168,169,170,179,180,181,182,188,189,190,191,200,201,202,203,204,210,211,212,213,222,223,224,225,232,233,234,235,244,245,246,247,248,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,412,432,433,434,454,455,456,476,477,478,489 +9668 - 11,12,13,14,15,16,32,33,34,35,36,37,38,39,51,52,53,54,55,56,59,60,61,71,72,73,74,75,76,81,82,83,92,93,94,95,103,104,105,114,115,125,126,127,146,147,148,168,169,170,190,191,192,211,212,213,233,234,235,254,255,256,275,276,277,278,296,297,298,299,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,386,387,388,389,390,391,392,393,400,401,402,403,404,405,411,412,413,414,415,422,423,424,425,426,435,436,487 +9669 - 93,94,95,96,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,212,213,214,225,226,227,234,235,236,237,247,248,249,256,257,258,259,270,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,408,409,410,411,431,432,433,452,453,454,474,475,476,492 +9670 - 28,29,30,50,51,52,53,54,55,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,145,146,147,148,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,229,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,300,301,319,320,321,322,323,343,344,345,346,366,367,368,369,383,384,389,390,391,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,488 +9671 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,188,189,190,191,192,202,203,204,205,206,211,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,346,347,348,349,356,357,358,359,360,367,368,369,370,371,379,380,381,382,383,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,485 +9672 - 8,10,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,100,101,102,113,114,115,122,123,124,135,136,144,145,146,166,167,168,187,188,189,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,293,294,295,296,297,314,315,316,317,318,319,320,321,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,386,387,388,389,390,391,392,393,394,399,400,401,402,403,411,412,413,414,422,423,487 +9673 - 93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,164,165,166,167,168,169,180,181,182,188,189,190,191,202,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,368,388,389,390,410,411,412,432,433,434,435,454,455,456,457,476,477,478,479,494 +9674 - 36,37,38,57,58,59,60,79,80,81,82,83,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +9675 - 35,36,37,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,147,148,161,162,163,164,165,169,170,171,183,184,185,186,192,193,204,205,206,207,208,214,215,216,226,227,228,229,236,237,238,247,248,249,250,258,259,260,269,270,271,272,280,281,282,291,292,293,294,302,303,304,313,314,315,316,324,325,326,335,336,337,338,346,347,348,357,358,359,360,367,368,369,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +9676 - 94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,168,169,170,181,190,191,192,212,213,214,234,235,236,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +9677 - 31,32,33,53,54,55,56,75,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,166,167,168,169,183,184,185,186,189,190,191,205,206,207,212,213,227,228,229,234,235,236,249,250,251,256,257,258,271,272,273,278,279,280,281,293,294,295,301,302,303,315,316,317,324,325,337,338,339,346,347,359,360,361,362,368,369,381,382,383,384,385,390,391,392,404,405,406,407,408,411,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,485 +9678 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +9679 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,303,304,323,324,325,326,333,334,346,347,348,354,355,356,357,368,369,370,376,377,378,379,380,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,488 +9680 - 51,52,53,54,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,121,122,123,135,136,137,138,143,144,145,146,158,159,166,167,168,169,189,190,191,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,274,275,276,277,278,297,298,299,300,301,302,321,322,323,324,344,345,346,347,367,368,369,388,389,390,391,392,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,488 +9681 - 95,96,97,98,116,117,118,119,120,137,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,237,247,248,249,250,256,257,258,259,270,271,272,278,279,280,292,293,294,299,300,301,302,314,315,321,322,323,324,343,344,345,346,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,455,474,475,476,477,492 +9682 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,101,102,103,104,105,114,115,116,117,118,119,124,125,126,127,135,136,137,138,139,140,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,191,192,193,201,202,213,214,215,234,235,236,237,256,257,258,268,269,270,271,272,273,274,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,368,369,370,371,376,377,378,379,380,381,382,383,384,385,390,391,392,393,394,399,400,401,402,403,404,405,413,414,415,416,417,422,423,424,425,426,436,437,438,439,460,487 +9683 - 95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,159,160,161,165,166,167,168,181,182,183,188,189,190,191,203,204,205,209,210,211,212,213,225,226,227,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,299,300,301,321,322,323,343,344,345,366,367,388,389,390,410,411,412,432,433,434,454,455,456,476,477,494 +9684 - 60,61,62,63,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,164,182,183,184,185,204,205,206,226,227,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,275,276,277,296,297,298,299,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,490 +9685 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,99,100,101,102,103,104,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,321,322,323,324,325,335,344,345,346,347,348,355,356,357,358,368,369,370,371,377,378,379,380,381,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,488 +9686 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,103,104,105,116,117,118,126,127,138,139,148,149,159,160,161,170,171,181,182,191,192,203,204,212,213,214,225,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,280,281,282,294,295,296,297,303,304,316,317,318,325,326,337,338,339,347,348,359,360,369,370,380,381,382,390,391,402,403,411,412,413,424,425,432,433,434,446,447,453,454,455,468,469,474,475,476,493 +9687 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,256,257,258,259,260,261,266,267,268,269,270,271,279,280,281,282,283,284,288,289,290,291,292,293,302,303,304,305,306,310,311,312,313,314,315,316,326,327,328,329,333,334,335,336,337,338,339,340,348,349,350,351,355,356,357,358,359,360,361,362,363,364,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,428,429,430,431,432,433,434,435,485 +9688 - 34,55,56,76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,169,170,171,172,173,179,180,181,182,183,192,193,194,195,196,201,202,203,204,215,216,217,218,223,224,238,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,348,349,350,354,355,356,368,369,370,371,376,377,378,379,380,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,485 +9689 - 9,10,11,12,30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,103,122,123,124,125,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,215,234,235,236,237,256,257,258,259,266,267,268,269,270,271,272,273,274,275,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,315,316,317,318,319,320,321,322,323,324,332,333,334,335,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,411,412,413,414,434,435,436,487 +9690 - 32,33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,118,119,120,121,139,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,268,269,279,280,281,290,291,300,301,302,303,312,313,322,323,324,325,334,335,336,343,344,345,346,347,356,357,358,359,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +9691 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,191,192,193,204,205,206,207,213,214,215,225,226,227,228,235,236,237,247,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,294,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,338,346,347,348,358,359,360,361,368,369,370,381,382,383,390,391,392,403,404,405,406,412,413,426,427,428,429,430,432,433,434,435,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,485 +9692 - 14,15,16,17,18,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,210,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,300,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,339,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +9693 - 54,55,56,74,75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,142,143,144,163,164,165,166,167,185,186,187,188,207,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,471,472,473,486 +9694 - 48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,99,100,101,102,103,104,105,114,115,116,125,126,127,136,137,138,139,147,148,149,159,160,161,162,163,169,170,183,184,185,186,187,190,191,192,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,302,314,315,316,317,322,323,324,325,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,389,390,391,403,404,405,411,412,413,425,426,427,428,429,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +9695 - 55,56,57,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,192,193,194,195,196,200,201,202,203,204,205,206,214,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,292,293,305,306,307,311,312,313,314,315,326,327,328,329,333,334,335,336,337,338,347,348,349,350,351,355,356,357,358,359,360,361,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,485 +9696 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,208,209,210,229,230,231,249,250,251,252,253,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,343,344,345,365,366,367,386,387,388,389,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +9697 - 54,55,56,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,473,474,475,486 +9698 - 34,35,55,56,57,58,76,77,78,79,97,98,99,100,104,105,106,107,118,119,120,121,123,124,125,126,127,128,129,130,139,140,141,142,144,145,146,147,148,149,151,152,153,160,161,162,163,165,166,167,168,173,174,175,182,183,184,187,196,197,203,204,205,218,219,224,225,226,240,241,246,247,248,261,262,263,267,268,269,283,284,285,289,290,291,304,305,306,310,311,312,324,325,326,327,332,333,334,344,345,346,347,348,354,355,364,365,366,367,368,376,377,378,380,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,445,485 +9699 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,169,170,171,172,173,174,179,180,181,182,183,184,185,193,194,195,196,201,202,203,204,205,206,216,217,218,223,224,225,226,227,238,239,240,241,245,246,247,248,249,260,261,262,263,267,268,269,270,271,272,283,284,285,289,290,291,292,293,294,305,306,307,312,313,314,315,316,328,329,334,335,336,337,338,339,350,351,357,358,359,360,361,362,371,372,373,379,380,381,382,383,384,385,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,485 +9700 - 10,11,12,13,32,33,34,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,212,213,214,227,228,229,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +9701 - 81,82,93,94,95,102,103,104,114,115,116,117,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,188,189,190,191,202,203,204,205,211,212,213,224,225,226,227,228,229,230,231,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,298,299,300,301,302,313,314,315,321,322,323,324,343,344,345,365,366,367,388,389,410,411,432,433,454,455,456,476,477,478,489 +9702 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,119,120,121,140,141,142,161,162,163,183,184,185,205,206,226,227,228,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,301,302,303,314,315,316,317,324,325,336,337,338,346,347,359,360,367,368,369,381,382,383,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +9703 - 30,31,32,33,51,52,53,54,55,56,75,76,77,78,79,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,189,190,191,192,202,203,204,205,206,207,212,213,214,215,224,225,226,227,228,235,236,237,238,246,247,248,249,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,294,301,302,303,304,305,313,314,315,316,323,324,325,326,327,335,336,337,338,346,347,348,357,358,359,360,361,368,369,370,380,381,382,383,384,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,485 +9704 - 52,53,60,61,62,72,73,74,75,81,82,83,94,95,96,97,103,104,105,115,116,117,118,124,125,126,127,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,321,322,323,324,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,489 +9705 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,472,473,474,475,486 +9706 - 26,27,28,29,30,33,48,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,97,99,100,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,168,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,301,302,303,304,324,325,326,327,344,345,346,347,348,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,447,448,449,450,452,488 +9707 - 29,30,31,32,33,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,167,168,169,170,171,180,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,207,213,214,215,216,223,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,250,258,259,260,261,267,268,269,270,271,272,280,281,282,283,289,290,291,292,293,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,338,347,348,349,356,357,358,359,360,361,369,370,371,379,380,381,382,383,384,385,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,485 +9708 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,182,183,184,185,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,275,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,452,453,454,474,475,476,494 +9709 - 72,73,74,82,93,94,95,96,102,103,104,105,115,116,117,118,124,125,126,127,137,138,139,140,146,147,148,149,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,224,225,226,234,235,236,246,247,248,250,251,252,253,254,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,321,322,323,324,325,334,335,336,344,345,346,347,356,357,358,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,477,478,479,489 +9710 - 53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,147,148,149,150,151,157,158,159,160,161,162,165,166,170,171,172,173,174,179,180,181,182,193,194,195,196,197,201,202,203,204,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,314,325,326,327,328,333,334,335,336,347,348,349,350,356,357,358,359,368,369,370,371,372,378,379,380,381,382,383,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,485 +9711 - 94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,165,166,167,168,169,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +9712 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,118,119,125,126,147,148,169,170,191,192,212,213,214,234,235,236,256,257,277,278,279,292,293,294,295,299,300,301,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,357,358,359,361,362,363,364,365,366,367,379,380,381,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,487 +9713 - 73,74,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,164,165,166,167,168,181,182,183,186,187,188,189,190,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,254,255,256,257,271,272,276,277,278,279,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +9714 - 58,59,80,81,93,94,102,103,114,115,116,124,125,136,137,146,147,157,158,159,168,169,178,179,180,190,191,192,200,201,202,212,213,214,221,222,223,224,225,226,227,228,229,234,235,236,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,344,345,346,367,368,389,390,411,412,433,434,455,456,477,478,489 +9715 - 10,11,12,30,31,32,33,34,52,53,54,55,56,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,125,126,139,140,141,145,146,147,148,161,162,167,168,169,170,189,190,191,192,212,213,214,235,236,237,257,258,259,279,280,281,282,290,291,292,293,294,295,296,297,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,339,340,341,342,343,344,345,346,353,354,355,363,364,365,366,367,368,369,375,376,377,378,383,384,385,386,387,388,389,390,391,392,398,399,400,401,404,405,406,407,408,409,412,413,414,423,424,425,426,427,428,429,430,434,435,487 +9716 - 94,95,96,97,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,186,187,189,190,191,211,212,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +9717 - 72,73,74,75,76,77,78,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,235,236,237,238,239,245,246,247,248,249,250,259,260,261,266,267,268,269,270,271,281,282,283,284,288,289,290,291,292,293,304,305,306,310,311,312,313,314,326,327,328,332,333,334,335,336,337,348,349,350,355,356,357,358,359,360,370,371,372,379,380,381,382,383,384,385,386,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,485 +9718 - 52,53,54,74,75,76,95,96,97,116,117,118,138,139,140,148,160,161,162,169,170,171,181,182,183,191,192,193,201,202,203,204,205,206,207,208,209,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,251,252,253,254,255,256,257,258,259,278,279,280,300,301,302,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,489 +9719 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,116,117,118,119,120,138,139,140,141,142,160,161,162,163,164,182,183,184,185,192,193,204,205,206,207,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,239,248,249,250,251,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,281,282,283,292,293,294,295,296,297,298,299,303,304,305,314,315,316,317,318,319,320,325,326,327,336,337,338,339,340,341,347,348,349,358,359,360,361,362,363,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +9720 - 8,9,10,11,29,30,31,32,33,51,52,53,72,73,74,79,80,93,94,95,101,102,103,104,115,116,117,124,125,126,137,138,147,148,149,159,160,170,171,172,180,181,182,193,194,202,203,204,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,313,314,324,325,326,335,336,337,346,347,348,358,359,360,367,368,369,380,381,382,383,388,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,485 +9721 - 8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,76,77,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,139,140,141,142,143,144,145,165,166,167,168,187,188,189,190,209,210,211,212,213,232,233,234,235,236,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,342,343,344,345,346,347,348,356,357,358,359,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,414,415,416,424,425,426,427,428,429,430,431,487 +9722 - 7,8,9,29,30,31,32,33,52,53,54,55,56,75,76,77,78,79,98,99,100,101,102,121,122,123,124,143,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,410,411,412,413,422,423,424,425,426,487 +9723 - 11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,204,205,206,226,227,228,229,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,325,326,327,337,338,339,340,341,342,343,348,359,360,361,362,363,364,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,491 +9724 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,165,166,167,168,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +9725 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,101,102,103,104,105,106,113,114,115,116,117,118,119,124,125,126,127,128,135,136,137,138,139,140,147,148,149,150,157,158,159,160,170,171,172,173,192,193,194,195,214,215,216,217,236,237,238,239,258,259,260,261,279,280,281,282,283,300,301,302,303,304,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,432,433,434,435,456,457,458,487 +9726 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,102,103,104,105,115,116,117,126,127,128,137,138,139,148,149,150,160,161,162,169,170,171,172,182,183,184,185,190,191,192,193,205,206,207,208,211,212,213,214,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,299,300,316,317,318,319,320,321,322,323,338,339,340,343,344,345,346,359,360,361,366,367,368,381,382,383,388,389,390,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +9727 - 29,30,31,32,33,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,167,168,169,170,171,182,183,184,185,189,190,191,192,193,212,213,214,215,216,234,235,236,237,238,257,258,259,260,261,279,280,281,282,283,290,291,292,293,294,295,296,297,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,363,364,365,366,367,368,369,370,371,377,378,379,380,381,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,487 +9728 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,123,124,125,138,139,140,141,142,145,146,147,160,161,162,163,167,168,169,181,182,183,184,189,190,191,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +9729 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,187,188,189,190,191,201,202,203,204,209,210,211,212,213,214,223,224,225,226,231,232,233,234,235,236,245,246,247,248,253,254,255,256,257,258,267,268,269,270,275,276,277,278,279,280,289,290,291,292,293,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,364,365,366,367,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,453,454,455,456,475,476,477,478,494 +9730 - 28,29,30,31,32,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,93,94,95,99,100,101,102,122,123,124,125,145,146,147,148,167,168,169,170,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,278,279,280,281,294,301,302,303,304,324,325,326,327,346,347,348,349,356,367,368,369,370,371,378,379,380,381,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,488 +9731 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,142,143,144,145,159,160,161,164,165,166,167,181,182,183,186,187,188,189,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,250,251,254,255,256,276,277,278,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +9732 - 53,54,55,56,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,123,124,125,126,137,138,139,140,147,148,158,159,160,161,169,170,180,181,182,183,190,191,192,202,203,204,205,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,300,301,302,315,316,317,323,324,337,338,345,346,347,359,360,367,368,369,381,382,389,390,391,403,404,405,406,407,408,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +9733 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,150,151,152,159,160,161,162,163,164,165,166,172,173,174,180,181,182,183,184,185,186,187,194,195,196,202,203,204,205,208,216,217,218,223,224,225,226,237,238,239,240,244,245,246,247,259,260,261,265,266,267,268,269,280,281,282,283,287,288,289,290,301,302,303,304,309,310,311,322,323,324,325,326,331,332,333,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,377,378,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,471,485 +9734 - 31,32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +9735 - 36,37,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,447,448,449,486 +9736 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,143,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,329,338,339,340,341,347,348,349,350,351,359,360,361,362,363,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,469,470,471,472,473,487 +9737 - 7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,80,81,82,102,103,104,105,124,125,126,127,147,148,149,168,169,170,171,190,191,192,212,213,214,227,228,229,230,231,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,297,298,299,300,310,311,312,318,319,320,321,322,323,332,333,334,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,388,389,390,391,399,400,401,402,403,404,405,410,411,412,413,433,434,435,487 +9738 - 138,139,141,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,223,224,225,245,246,247,248,249,250,251,252,253,267,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,320,321,322,323,324,343,344,345,346,347,367,368,369,382,388,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,490 +9739 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,102,103,104,105,124,125,126,127,145,146,147,148,149,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,303,322,323,324,325,333,334,344,345,346,347,354,355,356,357,366,367,368,369,376,377,378,379,380,381,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,488 +9740 - 93,114,115,134,135,136,137,155,156,157,158,159,160,161,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,204,205,206,207,208,209,210,211,212,213,214,234,235,256,257,273,274,275,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,303,304,305,306,321,322,323,343,344,364,365,366,386,387,388,408,409,410,430,431,452,453,474,492 +9741 - 61,62,83,84,95,96,104,105,106,117,118,126,127,128,138,139,140,147,148,149,160,161,162,168,169,170,171,181,182,183,190,191,192,202,203,204,205,211,212,213,214,224,225,226,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,489 +9742 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,122,123,124,125,126,127,128,138,139,140,141,148,149,150,151,159,160,161,162,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,302,303,304,305,311,312,313,324,325,326,334,335,336,345,346,347,348,356,357,358,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +9743 - 84,85,86,87,95,102,103,104,105,106,107,108,109,117,118,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,181,182,183,184,185,203,204,205,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,291,292,298,299,300,301,321,322,323,324,343,344,345,354,355,356,364,365,366,367,376,377,378,379,380,381,382,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,490 +9744 - 55,56,57,58,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,117,118,119,120,125,126,127,138,139,140,141,148,149,160,161,162,170,171,172,182,183,192,193,194,204,205,214,215,216,226,227,236,237,238,248,249,258,259,260,269,270,271,280,281,282,291,292,293,301,302,303,313,314,315,323,324,335,336,344,345,346,357,358,359,366,367,368,379,380,381,387,388,389,401,402,403,408,409,410,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,469,470,471,472,473,485 +9745 - 9,10,11,31,32,33,52,53,54,55,74,75,76,77,96,97,98,117,118,119,120,139,140,141,161,162,163,182,183,184,185,192,203,204,205,206,207,212,213,214,215,216,217,224,225,226,227,228,233,234,235,236,237,238,239,240,246,247,248,249,250,254,255,256,257,258,259,260,261,262,267,268,269,270,275,276,277,278,282,283,284,288,289,290,291,292,296,297,298,299,303,304,305,306,310,311,312,313,314,317,318,319,320,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,491 +9746 - 75,76,96,97,98,117,118,119,120,124,125,126,138,139,140,141,146,147,148,160,161,162,163,168,169,170,181,182,183,184,189,190,191,202,203,204,205,211,212,213,224,225,226,227,228,233,234,235,245,246,247,248,249,250,251,252,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +9747 - 99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,168,169,170,171,179,180,181,189,190,191,192,202,211,212,213,233,234,235,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +9748 - 6,7,8,9,29,30,31,32,52,53,54,55,75,76,77,78,98,99,100,120,121,122,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,254,255,276,277,295,296,297,298,299,315,316,317,318,319,320,321,322,323,336,337,338,339,341,342,343,344,345,346,347,348,357,358,359,363,364,365,368,369,379,380,384,385,386,401,402,403,406,407,408,424,425,426,427,428,429,487 +9749 - 58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,128,129,130,131,137,138,139,140,145,150,151,152,153,158,159,160,161,170,171,172,173,174,180,181,182,183,190,191,192,193,194,195,196,202,203,204,205,206,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,319,320,321,322,323,324,325,332,333,334,335,336,344,345,346,347,354,355,356,366,367,368,369,376,377,378,387,388,389,390,391,398,399,400,401,402,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,493 +9750 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,126,127,128,129,136,137,138,139,140,141,142,148,149,150,158,159,160,161,162,170,171,172,173,180,181,182,183,184,192,193,194,195,196,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,301,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,332,333,334,335,341,342,343,344,345,346,347,348,354,355,356,357,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,467,468,469,470,485 +9751 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,125,126,139,140,141,142,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,206,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,494 +9752 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,145,146,147,158,159,160,161,166,167,168,179,180,181,188,189,190,201,202,203,204,210,211,212,224,225,226,227,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,475,476,477,478,494 +9753 - 77,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,150,151,152,153,160,161,162,163,164,165,166,173,174,175,181,182,183,184,185,186,195,196,197,202,203,204,205,206,207,208,216,217,218,219,223,224,225,226,237,238,239,240,244,245,246,247,259,260,261,262,266,267,268,280,281,282,283,288,289,290,301,302,303,304,310,311,312,322,323,324,325,332,333,334,335,336,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,485 +9754 - 74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,138,139,140,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +9755 - 36,37,58,59,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +9756 - 50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,102,103,104,105,106,114,115,116,117,118,125,126,127,137,146,147,148,149,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,315,316,317,337,338,339,359,360,361,381,382,383,392,393,403,404,405,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,438,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,487 +9757 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,97,98,99,103,104,105,106,126,127,128,148,149,150,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,238,247,248,249,250,251,252,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,317,318,319,320,321,322,323,331,332,333,338,339,340,341,342,343,344,345,353,354,355,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,387,388,389,390,397,398,399,400,401,402,403,404,405,410,411,412,413,421,422,423,424,425,432,433,434,435,454,455,456,457,487 +9758 - 74,75,76,77,95,96,97,98,99,101,102,103,117,118,119,123,124,125,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,187,188,189,190,204,205,206,208,209,210,211,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,275,276,277,297,298,299,319,320,341,342,363,364,385,386,407,408,429,430,451,452,473,474,494 +9759 - 55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,125,126,127,128,129,138,139,140,141,146,147,148,149,150,151,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,251,252,255,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,364,365,366,367,368,374,375,386,387,388,389,390,396,397,398,399,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,450,451,452,453,463,464,465,466,467,468,469,470,471,472,473,488 +9760 - 6,7,8,28,29,30,50,51,72,73,94,95,116,117,138,139,160,161,167,168,169,170,182,183,188,189,190,191,192,204,205,206,210,211,212,213,214,215,226,227,228,232,233,234,236,237,249,250,253,254,255,258,259,271,272,275,276,277,279,280,281,293,294,295,297,298,299,301,302,303,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,361,362,363,364,365,366,367,385,386,387,388,409,410,411,491 +9761 - 62,63,73,74,83,84,85,94,95,96,104,105,106,107,116,117,118,126,127,128,129,138,139,140,147,148,149,150,160,161,162,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,319,320,321,322,326,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,470,471,472,489 +9762 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,82,83,98,99,100,101,103,104,105,120,121,122,125,126,141,142,143,146,147,163,164,167,168,169,184,185,186,189,190,206,207,208,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,294,295,296,316,317,318,319,337,338,339,340,341,358,359,360,362,363,380,381,382,385,386,402,403,407,408,424,425,426,428,429,430,446,447,448,449,450,451,493 +9763 - 108,109,121,122,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,190,191,205,206,207,208,227,228,229,248,249,250,270,271,272,273,274,275,292,293,294,295,296,297,298,299,316,317,318,319,320,321,333,334,341,342,343,355,356,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,425,426,427,428,490 +9764 - 34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,103,104,105,116,117,118,119,120,122,126,127,128,137,138,139,140,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,185,191,192,193,203,204,205,206,207,208,209,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,342,343,344,345,357,358,359,360,361,364,365,366,367,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,493 +9765 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,99,100,101,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,224,225,226,227,235,236,237,238,239,245,246,247,248,249,255,256,257,258,259,260,261,262,267,268,269,270,276,277,278,279,280,282,283,284,289,290,291,292,297,298,299,300,304,305,306,311,312,313,314,318,319,320,321,325,326,327,328,334,335,336,337,339,340,341,342,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +9766 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,99,100,101,102,103,104,114,115,116,123,124,125,126,136,137,138,145,146,147,148,149,159,160,167,168,169,170,171,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,311,322,323,324,325,332,333,334,344,345,346,347,354,355,356,357,366,367,368,369,376,377,378,379,380,381,382,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,488 +9767 - 103,104,105,106,107,117,118,119,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,191,192,193,194,199,200,201,202,203,204,212,213,214,215,222,223,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,430,447,448,449,450,468,469,470,471,492 +9768 - 92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,492 +9769 - 79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,136,137,138,139,140,144,145,152,153,158,159,160,161,173,174,175,180,181,182,195,196,197,202,203,204,215,216,217,218,219,224,225,226,227,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,342,343,344,345,354,355,356,365,366,367,376,377,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,493 +9770 - 76,77,78,79,80,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,170,171,172,184,185,186,194,195,206,207,208,216,217,228,229,250,251,252,272,273,274,275,295,296,297,298,318,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,409,427,428,429,430,447,448,449,450,451,452,468,469,470,471,472,473,490 +9771 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,160,161,162,168,169,170,181,182,183,189,190,191,192,193,194,203,204,205,211,212,213,214,215,216,225,226,227,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +9772 - 30,31,32,33,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,121,122,123,124,125,137,138,139,140,144,145,146,147,160,161,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,364,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,437,453,454,455,456,457,458,459,460,487 +9773 - 78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,150,151,152,159,160,161,162,163,164,165,166,172,173,174,180,181,182,183,184,194,195,196,201,202,203,204,205,215,216,217,222,223,224,225,226,236,237,238,239,243,244,245,246,247,258,259,260,265,266,267,279,280,281,282,287,288,289,300,301,302,303,309,310,321,322,323,324,331,332,333,342,343,344,345,346,353,354,355,356,363,364,365,366,375,376,377,378,379,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,445,446,447,448,485 +9774 - 55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,383,384,385,405,406,407,427,428,429,430,449,450,451,452,471,472,473,492 +9775 - 36,37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +9776 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,101,102,103,104,113,114,115,116,123,124,125,126,136,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,487 +9777 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,104,105,106,107,127,128,129,149,150,151,171,172,173,193,194,195,214,215,216,217,235,236,237,238,247,256,257,258,259,260,266,267,268,269,270,271,272,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,312,313,315,316,317,318,319,320,321,322,323,330,331,332,333,334,336,337,338,339,340,341,342,343,344,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,408,409,410,411,412,413,432,433,434,435,436,455,456,457,458,487 +9778 - 57,75,76,77,78,79,80,89,90,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,190,191,192,205,206,207,208,211,212,213,214,215,227,228,235,236,237,238,259,260,261,282,283,284,304,305,306,313,314,327,328,334,335,336,348,349,350,356,357,358,370,371,372,379,380,381,391,392,393,401,402,403,404,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,488 +9779 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,276,277,278,279,299,300,301,302,321,322,323,324,342,343,344,345,346,353,354,355,364,365,366,367,375,376,377,378,379,385,386,387,388,389,397,398,399,400,401,402,403,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,488 +9780 - 10,11,12,13,14,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,79,80,81,95,96,101,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,214,233,234,235,236,255,256,257,272,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,340,341,342,343,344,345,348,356,357,358,361,362,363,364,365,366,367,368,369,370,378,379,380,382,383,384,385,388,389,390,391,392,400,401,402,403,404,405,406,412,413,423,424,425,426,427,487 +9781 - 41,42,62,63,64,73,84,85,86,94,95,105,106,107,116,117,126,127,128,129,137,138,139,148,149,150,158,159,160,161,169,170,171,172,180,181,182,190,191,192,193,201,202,203,204,212,213,214,223,224,225,226,227,233,234,235,236,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,489 +9782 - 59,60,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,188,189,190,204,205,206,207,210,211,212,225,226,227,228,231,232,233,247,248,249,250,251,253,254,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,344,345,346,361,362,366,367,382,383,384,387,388,389,404,405,406,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,493 +9783 - 64,65,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,147,161,162,163,164,182,183,184,185,204,205,206,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,355,356,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,490 +9784 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,167,168,169,170,180,181,182,187,188,189,190,191,192,202,203,204,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,470,471,472,494 +9785 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,192,193,194,203,204,205,206,207,212,213,214,215,216,217,218,224,225,226,227,228,232,233,234,235,236,237,238,239,240,246,247,248,249,254,255,256,260,261,262,267,268,269,270,274,275,276,277,282,283,284,289,290,291,292,295,296,297,298,299,303,304,305,306,310,311,312,313,314,316,317,318,319,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,491 +9786 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,116,117,118,122,123,124,138,139,140,144,145,146,165,166,167,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,360,366,367,368,380,381,382,387,388,389,390,401,402,403,404,408,409,410,411,423,424,425,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,488 +9787 - 104,105,106,107,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,190,191,192,193,200,201,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,344,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +9788 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,145,146,147,148,149,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,252,253,254,255,256,257,258,273,274,275,276,277,278,279,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,467,468,469,492 +9789 - 59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,129,130,131,137,138,139,140,144,151,152,153,159,160,161,172,173,174,175,182,183,184,193,194,195,196,204,205,206,207,214,215,216,217,218,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,321,322,323,324,332,333,334,335,343,344,345,346,354,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,493 +9790 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,209,210,213,214,215,216,225,226,227,228,229,235,236,237,238,247,248,249,250,251,257,258,259,269,270,271,272,273,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,316,317,321,322,323,324,325,335,336,337,338,339,343,344,345,346,347,358,359,360,361,362,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +9791 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,189,190,191,192,193,204,205,206,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,275,276,277,278,285,297,298,299,307,318,319,320,321,329,339,340,341,342,351,360,361,362,363,373,381,382,383,384,395,402,403,404,405,417,424,425,426,439,445,446,447,448,466,467,468,469,494 +9792 - 57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,162,163,164,167,168,169,184,185,186,189,190,206,207,208,210,211,212,228,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,317,318,319,320,321,322,339,340,342,343,344,360,361,362,365,366,367,382,383,387,388,389,403,404,405,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,493 +9793 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,233,234,235,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +9794 - 71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,120,121,122,123,124,125,126,127,128,134,135,136,143,144,145,146,147,148,149,150,151,152,156,157,158,159,165,166,167,168,169,173,174,178,179,180,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,277,278,279,280,281,282,292,293,294,301,302,303,304,305,314,315,316,325,326,327,336,337,338,348,349,350,358,359,360,370,371,372,380,381,382,392,393,394,403,404,405,413,414,415,416,425,426,427,428,435,436,437,448,449,450,456,457,458,459,471,472,473,474,475,476,477,478,479,480,493 +9795 - 59,60,81,82,102,103,104,124,125,126,140,145,146,147,161,162,167,168,169,183,184,185,188,189,190,191,204,205,206,210,211,212,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +9796 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +9797 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,97,103,104,105,106,124,125,126,127,146,147,148,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,235,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,353,354,355,364,365,366,367,368,375,376,377,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +9798 - 11,12,13,33,34,54,55,76,77,97,98,99,119,120,140,141,142,162,163,164,184,185,206,207,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,279,280,281,293,294,295,296,297,302,303,304,315,316,317,318,325,326,337,338,339,340,347,348,360,361,362,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +9799 - 54,55,56,57,58,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,122,123,124,125,127,128,129,137,138,139,140,144,145,149,150,151,158,159,160,161,170,171,172,180,181,182,191,192,193,194,202,203,204,211,212,213,214,215,224,225,226,227,228,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,322,323,324,334,335,336,337,338,345,346,355,356,357,358,366,367,368,376,377,378,379,387,388,389,390,398,399,400,408,409,410,411,412,419,420,421,422,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,493 +9800 - 55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,162,163,164,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,278,279,280,281,294,300,301,302,303,322,323,324,343,344,345,346,365,366,367,380,381,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +9801 - 86,87,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,163,164,165,168,184,185,186,205,206,207,226,227,228,229,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,320,321,322,323,343,344,345,355,356,364,365,366,367,377,378,379,380,381,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,490 +9802 - 15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,98,99,100,101,102,120,121,122,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,278,279,280,292,293,294,300,301,302,314,315,316,322,323,324,336,337,338,343,344,345,346,358,359,360,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +9803 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +9804 - 27,28,29,30,49,50,51,52,53,71,72,73,74,75,76,94,95,96,97,98,117,118,119,120,121,139,140,141,142,143,162,163,164,165,166,184,185,186,187,188,189,206,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,296,297,298,299,300,301,319,320,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,368,385,386,387,388,389,390,407,408,409,410,411,412,429,430,431,432,433,434,451,452,453,454,455,486 +9805 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,104,105,106,117,118,119,120,121,122,126,127,128,138,139,140,141,142,143,147,148,149,160,161,162,168,169,170,171,182,183,184,188,189,190,191,192,204,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,291,292,293,294,295,298,299,300,301,312,313,314,315,316,321,322,323,333,334,335,336,343,344,345,355,356,357,365,366,367,368,377,378,379,386,387,388,389,399,400,401,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +9806 - 10,11,12,31,32,33,34,35,53,54,55,56,74,75,76,77,78,95,96,97,98,99,100,101,102,117,118,119,122,123,124,125,126,138,139,140,145,146,147,148,149,160,161,162,169,170,171,172,181,182,183,184,192,193,194,195,203,204,205,215,216,217,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,359,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,485 +9807 - 42,43,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,140,141,142,143,162,163,164,183,184,185,204,205,206,207,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,274,275,276,277,278,298,299,300,311,320,321,322,333,334,335,342,343,344,355,356,357,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,448,490 +9808 - 12,13,14,15,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,183,184,185,205,206,207,226,227,228,229,248,249,250,255,256,257,270,271,272,277,278,279,280,292,293,294,298,299,300,301,302,303,314,315,316,319,320,321,322,323,324,325,336,337,338,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +9809 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,124,125,126,127,147,148,149,169,170,171,190,191,192,193,212,213,214,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,296,297,298,299,300,301,309,310,311,317,318,319,320,321,322,323,324,326,327,328,331,332,337,338,339,340,341,342,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,390,391,392,398,399,400,401,402,487 +9810 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,122,123,124,125,126,127,128,136,137,138,139,146,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,182,191,192,193,194,201,202,203,213,214,215,216,223,224,225,235,236,237,238,244,245,246,247,257,258,259,260,266,267,268,269,278,279,280,281,282,289,290,291,292,300,301,302,303,311,312,313,314,315,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,494 +9811 - 58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,105,106,107,118,119,120,121,122,123,127,128,129,139,140,141,142,143,144,149,150,151,161,162,163,169,170,171,172,183,184,185,190,191,192,193,194,205,206,207,211,212,213,214,227,228,229,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,335,336,337,338,340,341,342,357,358,359,362,363,364,378,379,380,384,385,386,400,401,405,406,407,408,422,423,424,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +9812 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,124,125,126,127,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,183,184,185,186,187,206,207,208,209,210,211,231,232,233,234,255,256,257,277,278,279,300,301,302,309,322,323,324,331,332,344,345,346,353,354,366,367,368,375,376,377,388,389,390,398,399,400,409,410,411,421,422,423,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +9813 - 15,16,17,18,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,247,248,249,250,255,256,257,258,269,270,271,275,276,277,278,279,280,281,291,292,293,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,324,325,326,335,336,337,338,339,340,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +9814 - 9,10,11,12,13,28,29,30,31,32,33,34,35,49,50,51,52,53,57,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,182,183,184,185,186,187,205,206,207,208,209,210,211,231,232,233,234,235,236,246,247,255,256,257,258,259,268,269,279,280,281,282,283,290,291,303,304,305,306,312,313,314,327,328,329,335,336,337,350,351,358,359,360,361,372,373,381,382,383,384,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,433,434,435,436,490 +9815 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,486 +9816 - 14,15,16,17,35,36,37,38,39,57,58,59,60,61,78,79,80,99,100,101,121,122,142,143,144,164,165,185,186,187,207,208,228,229,230,231,232,250,251,252,253,254,255,271,272,273,276,277,278,293,294,299,300,315,316,321,336,337,338,341,342,343,358,359,360,361,363,364,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,491 +9817 - 98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,192,205,206,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,494 +9818 - 7,8,9,28,29,30,31,50,51,52,53,72,73,74,93,94,95,96,115,116,117,136,137,138,139,158,159,160,161,169,170,171,172,173,174,180,181,182,190,191,192,193,194,195,196,202,203,204,211,212,213,214,215,216,217,218,223,224,225,226,232,233,234,235,236,238,239,240,245,246,247,248,253,254,255,256,260,261,262,267,268,269,270,275,276,277,281,282,283,289,290,291,292,296,297,298,299,302,303,304,305,311,312,313,314,318,319,320,324,325,326,333,334,335,336,339,340,341,342,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +9819 - 9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,79,80,81,82,92,93,94,95,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,236,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,391,392,393,394,395,398,399,400,401,402,403,404,405,416,417,422,487 +9820 - 57,58,59,60,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,126,127,128,129,130,138,139,140,141,142,150,151,152,153,159,160,161,162,163,173,174,175,180,181,182,183,195,196,197,201,202,203,204,218,219,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,280,281,282,283,284,288,289,290,300,301,302,303,304,305,310,311,312,321,322,323,324,325,326,332,333,334,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,485 +9821 - 40,41,61,62,63,82,83,84,85,94,95,104,105,106,107,116,117,126,127,128,137,138,139,147,148,149,159,160,161,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,223,224,225,226,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,298,299,300,319,320,321,322,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,489 +9822 - 34,35,36,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,122,125,126,127,128,136,137,138,139,148,149,150,151,157,158,159,160,171,172,173,179,180,181,193,194,195,196,200,201,202,215,216,217,218,222,223,224,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,287,288,289,290,302,303,304,309,310,311,312,323,324,325,326,331,332,333,334,335,345,346,347,348,354,355,356,357,358,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,485 +9823 - 59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,150,151,152,159,160,161,162,163,164,172,173,174,180,181,182,183,184,185,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,237,238,239,240,244,245,246,259,260,261,265,266,267,268,280,281,282,283,287,288,289,290,301,302,303,304,305,309,310,311,312,322,323,324,325,326,331,332,333,334,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,426,427,428,485 +9824 - 83,84,85,86,87,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,180,181,182,202,203,204,225,226,227,247,248,249,250,270,271,272,273,293,294,295,296,297,316,317,318,319,320,339,340,341,342,343,362,363,364,365,379,380,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,452,490 +9825 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,124,125,126,137,138,139,140,146,147,148,159,160,161,168,169,181,182,190,191,192,202,203,204,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +9826 - 33,34,35,36,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,102,103,104,105,113,114,115,116,117,125,126,127,134,135,136,137,138,148,149,156,157,158,170,171,172,178,179,192,193,194,214,215,216,236,237,238,257,258,259,279,280,281,300,301,302,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,446,447,448,487 +9827 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,139,140,141,142,147,148,161,162,163,168,169,170,171,182,183,184,190,191,192,193,204,205,206,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +9828 - 13,14,15,34,35,36,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,141,142,143,163,164,165,185,186,187,206,207,208,228,229,230,250,251,252,254,255,256,257,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,316,317,318,319,324,325,338,339,340,345,346,347,360,361,362,365,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,427,428,429,430,491 +9829 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,101,102,103,104,124,125,126,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,276,277,278,279,299,300,301,302,322,323,324,344,345,346,353,354,355,365,366,367,368,374,375,376,377,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +9830 - 28,47,48,49,50,51,52,68,69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,112,113,114,117,118,119,120,121,134,135,140,141,142,143,144,163,164,165,166,167,186,187,188,189,209,210,211,212,232,233,234,235,254,255,256,257,276,277,278,279,294,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,364,365,366,367,368,369,370,381,382,383,384,385,386,387,389,390,391,392,393,405,406,407,412,413,414,415,416,417,436,437,438,439,487 +9831 - 98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,168,169,170,171,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +9832 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,107,117,118,119,127,128,129,140,141,148,149,150,162,163,164,168,169,170,171,172,184,185,186,189,190,191,192,193,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,340,341,342,356,357,358,362,363,364,378,379,380,384,385,386,400,401,402,403,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,474,493 +9833 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,161,162,163,164,165,166,168,169,170,171,180,181,182,189,190,191,192,203,204,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,316,317,318,319,320,321,322,334,336,337,338,339,340,341,342,343,344,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +9834 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,172,173,174,180,181,182,183,194,195,196,201,202,203,204,205,216,217,218,222,223,224,225,226,227,238,239,240,243,244,245,249,250,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,325,326,327,328,331,332,333,347,348,349,353,354,355,368,369,370,375,376,377,388,389,390,391,392,398,399,400,401,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +9835 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,126,127,128,138,139,140,141,148,149,160,161,162,169,170,171,181,182,183,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +9836 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,101,102,103,113,114,115,123,124,125,135,136,145,146,147,168,169,189,190,191,211,212,213,231,232,233,234,235,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,298,299,300,301,302,303,304,313,314,315,316,320,321,322,324,325,326,334,335,336,337,341,342,343,346,347,348,349,356,357,358,362,363,364,369,370,371,372,373,378,379,380,383,384,385,386,392,393,394,395,400,401,402,403,404,405,406,407,415,416,417,422,423,424,425,426,427,444,445,446,447,448,487 +9837 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +9838 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,233,234,235,236,246,247,248,249,254,255,256,257,268,269,270,271,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,473,474,475,494 +9839 - 37,38,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,105,106,107,118,119,120,121,123,124,127,128,129,139,140,141,142,149,150,151,161,162,163,170,171,172,183,184,191,192,193,194,205,206,207,211,212,213,214,215,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,320,321,322,335,336,337,342,343,344,356,357,358,364,365,366,378,379,385,386,387,388,400,401,402,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +9840 - 52,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,149,150,151,152,160,161,162,163,164,171,172,173,174,182,183,184,185,193,194,195,196,204,205,206,207,215,216,217,218,225,226,227,228,237,238,239,247,248,249,258,259,260,261,268,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,304,311,312,313,314,321,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,358,362,363,364,365,366,367,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,485 +9841 - 11,12,13,14,15,16,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,76,77,81,82,83,103,104,105,106,126,127,128,148,149,150,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,338,339,340,341,342,343,344,345,346,354,355,356,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,388,389,390,391,392,398,399,400,401,402,403,404,410,411,412,413,414,415,421,422,423,424,434,435,436,437,487 +9842 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,406,407,408,409,410,428,429,430,431,451,452,486 +9843 - 96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,169,170,171,190,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,492 +9844 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,99,100,103,104,117,118,126,139,147,148,160,161,168,169,170,182,183,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,299,300,314,315,316,321,322,336,337,343,344,357,358,359,365,366,379,380,387,388,401,402,408,409,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +9845 - 86,87,100,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,342,343,344,355,356,363,364,365,366,377,378,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,447,448,449,490 +9846 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,158,159,160,161,167,168,169,179,180,181,182,186,187,188,189,190,191,201,202,203,204,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,255,256,257,268,269,270,271,272,273,277,278,279,292,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,413,430,431,432,433,434,435,452,453,454,455,456,474,475,476,477,478,494 +9847 - 59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,128,129,130,137,138,139,140,144,149,150,151,152,159,160,161,170,171,172,173,174,180,181,182,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,228,229,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,321,322,323,324,332,333,334,335,336,337,343,344,345,346,354,355,356,357,358,365,366,367,368,376,377,378,386,387,388,389,398,399,400,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +9848 - 49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,115,116,121,122,123,143,144,145,165,166,167,186,187,188,207,208,209,210,228,229,230,231,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,297,298,299,300,301,302,321,322,323,324,325,345,346,347,368,369,370,390,391,392,412,413,414,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,472,473,474,475,476,488 +9849 - 127,128,129,130,131,141,142,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,205,206,207,227,228,229,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,322,332,333,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,401,402,403,404,490 +9850 - 6,7,8,9,10,11,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,99,100,101,102,103,122,123,124,125,145,146,147,148,167,168,169,170,189,190,191,211,212,213,224,225,226,227,228,233,234,235,245,246,247,248,249,250,251,252,255,256,257,267,268,269,270,271,272,273,274,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,316,317,318,319,320,321,322,333,334,335,336,339,340,341,342,343,344,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,409,410,411,412,413,414,415,416,417,433,434,435,436,437,487 +9851 - 34,35,36,37,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,103,104,105,106,126,127,128,147,148,149,150,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,257,258,259,278,279,280,281,282,300,301,302,303,304,322,323,324,325,342,343,344,345,346,352,361,362,363,364,365,366,367,374,375,376,377,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,444,445,446,447,488 +9852 - 32,33,34,35,36,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,117,118,119,120,121,122,126,127,128,138,139,140,141,142,143,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,186,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,322,323,324,334,335,336,337,338,344,345,346,356,357,358,359,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +9853 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,104,105,106,126,127,128,129,148,149,150,151,170,171,172,191,192,193,194,212,213,214,215,216,234,235,236,237,256,257,258,268,269,270,271,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,330,331,332,333,338,339,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,386,387,388,389,397,398,399,400,401,402,403,404,409,410,411,412,413,432,433,434,435,455,456,457,487 +9854 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,140,141,145,146,147,148,149,150,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,450,467,468,469,470,471,492 +9855 - 30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,103,104,105,106,126,127,128,148,149,150,169,170,171,172,173,182,183,184,191,192,193,194,195,204,205,206,213,214,215,216,234,235,236,237,255,256,257,258,259,271,272,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,330,331,332,333,334,337,338,339,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,386,387,388,397,398,399,400,401,402,408,409,410,411,431,432,433,453,454,455,487 +9856 - 54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,124,141,142,143,144,145,146,165,166,167,168,187,188,189,209,210,211,231,232,233,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,486 +9857 - 100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,171,172,173,174,175,179,180,181,182,183,184,185,186,187,188,189,190,193,194,195,196,197,201,202,203,204,205,209,210,211,215,216,217,218,219,223,224,225,226,237,238,239,240,244,245,246,247,258,259,260,261,262,266,267,268,280,281,282,283,288,289,290,291,301,302,303,304,310,311,312,313,314,322,323,324,325,326,332,333,334,335,336,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,425,426,427,428,429,485 +9858 - 35,36,37,38,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,113,114,115,116,117,135,136,137,138,157,158,159,160,180,181,182,183,202,203,204,205,211,212,213,225,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,279,280,281,282,302,303,304,305,325,326,327,347,348,349,369,370,371,379,380,381,382,383,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,490 +9859 - 107,108,109,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,184,185,186,187,188,205,206,207,226,227,228,247,248,249,250,251,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,312,318,319,320,321,322,333,334,335,342,343,344,355,356,357,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +9860 - 96,97,118,119,139,140,141,160,161,162,171,172,173,181,182,183,190,191,192,193,194,195,196,197,202,203,204,211,212,213,214,215,216,217,218,219,222,223,224,225,232,233,234,235,240,241,244,245,246,253,254,255,260,261,262,263,266,267,274,275,276,280,281,282,283,284,288,289,295,296,297,300,301,302,303,304,310,311,312,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,491 +9861 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,129,130,131,138,139,140,141,142,145,146,150,151,152,153,160,161,162,163,166,167,168,171,172,173,174,181,182,183,184,191,192,193,194,195,203,204,205,206,211,212,213,214,215,216,226,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,333,334,335,336,337,340,341,342,343,355,356,357,358,362,363,364,376,377,378,383,384,385,386,398,399,400,404,405,406,407,408,420,421,422,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,493 +9862 - 54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,123,124,125,126,136,137,138,139,145,146,147,148,167,168,169,186,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,247,248,249,250,251,252,253,268,269,270,271,272,273,289,290,291,292,293,294,311,312,313,314,315,316,317,318,319,320,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,386,387,388,389,390,391,392,393,394,395,413,414,415,487 +9863 - 12,13,14,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,109,117,118,119,120,131,138,139,140,141,142,153,159,160,161,162,163,175,181,182,183,184,185,197,202,203,204,205,206,214,215,216,217,223,224,225,226,227,232,233,234,235,236,237,238,239,245,246,247,253,254,255,256,257,258,259,260,261,262,266,267,268,269,274,275,276,277,281,282,283,284,285,288,289,290,294,295,296,297,298,303,304,305,306,307,310,311,312,315,316,317,318,319,323,324,325,326,327,329,332,333,334,335,336,337,338,339,344,345,346,347,348,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,373,377,378,379,380,381,382,383,384,385,386,387,388,389,395,401,402,403,404,405,406,407,408,409,491 +9864 - 54,55,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,143,144,145,146,147,156,157,158,159,164,165,166,167,168,177,178,179,180,186,187,188,189,190,199,200,207,208,209,210,211,221,222,229,230,231,232,233,234,235,236,252,253,254,255,256,257,258,259,260,275,276,277,278,279,280,281,282,283,299,300,301,302,303,304,305,306,325,326,327,328,346,347,348,349,350,360,361,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +9865 - 76,77,78,97,98,99,100,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,187,188,193,194,195,196,197,201,202,203,204,205,206,207,215,216,217,218,219,223,224,225,226,227,228,237,238,239,240,241,245,246,247,248,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,310,311,312,323,324,325,326,332,333,334,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,447,448,449,450,485 +9866 - 55,56,57,58,59,74,77,78,79,80,81,95,96,98,99,100,101,102,103,116,117,118,124,125,137,138,146,147,159,160,167,168,169,181,182,188,189,190,203,204,209,210,211,212,225,226,227,228,229,231,232,233,247,248,249,250,251,252,253,254,272,273,274,275,276,277,295,296,297,298,299,300,317,318,319,321,322,323,338,339,340,344,345,360,361,367,368,382,383,384,389,390,404,405,406,410,411,412,427,428,429,430,431,432,433,450,451,452,453,454,473,474,475,476,493 +9867 - 59,60,81,82,96,97,102,103,104,117,118,119,123,124,125,126,139,140,141,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,273,274,275,276,277,295,296,297,316,317,318,319,338,339,340,359,360,361,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,467,468,469,489 +9868 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,116,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,300,301,302,303,304,322,323,324,325,326,343,344,345,346,347,348,358,359,360,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +9869 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,148,149,150,151,161,162,163,164,166,170,171,172,173,182,183,184,185,192,193,194,203,204,205,206,214,215,216,224,225,226,227,236,237,238,246,247,248,249,257,258,259,267,268,269,270,279,280,281,289,290,291,292,301,302,303,310,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,357,365,366,367,368,376,377,378,379,380,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +9870 - 74,75,76,77,78,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,256,257,258,259,260,278,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,494 +9871 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,102,103,104,124,125,126,146,147,148,167,168,169,170,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,270,271,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,397,398,399,400,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,488 +9872 - 12,13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +9873 - 37,38,39,40,58,59,60,61,62,63,76,77,78,79,80,81,83,84,85,86,95,96,97,98,99,100,101,102,103,104,106,107,108,116,117,118,119,120,121,123,124,125,126,127,128,129,130,137,138,139,140,148,149,150,151,159,160,161,169,170,171,172,180,181,182,190,191,192,193,194,202,203,204,210,211,212,213,214,224,225,226,227,228,231,232,233,234,235,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,323,334,335,336,337,342,343,344,345,355,356,357,358,365,366,367,377,378,379,387,388,389,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,493 +9874 - 32,33,53,54,55,56,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,191,192,193,194,205,206,207,213,214,215,216,227,228,229,236,237,238,248,249,250,251,258,259,260,269,270,271,272,280,281,282,291,292,293,294,302,303,304,313,314,315,316,323,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,365,366,367,368,369,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +9875 - 37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,126,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,486 +9876 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,93,94,95,96,113,114,115,116,117,125,126,135,136,137,138,139,146,147,148,156,157,158,169,170,178,179,191,192,193,200,201,213,214,215,221,222,223,236,237,243,244,245,258,259,266,267,279,280,281,288,289,290,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,346,347,348,360,361,368,369,370,390,391,392,412,413,414,435,436,437,457,458,459,480,481,494 +9877 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,236,237,238,239,244,245,246,247,257,258,259,260,265,266,267,268,269,279,280,281,282,287,288,289,290,301,302,303,304,309,310,311,312,322,323,324,325,326,331,332,333,334,335,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,485 +9878 - 77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,123,124,125,138,139,140,141,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,319,320,321,341,342,343,363,364,365,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +9879 - 30,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,80,81,82,83,84,104,105,106,125,126,127,146,147,148,149,163,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,254,255,256,257,277,278,279,280,299,300,301,302,322,323,324,343,344,345,346,354,355,364,365,366,367,375,376,377,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +9880 - 90,91,92,112,113,114,126,127,128,134,135,136,137,148,149,150,156,157,158,159,170,171,172,173,178,179,180,181,192,193,194,195,200,201,202,203,212,213,214,215,216,217,218,222,223,224,225,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,302,303,304,305,311,312,313,314,315,316,324,325,326,327,347,348,349,369,370,371,391,392,393,394,395,414,415,416,417,489 +9881 - 58,59,60,61,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,150,151,152,158,159,160,161,162,163,164,165,172,173,174,179,180,181,182,183,184,193,194,195,196,200,201,202,203,204,205,215,216,217,218,221,222,223,224,225,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,280,281,282,283,287,288,289,290,301,302,303,304,305,309,310,311,312,322,323,324,325,326,332,333,334,335,336,337,338,339,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,425,426,427,485 +9882 - 98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,492 +9883 - 51,52,60,61,73,74,81,82,83,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,145,146,147,148,159,160,161,162,167,168,169,181,182,183,184,188,189,190,191,202,203,204,205,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,296,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,470,471,472,489 +9884 - 33,34,35,36,55,56,57,58,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,450,451,452,453,486 +9885 - 81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +9886 - 89,95,96,97,98,99,100,101,102,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +9887 - 58,59,60,72,73,74,80,81,82,94,95,96,101,102,103,104,116,117,118,123,124,125,138,139,140,145,146,147,159,160,161,162,167,168,169,181,182,183,188,189,190,202,203,204,205,210,211,212,224,225,226,227,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,318,319,320,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +9888 - 68,69,70,71,90,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,166,167,168,189,190,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,476,492 +9889 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,122,123,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,180,181,182,190,191,192,193,202,203,204,211,212,213,214,215,224,225,226,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,494 +9890 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,96,98,99,100,101,102,114,115,116,117,119,120,121,122,123,124,125,126,136,137,138,139,141,142,143,144,145,146,147,148,149,158,159,160,162,163,164,165,166,167,168,169,170,171,180,181,182,184,185,191,192,193,194,201,202,203,204,214,215,216,217,223,224,225,226,237,238,239,244,245,246,247,248,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,303,304,305,306,311,312,313,314,326,327,328,329,334,335,336,337,347,348,349,350,356,357,358,359,360,361,369,370,371,379,380,381,382,383,384,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +9891 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,102,103,104,124,125,126,147,148,149,169,170,171,191,192,193,213,214,215,234,235,236,237,256,257,258,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,336,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,388,389,390,391,400,401,402,403,404,405,410,411,412,413,414,433,434,435,436,437,456,457,458,459,487 +9892 - 7,8,9,28,29,30,31,50,51,52,71,72,73,74,93,94,95,96,114,115,116,117,136,137,138,139,147,148,149,158,159,160,161,167,168,169,170,171,172,173,180,181,182,188,189,190,191,192,193,194,195,202,203,204,210,211,212,213,214,215,216,217,224,225,226,232,233,234,237,238,239,246,247,248,249,253,254,255,259,260,261,268,269,270,271,275,276,277,280,281,282,283,290,291,292,293,294,297,298,299,302,303,304,313,314,315,316,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +9893 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,145,146,147,148,159,160,161,162,167,168,169,170,171,181,182,188,189,190,191,192,193,202,203,204,210,211,212,213,214,224,225,226,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,494 +9894 - 51,52,53,54,55,71,72,73,74,75,76,77,78,79,93,94,95,96,98,99,100,101,114,115,116,117,121,122,123,124,136,137,138,144,145,146,158,159,165,166,167,180,181,187,188,189,208,209,210,229,230,231,232,250,251,252,253,270,271,272,273,274,291,292,293,294,295,312,313,314,315,316,322,323,324,325,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,487 +9895 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +9896 - 75,76,77,78,79,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,158,159,160,161,168,169,180,181,182,190,191,192,193,202,203,204,212,213,214,215,224,225,226,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,494 +9897 - 31,32,33,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,294,295,296,297,299,300,301,311,312,316,317,318,319,322,323,324,333,334,335,336,337,338,339,340,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,367,368,369,370,371,372,373,379,380,381,390,391,392,393,394,395,487 +9898 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,75,76,95,96,97,117,118,119,139,140,161,162,183,184,185,205,206,207,208,209,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,300,301,302,314,315,323,324,336,337,338,345,346,359,360,361,366,367,368,382,383,388,389,390,404,405,406,409,410,411,427,428,429,430,431,432,450,451,452,453,490 +9899 - 84,85,86,87,98,99,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,163,164,165,166,185,186,187,207,208,209,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,298,299,300,320,321,322,332,333,341,342,343,344,354,355,356,363,364,365,366,376,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,446,447,448,490 +9900 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,136,137,138,139,144,145,146,147,158,159,160,161,166,167,168,169,170,181,182,183,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,236,237,238,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,321,322,323,324,336,337,338,343,344,345,346,347,358,359,360,366,367,368,369,380,381,382,387,388,389,390,391,402,403,404,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9901 - 95,96,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,191,192,193,194,195,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,465,466,467,468,469,492 +9902 - 53,54,55,56,75,76,77,78,97,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,486 +9903 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,428,447,448,449,486 +9904 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,146,147,148,149,155,156,157,158,159,160,166,167,168,169,170,176,177,178,179,187,188,189,190,191,198,199,200,207,208,209,210,211,212,213,214,220,221,228,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,259,260,261,281,282,283,303,304,305,325,326,327,346,347,348,349,366,367,368,369,370,387,388,389,390,391,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,488 +9905 - 118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,198,212,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,474,492 +9906 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +9907 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,486 +9908 - 92,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,171,172,173,192,193,194,195,213,214,215,216,217,235,236,237,238,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,423,424,425,426,427,444,445,446,447,465,466,467,468,492 +9909 - 14,15,16,35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,184,185,186,187,206,207,208,213,227,228,229,234,235,236,237,238,248,249,250,251,254,255,256,257,258,259,260,269,270,271,272,275,276,277,278,279,281,282,291,292,293,296,297,298,299,302,303,304,312,313,314,315,317,318,319,320,324,325,326,334,335,336,338,339,340,341,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +9910 - 54,55,56,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,321,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,486 +9911 - 91,92,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +9912 - 11,12,13,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,80,81,82,83,94,95,96,103,104,105,117,118,125,126,127,139,140,148,149,170,171,192,193,204,205,206,214,215,224,225,226,227,228,229,230,236,237,245,246,247,248,249,250,251,252,253,257,258,259,266,267,268,269,273,274,275,276,277,279,280,281,288,289,297,298,299,300,301,302,309,310,311,320,321,322,323,324,331,332,333,342,343,344,345,346,347,348,349,350,353,354,363,364,365,366,367,368,369,370,371,372,375,376,377,382,383,384,385,386,387,391,392,393,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,487 +9913 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,95,102,103,104,105,124,125,126,127,145,146,147,148,149,167,168,169,170,181,182,183,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,299,300,301,321,322,323,342,343,344,345,354,355,363,364,365,366,375,376,377,378,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +9914 - 30,31,32,51,52,53,54,55,72,73,74,75,76,77,78,79,80,93,94,95,96,99,100,101,102,103,104,115,116,117,122,123,124,125,126,127,136,137,138,144,145,147,148,149,150,158,159,160,166,167,171,172,180,181,193,194,195,202,203,215,216,217,224,225,238,239,246,247,260,261,268,269,282,283,290,291,304,305,312,313,314,325,326,327,335,336,337,347,348,349,357,358,359,369,370,371,380,381,382,383,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,485 +9915 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,78,79,80,81,82,83,95,96,103,104,105,125,126,127,147,148,149,167,168,169,170,171,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,255,256,257,258,277,278,279,280,300,301,302,321,322,323,324,330,331,332,343,344,345,346,352,353,354,355,364,365,366,367,374,375,376,377,378,385,386,387,388,396,397,398,399,400,401,402,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +9916 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,103,104,105,116,117,124,125,126,127,137,138,145,146,147,148,159,160,165,166,167,168,169,185,186,187,188,189,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,236,237,255,256,257,258,259,260,280,281,282,283,302,303,304,305,309,310,324,325,326,327,330,331,332,346,347,348,349,352,353,354,366,367,368,369,370,375,376,377,387,388,389,390,391,397,398,399,400,401,402,403,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +9917 - 14,15,16,17,35,36,37,38,56,57,58,59,78,79,80,99,100,101,102,121,122,123,142,143,144,164,165,166,185,186,187,206,207,208,209,227,228,229,230,235,236,248,249,250,251,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,303,304,305,312,313,314,315,317,318,319,324,325,326,335,336,337,338,339,340,345,346,347,348,357,358,359,360,361,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +9918 - 56,57,58,59,60,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,167,168,169,170,171,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,467,468,469,470,471,493 +9919 - 128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,186,187,207,208,209,229,230,231,232,250,251,252,253,254,255,271,272,273,274,276,277,293,294,298,299,311,320,321,332,333,334,341,342,343,354,355,356,357,358,362,363,364,378,379,380,381,382,383,384,385,401,402,403,404,405,406,490 +9920 - 49,50,59,60,61,71,72,73,81,82,83,94,95,103,104,116,117,125,126,138,139,146,147,148,160,161,168,169,170,182,183,190,191,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,342,343,364,365,386,387,408,409,430,431,452,453,454,474,475,476,489 +9921 - 14,15,16,17,36,37,38,39,57,58,59,60,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,188,205,206,207,208,225,226,227,228,229,235,236,237,247,248,249,250,251,255,256,257,258,259,260,268,269,270,271,272,276,277,278,279,280,281,282,289,290,291,292,296,297,298,299,300,301,302,303,304,310,311,312,313,318,319,320,322,323,324,325,333,334,335,336,337,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,491 +9922 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,169,170,171,172,173,174,179,180,181,182,183,184,185,193,194,195,196,200,201,202,203,204,205,215,216,217,218,221,222,223,224,225,226,237,238,239,240,243,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,270,279,280,281,282,283,284,287,288,289,290,291,292,301,302,303,304,305,306,309,310,311,312,313,314,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,485 +9923 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,72,73,74,78,79,80,81,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,345,346,347,348,349,353,354,355,356,357,358,359,360,361,368,369,370,371,372,375,376,377,378,379,380,381,391,392,393,394,398,399,400,401,402,414,415,416,436,437,487 +9924 - 34,35,36,56,57,58,78,79,80,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,145,146,161,162,166,167,168,183,184,188,189,204,205,210,211,226,227,231,232,233,248,249,253,254,270,271,272,275,276,293,294,295,296,297,298,316,317,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,493 +9925 - 52,53,54,55,59,60,61,62,63,73,74,75,76,77,80,81,82,83,84,85,86,95,96,97,101,102,103,104,105,107,108,116,117,118,122,123,124,129,130,138,139,140,144,151,152,160,161,172,173,174,182,183,184,193,194,195,196,204,205,206,207,214,215,216,217,227,228,229,230,235,236,237,238,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,314,315,316,317,318,319,320,334,335,336,337,338,340,341,342,343,355,356,357,358,359,363,364,365,377,378,379,385,386,387,399,400,406,407,408,409,421,422,423,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,493 +9926 - 9,10,11,31,32,33,53,54,55,75,76,96,97,98,118,119,120,140,141,142,162,163,184,185,186,187,206,207,208,209,210,228,229,230,231,232,233,234,250,251,253,254,255,256,257,272,273,277,278,279,280,294,295,300,301,302,303,316,317,323,324,325,338,339,340,345,346,347,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +9927 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,188,189,190,191,192,193,205,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,468,492 +9928 - 10,11,12,31,32,33,52,53,54,74,75,76,96,97,117,118,139,140,161,162,182,183,184,190,191,192,193,204,205,210,211,212,213,214,215,216,226,227,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,259,260,270,271,272,273,274,275,276,281,282,292,293,294,295,296,297,303,304,314,315,316,317,318,319,324,325,326,337,338,339,340,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,491 +9929 - 16,17,18,19,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,125,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,227,228,229,230,231,248,249,250,251,252,255,256,257,258,259,270,271,272,273,276,277,278,279,280,281,282,283,290,291,292,293,294,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,324,325,326,327,333,334,335,336,337,338,339,340,341,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,491 +9930 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +9931 - 73,74,75,84,85,94,95,96,97,105,106,107,115,116,117,118,119,126,127,128,138,139,140,147,148,149,150,159,160,161,162,169,170,171,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,489 +9932 - 80,81,82,83,84,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,161,163,164,165,185,186,187,208,209,210,230,231,232,233,234,254,255,256,257,278,279,280,301,302,303,323,324,325,345,346,347,366,367,368,386,387,388,389,390,407,408,409,410,411,427,428,429,430,431,445,446,447,448,449,450,451,464,465,466,467,468,469,470,488 +9933 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,122,123,124,125,126,139,140,141,147,148,149,160,161,162,169,170,171,182,183,184,190,191,192,204,205,206,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +9934 - 32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,115,116,117,118,123,124,125,126,136,137,138,139,146,147,148,149,150,157,158,159,160,170,171,172,173,179,180,181,194,195,196,200,201,202,203,217,218,219,222,223,224,239,240,241,244,245,246,262,263,266,267,283,284,285,288,289,304,305,306,307,310,311,325,326,327,328,332,333,346,347,348,349,354,355,356,366,367,368,369,370,376,377,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,485 +9935 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,85,97,98,99,100,102,103,104,105,106,107,108,118,119,120,124,125,126,127,128,129,130,139,140,141,142,149,150,151,152,161,162,163,170,171,172,173,182,183,184,185,191,192,193,194,204,205,206,207,211,212,213,214,215,227,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,342,343,344,345,356,357,358,359,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,406,407,408,409,410,421,422,423,424,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +9936 - 69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,146,147,148,149,156,157,158,159,160,161,166,167,168,169,170,171,179,180,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,299,300,301,302,303,316,317,318,323,324,325,326,338,339,340,346,347,348,349,360,361,362,369,370,371,382,383,384,385,391,392,393,394,405,406,407,413,414,415,416,427,428,429,430,435,436,437,450,451,452,453,454,455,456,457,458,459,473,474,475,476,477,478,479,480,493 +9937 - 56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,104,105,106,107,108,115,116,117,118,119,120,126,127,128,129,130,136,137,138,139,150,151,152,158,159,160,161,171,172,173,174,180,181,182,183,192,193,194,195,202,203,204,205,206,213,214,215,216,225,226,227,228,229,230,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,344,345,346,356,357,358,359,360,366,367,368,377,378,379,386,387,388,389,390,399,400,401,407,408,409,410,411,421,422,423,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,493 +9938 - 120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,167,168,183,184,188,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,276,277,298,299,320,321,341,342,343,363,364,385,386,407,408,429,430,451,452,473,474,494 +9939 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,102,103,104,105,125,126,127,147,148,149,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,316,317,318,319,320,323,324,325,326,327,328,331,332,333,334,335,337,338,339,340,341,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,369,370,371,372,376,377,378,379,380,381,382,487 +9940 - 81,82,96,97,103,104,105,117,118,119,125,126,127,138,139,140,141,147,148,160,161,162,168,169,170,183,184,185,190,191,192,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,253,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +9941 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,124,125,126,137,138,139,146,147,148,158,159,160,168,169,170,180,181,182,188,189,190,191,192,202,203,204,209,210,211,212,213,214,224,225,226,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +9942 - 33,34,54,55,56,76,77,78,98,99,100,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +9943 - 12,13,14,15,34,35,36,55,56,57,58,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,233,234,235,236,237,247,248,249,250,254,255,256,257,258,259,260,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,303,304,305,312,313,314,318,319,320,324,325,326,327,334,335,336,337,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,491 +9944 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,95,96,100,101,102,103,117,118,119,125,126,140,141,147,148,149,163,164,170,171,185,186,187,190,191,192,193,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,237,251,252,253,254,255,258,272,273,274,275,276,277,278,294,295,296,299,300,315,316,317,321,322,336,337,338,343,344,358,359,365,366,379,380,381,386,387,388,401,402,403,407,408,409,423,424,425,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +9945 - 75,76,83,84,85,86,87,96,97,98,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,183,184,185,204,205,206,207,208,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,275,276,277,278,298,299,300,320,321,322,323,342,343,344,345,355,356,363,364,365,366,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,447,448,490 +9946 - 11,12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,212,213,214,227,228,229,231,232,233,234,235,236,237,249,250,251,253,254,255,256,257,258,259,260,271,272,273,275,276,277,278,279,280,281,282,293,294,295,297,298,299,300,301,302,303,315,316,317,322,323,324,325,337,338,339,340,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,405,406,407,408,491 +9947 - 107,108,120,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,173,184,185,186,188,205,206,207,208,227,228,229,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,292,293,294,297,298,299,320,321,322,333,341,342,343,354,355,356,357,358,359,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,490 +9948 - 35,36,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,116,117,118,119,120,125,126,137,138,139,140,159,160,161,173,180,181,182,193,194,195,202,203,213,214,215,216,224,225,233,234,235,236,246,247,248,254,255,256,257,268,269,270,271,274,275,276,277,291,292,293,294,295,296,297,314,315,316,317,318,319,337,338,339,340,341,342,343,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,493 +9949 - 79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,148,149,150,159,160,161,162,163,169,170,171,180,181,182,183,184,189,190,191,192,193,201,202,203,204,210,211,212,213,214,215,223,224,225,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,446,447,448,449,467,468,469,470,494 +9950 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,141,146,147,148,160,161,162,168,169,182,183,190,191,203,204,205,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,299,300,316,317,318,321,322,343,344,365,366,387,388,409,410,431,432,453,454,475,476,494 +9951 - 120,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,194,196,205,206,207,208,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,292,298,299,300,320,321,322,341,342,343,344,355,356,362,363,364,365,377,378,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,490 +9952 - 54,55,56,57,58,59,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,296,297,298,299,300,301,302,303,304,312,313,314,315,321,322,323,324,325,326,334,335,336,337,344,345,346,347,348,356,357,358,359,367,368,369,370,379,380,381,382,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +9953 - 33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,125,126,127,128,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,322,323,324,344,345,346,353,354,355,365,366,367,368,375,376,377,378,379,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +9954 - 92,93,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +9955 - 104,105,106,107,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,192,193,194,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,492 +9956 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,91,92,93,94,100,101,102,103,104,113,114,115,122,123,124,125,126,135,136,137,138,139,140,143,144,145,146,158,159,160,161,162,163,164,165,166,167,182,183,184,185,186,187,207,208,209,210,211,228,229,231,232,233,234,250,251,255,256,257,258,272,273,278,279,280,294,295,301,302,303,316,317,324,325,338,339,346,347,348,360,361,368,369,382,383,384,390,391,404,405,406,407,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,493 +9957 - 63,64,85,86,106,107,108,118,119,127,128,129,140,141,142,148,149,150,151,161,162,163,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,212,213,214,223,224,225,226,227,233,234,235,236,245,246,247,248,249,255,256,257,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,318,319,320,321,322,323,339,340,341,342,361,362,363,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,489 +9958 - 60,61,62,63,72,73,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,160,161,162,182,183,184,204,205,209,210,211,212,213,214,215,225,226,227,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,258,259,260,268,269,270,271,272,273,274,280,281,282,290,291,292,293,294,303,304,312,313,314,315,324,325,326,346,347,348,367,368,369,379,380,389,390,391,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +9959 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,118,119,126,127,128,148,149,150,169,170,171,172,189,190,191,192,193,194,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,279,280,281,301,302,303,321,322,323,324,325,342,343,344,345,346,352,353,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,488 +9960 - 33,34,55,56,77,78,99,100,121,122,143,144,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,486 +9961 - 14,15,16,36,37,57,58,59,78,79,80,100,101,102,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,300,301,302,312,313,314,315,316,317,318,322,323,324,334,335,336,337,338,339,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,491 +9962 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,79,80,81,82,83,94,95,102,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,335,336,337,338,357,358,359,368,369,370,379,380,381,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,487 +9963 - 36,37,38,57,58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,127,128,129,141,142,143,144,145,146,149,150,151,161,162,163,164,165,166,167,171,172,173,183,184,185,186,187,193,194,195,204,205,206,207,208,214,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,257,258,259,260,268,269,270,271,279,280,281,282,289,290,291,292,299,300,301,302,303,311,312,313,320,321,322,323,324,332,333,334,335,340,341,342,343,344,345,354,355,356,357,361,362,363,364,365,366,376,377,378,379,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,444,445,446,447,485 +9964 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,100,101,102,103,104,114,123,124,125,126,147,148,149,169,170,171,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,280,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,341,342,343,344,345,346,347,348,357,358,359,361,362,363,364,367,368,369,370,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,445,446,447,448,487 +9965 - 55,56,57,58,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,124,125,126,127,128,129,130,131,139,140,141,142,143,146,147,150,151,152,153,160,161,162,163,164,173,174,175,182,183,184,185,195,196,197,203,204,205,206,216,217,218,219,224,225,226,227,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,279,280,281,282,283,288,289,290,291,300,301,302,303,304,310,311,312,313,321,322,323,324,325,332,333,334,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,423,424,425,426,485 +9966 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,129,130,140,141,142,143,144,146,147,148,149,150,151,152,161,162,163,164,165,168,169,170,171,172,173,174,182,183,184,185,186,190,191,192,193,194,195,196,202,203,204,205,206,212,213,214,215,216,217,223,224,225,226,227,235,236,237,238,244,245,246,247,248,257,258,259,265,266,267,268,269,279,280,281,287,288,289,290,301,302,303,309,310,311,323,324,325,331,332,344,345,346,347,353,354,366,367,368,375,376,377,388,389,390,397,398,399,400,401,402,403,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,485 +9967 - 14,15,16,17,35,36,37,38,56,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,224,225,226,227,228,235,236,237,245,246,247,248,249,254,255,256,257,258,259,260,267,268,269,270,275,276,277,278,279,280,281,282,289,290,291,295,296,297,298,299,300,302,303,304,311,312,313,314,316,317,318,319,324,325,326,334,335,336,337,338,339,340,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +9968 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,146,147,157,158,159,160,161,168,169,170,179,180,181,182,190,191,192,201,202,203,210,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +9969 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,148,149,150,161,162,163,168,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,494 +9970 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,78,79,80,81,82,96,97,102,103,104,118,119,125,126,138,139,147,148,149,160,161,169,170,171,182,183,184,191,192,205,206,212,213,214,227,228,229,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,385,386,387,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +9971 - 80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,173,174,175,180,181,182,183,184,185,186,187,195,196,197,201,202,203,204,205,206,207,208,216,217,218,219,223,224,225,226,227,228,229,230,238,239,240,241,244,245,246,247,248,250,251,252,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,354,355,356,357,358,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,485 +9972 - 30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,77,78,93,94,95,99,100,101,115,116,122,123,144,145,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,273,274,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,328,337,338,342,343,344,345,346,347,348,349,350,360,361,364,365,368,369,370,371,382,383,385,386,387,404,405,406,407,408,409,427,428,429,430,450,451,452,487 +9973 - 59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +9974 - 55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,138,139,140,144,145,146,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,215,229,230,231,232,236,237,245,252,258,259,266,267,280,281,288,289,302,303,310,311,324,325,332,333,346,347,354,355,367,368,369,376,377,388,389,390,398,399,400,410,411,412,421,422,423,424,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +9975 - 36,37,38,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +9976 - 77,78,79,84,85,98,99,100,101,105,106,107,108,119,120,121,122,123,127,128,129,130,141,142,143,144,148,149,150,151,162,163,164,165,169,170,171,172,173,183,184,185,186,187,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,318,319,320,321,333,334,335,336,340,341,342,343,355,356,357,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,489 +9977 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,119,126,127,128,129,148,149,150,151,169,170,171,172,190,191,192,193,194,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,300,301,302,322,323,324,325,331,343,344,345,346,352,353,354,355,364,365,366,367,368,374,375,376,377,378,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +9978 - 33,34,54,55,56,57,58,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,189,190,191,192,205,206,207,208,211,212,213,214,226,227,228,229,233,234,235,236,248,249,250,251,255,256,257,269,270,271,272,276,277,278,279,291,292,293,294,298,299,300,301,313,314,315,316,320,321,322,323,335,336,337,338,342,343,344,345,357,358,359,360,363,364,365,366,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +9979 - 94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,144,145,146,147,167,168,169,189,190,191,204,206,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,266,267,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,305,306,307,310,311,312,313,314,315,316,317,322,323,324,325,326,327,328,329,334,335,336,346,347,348,349,350,351,487 +9980 - 37,38,52,53,54,58,59,60,74,75,80,81,82,94,95,96,97,102,103,104,116,117,118,124,125,126,137,138,139,146,147,148,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,215,223,224,225,234,235,236,237,245,246,247,256,257,258,259,260,267,268,269,276,277,278,279,280,281,282,289,290,291,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,323,324,325,333,334,335,336,337,338,339,340,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,456,457,489 +9981 - 36,37,38,58,59,60,61,79,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,448,486 +9982 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,122,123,124,139,140,141,144,145,146,147,148,149,150,161,162,163,167,168,169,170,171,183,184,185,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,320,321,322,338,339,340,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,404,405,406,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,454,472,473,474,475,493 +9983 - 78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,186,187,194,195,196,202,203,204,205,206,207,208,215,216,217,218,223,224,225,226,227,228,237,238,239,240,244,245,246,247,248,249,258,259,260,261,265,266,267,268,269,279,280,281,282,287,288,289,290,300,301,302,303,309,310,311,312,320,321,322,323,324,325,331,332,333,334,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,485 +9984 - 50,51,71,72,73,74,81,82,93,94,95,96,103,104,105,114,115,116,117,125,126,127,136,137,138,139,147,148,149,158,159,160,169,170,171,179,180,181,182,191,192,193,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,238,245,246,247,248,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,323,324,325,326,334,335,336,337,338,339,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,478,479,480,489 +9985 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,188,189,190,191,192,193,194,195,196,202,203,204,205,206,207,210,211,212,213,214,215,216,217,223,224,225,226,227,228,232,233,234,235,236,237,238,245,246,247,248,249,255,256,257,258,259,260,266,267,268,269,270,276,277,278,279,280,281,287,288,289,290,291,297,298,299,300,301,302,309,310,311,312,313,319,320,321,322,323,324,331,332,333,334,339,340,341,342,343,344,353,354,355,360,361,362,363,364,365,366,375,376,377,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,464,465,466,467,468,485 +9986 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,144,145,146,147,148,149,150,156,157,158,159,165,166,168,169,170,171,172,173,178,179,180,190,191,194,195,199,200,201,212,213,217,218,221,222,235,239,240,243,244,261,262,265,266,283,284,287,288,289,305,306,310,311,327,328,332,333,334,348,349,355,356,357,358,369,370,371,378,379,380,381,382,383,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,451,452,453,454,455,485 +9987 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,486 +9988 - 91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +9989 - 57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,140,141,142,143,147,148,149,162,163,164,165,168,169,170,171,185,186,190,191,192,193,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,316,317,318,319,320,321,322,323,324,333,334,335,337,338,339,340,341,342,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,368,369,370,371,372,373,377,378,379,380,381,382,383,392,393,394,395,399,400,401,402,403,404,421,422,423,424,425,487 +9990 - 95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,148,149,150,151,156,157,158,159,160,161,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,472,492 +9991 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,206,207,208,209,210,212,213,214,228,229,230,231,234,235,236,256,257,258,278,279,280,300,301,302,313,321,322,323,335,336,337,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,488 +9992 - 110,111,127,128,129,132,133,134,135,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +9993 - 60,61,81,82,83,103,104,105,124,125,126,127,146,147,148,160,161,162,167,168,169,170,182,183,184,189,190,191,203,204,205,206,211,212,213,224,225,226,227,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +9994 - 52,53,54,55,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,147,148,149,158,159,160,162,163,166,167,168,170,171,172,179,180,181,184,185,189,190,193,194,201,202,206,207,211,212,215,216,217,223,224,234,238,239,244,245,246,260,261,262,266,267,268,283,284,288,289,290,305,306,310,311,312,327,328,329,332,333,334,349,350,351,354,355,356,371,372,373,377,378,392,393,394,399,400,401,413,414,415,416,422,423,424,433,434,435,436,437,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,467,468,469,470,471,472,473,474,475,476,477,478,485 +9995 - 54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,230,249,250,251,252,271,272,273,274,275,276,295,296,297,298,299,319,320,321,332,333,342,343,344,354,355,356,364,365,366,376,377,378,379,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +9996 - 50,51,52,53,54,55,56,57,58,59,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,104,105,106,113,114,131,135,136,151,152,153,157,158,171,172,173,174,175,179,180,181,191,192,193,194,202,203,204,211,212,213,214,215,225,226,227,228,232,233,234,235,248,249,250,251,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,338,339,343,344,345,346,360,361,366,367,368,369,381,382,390,391,403,404,411,412,413,425,426,427,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,493 +9997 - 15,16,17,36,37,38,39,57,58,59,60,61,79,80,81,82,99,100,101,102,103,104,121,122,123,124,142,143,144,145,146,163,164,165,166,167,185,186,187,188,206,207,208,209,210,228,229,230,231,233,234,235,249,250,251,252,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +9998 - 76,77,78,79,80,81,97,98,99,100,101,102,103,117,118,119,120,124,125,126,138,139,140,141,145,146,147,148,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,210,211,212,213,225,226,227,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +9999 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,166,169,170,171,182,183,184,185,186,191,192,193,204,205,206,207,212,213,214,227,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,492 \ No newline at end of file diff --git a/NeuroData/MNIST_LIF_test_stim.txt b/NeuroData/MNIST_LIF_test_stim.txt new file mode 100644 index 0000000..bdaa4d4 --- /dev/null +++ b/NeuroData/MNIST_LIF_test_stim.txt @@ -0,0 +1,10000 @@ +0 - 51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,100,101,102,103,112,113,114,115,116,122,123,124,125,143,144,145,146,147,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,368,385,386,387,388,389,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +1 - 37,38,58,59,60,61,78,79,80,81,82,100,101,102,103,105,106,107,121,122,123,124,126,127,128,129,142,143,144,145,147,148,149,150,151,163,164,165,166,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,360,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +2 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,476,477,492 +3 - 99,100,101,102,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,233,234,235,246,247,248,249,250,251,252,255,256,257,269,270,271,272,277,278,279,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,474,475,476,494 +4 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,144,145,146,147,148,157,158,159,168,169,170,178,179,180,191,192,193,200,201,202,213,214,215,222,223,224,225,226,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,456,475,476,477,478,494 +5 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,202,203,204,205,206,207,208,209,210,211,212,213,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,237,238,239,240,245,246,247,248,249,250,252,253,254,255,258,259,260,261,262,267,268,269,270,271,273,274,275,276,277,280,281,282,283,288,289,290,291,292,296,297,298,299,300,301,302,303,304,305,310,311,312,313,318,319,320,321,322,323,324,325,326,332,333,334,335,340,341,342,343,344,345,346,347,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +6 - 33,34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,429,448,449,450,451,486 +7 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,415,424,425,426,427,447,448,486 +8 - 29,30,31,51,52,53,72,73,74,75,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,164,165,182,183,184,185,186,204,205,206,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,300,301,302,303,304,310,311,314,315,323,324,325,326,332,333,334,346,347,348,349,355,356,357,368,369,370,371,378,379,380,381,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +9 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,103,104,105,106,119,120,121,125,126,127,128,147,148,149,150,169,170,171,190,191,192,193,212,213,214,232,233,234,235,236,254,255,256,257,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,420,421,422,423,424,425,442,443,444,445,487 +10 - 10,11,12,13,32,33,34,35,36,49,50,51,55,56,57,58,59,70,71,72,73,78,79,80,81,82,92,93,94,101,102,103,104,105,113,114,115,124,125,126,127,134,135,136,137,146,147,148,149,150,156,157,158,159,169,170,171,172,178,179,180,192,193,194,200,201,202,214,215,216,217,221,222,223,224,236,237,238,239,240,243,244,245,246,247,259,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,336,347,348,349,350,355,356,357,358,359,368,369,370,371,378,379,380,381,382,383,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,485 +11 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,103,104,105,115,116,117,118,119,124,125,126,127,138,139,145,146,147,148,149,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,256,257,258,278,279,280,300,301,302,322,323,324,334,335,344,345,346,356,357,358,365,366,367,368,378,379,380,386,387,388,389,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,470,471,472,473,474,488 +12 - 46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,119,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,255,256,257,258,269,270,271,272,278,279,280,281,291,292,293,294,301,302,303,304,313,314,315,324,325,326,327,335,336,337,338,346,347,348,349,358,359,360,361,369,370,371,380,381,382,383,384,385,386,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,475,476,477,478,479,493 +13 - 63,64,84,85,86,105,106,107,108,126,127,128,129,130,136,137,147,148,149,150,151,158,159,160,169,170,171,172,179,180,181,182,190,191,192,193,194,201,202,203,212,213,214,215,222,223,224,225,234,235,236,243,244,245,246,247,248,249,250,251,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +14 - 73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,146,147,148,157,158,167,168,169,179,180,189,190,191,201,202,203,211,212,213,223,224,225,232,233,234,245,246,254,255,256,267,268,271,276,277,284,292,293,294,295,297,298,299,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,361,362,363,364,365,366,367,368,369,385,386,406,407,408,428,429,430,431,450,451,452,453,472,473,474,475,492 +15 - 79,80,81,82,83,84,85,101,102,103,104,105,106,107,108,109,120,124,125,126,127,128,129,130,131,141,142,143,163,164,165,166,184,185,186,187,205,206,207,208,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,313,314,320,321,322,334,335,342,343,344,356,357,358,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,448,449,450,451,490 +16 - 6,7,8,9,10,11,12,28,29,30,31,32,33,34,35,50,51,55,56,57,58,72,78,79,80,81,101,102,103,104,124,125,126,146,147,148,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,256,257,258,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,335,336,337,341,342,343,344,345,346,347,357,358,359,361,362,363,364,365,367,368,369,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,424,425,426,427,487 +17 - 12,13,14,15,33,34,35,36,37,47,54,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +18 - 51,52,56,57,73,74,78,79,94,95,96,99,100,101,116,117,118,119,122,123,124,139,140,141,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,210,211,212,226,227,232,233,234,235,247,248,249,250,251,252,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,475,476,489 +19 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,159,160,161,162,163,164,169,170,171,180,181,182,183,184,185,190,191,192,193,202,203,204,205,206,212,213,214,225,226,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,472,492 +20 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,486 +21 - 37,38,39,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,363,364,365,378,379,380,381,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +22 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,138,139,140,143,144,145,146,147,159,160,161,162,167,168,169,170,171,181,182,183,191,192,193,194,203,204,205,214,215,216,224,225,226,236,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,356,357,358,359,367,368,369,370,379,380,381,382,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +23 - 100,101,102,103,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,189,190,191,192,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,256,257,258,268,269,270,271,272,273,274,277,278,279,280,291,292,293,294,295,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +24 - 75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,146,147,148,157,158,159,167,168,169,170,179,188,189,190,191,210,211,212,213,231,232,233,234,251,252,253,254,272,273,274,275,293,294,295,296,315,316,317,336,337,338,358,359,360,361,362,381,382,383,384,385,386,387,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,427,428,429,430,431,432,433,434,435,436,437,487 +25 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,170,171,172,173,174,182,183,184,185,186,187,188,192,193,194,195,196,202,203,204,205,206,207,208,209,213,214,215,216,217,218,224,225,226,227,228,229,230,234,235,236,237,238,239,245,246,247,248,249,250,251,252,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,316,317,318,319,320,321,322,323,324,331,332,333,334,335,338,339,340,341,342,343,344,345,346,353,354,355,356,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +26 - 56,57,58,59,60,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,150,151,152,159,160,161,162,163,164,165,166,167,168,169,172,173,174,175,180,181,182,183,184,185,186,188,189,190,195,196,197,202,203,204,205,206,207,211,212,217,218,219,223,224,225,226,227,228,233,234,239,240,241,244,245,246,247,248,249,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,365,366,367,368,369,370,376,377,378,379,380,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,468,469,485 +27 - 37,38,39,59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,143,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +28 - 59,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,145,146,147,148,149,157,158,159,160,161,162,168,169,170,171,172,179,180,181,182,183,190,191,192,193,194,200,201,202,203,204,212,213,214,215,216,222,223,224,225,234,235,236,237,238,243,244,245,246,255,256,257,258,259,260,265,266,267,268,277,278,279,280,281,287,288,289,290,291,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,387,388,389,390,409,410,411,412,413,431,432,433,434,435,436,454,455,456,457,458,459,478,479,480,481,494 +29 - 58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,148,149,150,164,165,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,322,323,324,331,332,333,334,335,336,337,338,339,340,345,346,347,352,353,354,355,356,357,358,359,360,361,368,369,370,371,374,375,376,377,378,379,380,381,390,391,392,393,396,397,398,399,400,401,419,420,487 +30 - 28,29,50,51,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,226,227,228,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,302,314,315,316,322,323,324,336,337,338,344,345,346,366,367,368,387,388,389,390,403,404,405,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +31 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,139,140,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,279,280,281,282,292,293,294,295,301,302,303,304,322,323,324,325,343,344,345,346,347,364,365,366,367,368,377,378,384,385,386,387,388,389,399,400,401,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,488 +32 - 7,8,9,10,28,29,30,31,49,50,51,52,70,71,72,73,91,92,93,94,113,114,115,135,136,137,145,146,147,148,156,157,158,166,167,168,169,170,171,172,178,179,180,187,188,189,190,191,192,193,194,195,196,200,201,202,209,210,211,216,217,218,219,222,223,224,231,232,239,240,241,244,245,246,253,254,262,263,266,267,268,275,276,283,284,285,288,289,290,297,298,304,305,306,310,311,312,313,314,319,320,321,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,372,373,382,383,384,385,386,387,388,389,390,393,394,410,411,412,413,414,415,433,434,435,436,491 +33 - 62,63,64,83,84,85,86,104,105,106,107,108,117,125,126,127,128,129,138,139,140,146,147,148,149,150,159,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,201,202,203,204,205,210,211,212,213,214,223,224,225,226,227,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,316,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +34 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,93,94,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,235,236,237,238,257,258,259,260,278,279,280,281,282,300,301,302,303,304,321,322,323,324,325,341,342,343,344,345,346,356,357,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,488 +35 - 100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,184,185,186,187,206,207,208,228,229,230,231,251,252,253,274,275,276,277,297,298,299,310,311,312,320,321,322,332,333,334,335,336,343,344,355,356,357,358,359,360,361,364,365,366,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,427,428,429,430,490 +36 - 13,14,15,16,34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,166,184,185,186,187,206,207,208,209,228,229,230,231,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,301,302,303,314,315,316,317,318,322,323,324,336,337,338,339,340,342,343,344,345,358,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +37 - 15,16,17,26,35,36,37,38,39,49,57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,209,227,228,229,230,231,249,250,251,252,271,272,273,274,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +38 - 75,76,77,78,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,146,147,157,158,159,160,161,166,167,168,169,170,171,178,179,180,181,182,188,189,190,191,192,193,200,201,202,203,209,210,211,212,213,214,215,222,223,224,225,230,231,232,233,234,235,236,237,244,245,246,247,252,253,254,255,257,258,259,260,266,267,268,269,273,274,275,276,280,281,282,283,288,289,290,291,294,295,296,297,302,303,304,305,310,311,312,313,316,317,318,319,324,325,326,327,332,333,334,335,336,337,338,339,340,346,347,348,349,354,355,356,357,358,359,360,361,368,369,370,371,378,379,380,381,382,391,392,393,400,401,402,403,413,414,415,436,437,438,458,459,460,461,482,483,494 +39 - 102,103,104,105,106,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,492 +40 - 33,34,55,56,77,78,99,100,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,486 +41 - 55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,123,124,125,126,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,298,315,316,317,319,320,321,337,338,341,342,343,358,359,360,364,365,381,382,386,387,388,403,404,405,409,410,426,427,428,429,431,432,448,449,450,451,452,453,454,472,473,474,475,476,493 +42 - 5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,94,100,101,102,103,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,213,227,228,229,230,231,232,233,234,235,236,244,249,250,251,252,253,254,255,256,257,258,259,265,266,267,271,272,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,290,291,294,295,296,297,298,299,300,301,302,303,304,305,308,309,310,311,312,313,314,315,323,324,325,326,327,331,332,333,334,335,336,337,338,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,488 +43 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,147,148,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,255,256,257,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +44 - 34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,164,171,172,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,246,247,248,249,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,340,343,344,345,346,347,348,356,357,358,359,368,369,370,371,379,380,381,382,383,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,491 +45 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,191,192,193,194,195,196,202,203,204,205,206,207,208,209,214,215,216,217,218,223,224,225,226,227,228,229,230,235,236,237,238,239,240,244,245,246,247,248,249,250,251,257,258,259,260,261,262,266,267,268,269,270,271,279,280,281,282,283,284,287,288,289,290,291,292,299,300,301,302,303,304,309,310,311,312,313,320,321,322,323,324,325,326,331,332,333,334,335,341,342,343,344,345,346,347,353,354,355,356,357,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,446,447,448,485 +46 - 116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,181,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,492 +47 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,145,146,160,161,162,163,164,168,169,182,183,184,185,188,189,190,191,192,203,204,205,206,209,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,293,294,295,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +48 - 79,80,81,100,101,102,103,122,123,124,143,144,145,146,161,162,163,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,227,228,229,231,232,253,254,274,275,276,296,297,318,340,361,362,383,384,404,405,406,426,427,428,448,449,450,470,471,472,486 +49 - 59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,233,234,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,345,363,364,365,366,376,377,378,384,385,386,387,388,398,399,400,401,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,490 +50 - 100,101,102,103,104,105,106,107,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,191,192,193,194,200,201,202,203,213,214,215,216,222,223,224,225,235,236,237,238,245,246,247,256,257,258,259,267,268,269,270,278,279,280,281,288,289,290,291,292,299,300,301,302,303,311,312,313,314,321,322,323,324,333,334,335,336,343,344,345,346,356,357,358,365,366,367,368,386,387,388,389,408,409,410,411,430,431,432,433,451,452,453,454,455,473,474,475,476,492 +51 - 80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,161,162,163,164,165,166,167,183,184,185,186,206,207,208,209,229,230,231,252,253,254,275,276,297,298,299,319,320,321,341,342,343,354,355,356,357,358,363,364,365,376,377,378,379,380,381,382,384,385,386,387,399,400,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,449,450,451,490 +52 - 50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,119,120,121,122,123,124,125,144,145,146,147,148,166,167,168,169,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,280,299,300,301,302,322,323,324,325,334,335,344,345,346,347,356,357,366,367,368,369,378,379,388,389,390,391,400,401,402,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +53 - 12,13,14,34,35,36,55,56,57,58,70,76,77,78,79,92,93,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,236,237,238,247,248,249,250,255,256,257,258,259,260,269,270,271,272,275,276,277,278,279,280,281,282,283,291,292,293,294,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +54 - 74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,106,107,108,114,115,116,117,118,119,120,123,124,125,126,127,128,129,130,136,137,138,148,149,150,151,158,159,160,161,169,170,171,172,181,182,183,190,191,192,193,203,204,205,206,211,212,213,214,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,323,338,339,340,343,344,345,346,359,360,361,366,367,368,369,381,382,383,389,390,391,403,404,411,412,413,425,426,431,432,433,434,446,447,448,452,453,454,455,469,470,471,472,473,474,475,476,493 +55 - 100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,147,148,149,161,162,163,164,165,168,169,170,182,183,184,185,188,189,190,191,192,204,205,206,208,209,210,211,212,213,222,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,447,448,449,450,468,469,470,471,494 +56 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,139,140,141,142,161,162,163,183,184,185,204,205,206,207,208,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,300,301,302,303,309,323,324,325,331,332,333,345,346,347,348,353,354,355,356,357,358,359,360,361,362,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,430,431,432,433,490 +57 - 56,57,58,59,77,78,79,80,81,83,84,85,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,145,146,149,150,151,153,161,162,163,170,171,172,175,182,183,184,190,191,192,193,204,205,206,211,212,213,214,226,227,232,233,234,235,248,249,250,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,362,363,378,379,380,381,383,384,385,400,401,402,405,406,407,422,423,424,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,493 +58 - 54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,473,474,475,486 +59 - 101,102,103,104,121,122,123,124,125,126,141,142,143,144,145,147,148,162,163,164,165,168,169,170,183,184,185,189,190,191,192,205,206,209,210,211,212,213,227,229,230,231,232,233,234,235,249,250,251,252,253,255,256,271,272,273,274,276,277,278,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,469,470,471,494 +60 - 60,61,62,75,76,77,82,83,84,96,97,98,99,104,105,106,118,119,120,121,125,126,127,138,139,140,141,142,147,148,149,160,161,162,163,164,168,169,170,182,183,184,185,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,318,319,320,321,322,323,324,325,340,341,342,343,345,346,362,363,364,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +61 - 59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,126,127,142,143,144,145,147,148,149,163,164,165,166,168,169,170,171,185,186,187,189,190,191,192,207,208,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,341,342,358,359,360,363,364,379,380,381,382,384,385,386,401,402,403,406,407,408,423,424,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +62 - 50,51,52,53,54,55,56,57,58,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,126,138,139,140,141,160,161,162,163,182,183,184,185,188,189,190,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,256,257,258,259,271,272,273,274,279,280,281,293,294,295,302,303,304,314,315,316,317,325,326,327,335,336,337,346,347,348,349,357,358,367,368,369,370,379,380,388,389,390,391,392,400,401,402,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,490 +63 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,169,170,171,182,183,184,191,192,193,204,205,206,212,213,214,226,227,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,492 +64 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,98,99,116,117,118,119,137,138,139,140,150,151,152,158,159,160,161,171,172,173,174,180,181,182,193,194,195,201,202,203,214,215,216,217,223,224,225,235,236,237,238,245,246,247,248,249,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,342,343,344,345,346,347,348,364,365,366,367,368,369,370,385,386,387,389,390,391,392,407,408,409,410,411,412,413,429,430,431,432,433,434,451,452,453,454,455,493 +65 - 106,107,108,109,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,251,252,253,254,274,275,276,296,297,298,318,319,320,340,341,355,356,361,362,363,377,378,379,380,383,384,385,399,400,401,402,403,404,405,406,423,424,425,426,427,490 +66 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,82,95,96,97,98,101,102,104,105,118,119,120,124,125,126,127,141,142,143,147,148,149,163,164,165,166,168,169,170,171,186,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,271,272,273,274,275,277,278,279,292,293,294,295,296,299,300,301,313,314,315,316,321,322,323,334,335,336,337,343,344,345,356,357,358,366,367,368,379,380,381,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +67 - 38,39,40,60,61,62,81,82,83,84,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +68 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +69 - 58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,212,213,214,215,216,217,225,226,227,228,229,230,234,235,236,237,238,239,241,247,248,249,250,251,256,257,258,259,260,267,268,269,270,271,272,277,278,279,280,281,289,290,291,292,293,298,299,300,301,302,303,310,311,312,313,314,319,320,321,322,323,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,485 +70 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,188,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,298,299,300,301,302,303,320,321,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,409,410,411,412,413,430,431,432,433,434,451,452,453,454,455,473,474,475,476,494 +71 - 57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,165,172,173,174,181,182,183,184,185,193,194,195,196,202,203,204,205,206,215,216,217,218,223,224,225,226,227,236,237,238,239,245,246,247,248,257,258,259,260,261,266,267,268,269,279,280,281,282,288,289,290,291,300,301,302,303,304,309,310,311,312,321,322,323,324,325,331,332,333,334,342,343,344,345,346,353,354,355,356,363,364,365,366,367,375,376,377,378,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,485 +72 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,78,79,80,81,82,94,95,96,101,102,103,104,116,117,118,123,124,125,126,139,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,348,349,355,356,357,358,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,391,392,393,394,401,402,403,404,405,406,407,408,414,415,416,424,425,426,427,428,487 +73 - 58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,142,143,144,145,149,150,165,166,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,385,386,399,400,401,402,406,407,408,429,430,431,451,452,453,454,474,475,476,487 +74 - 28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,102,103,104,105,124,125,126,127,145,146,147,148,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,237,248,249,250,251,252,253,254,255,256,257,258,259,260,278,279,280,281,282,283,302,303,304,305,325,326,327,332,333,346,347,348,349,353,354,355,356,357,366,367,368,369,370,376,377,378,379,380,381,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +75 - 35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,161,162,163,164,165,169,170,171,183,184,185,190,191,192,193,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,389,390,391,392,399,400,401,402,403,404,405,413,421,422,423,424,425,426,443,444,445,446,487 +76 - 6,7,8,27,28,29,50,51,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,181,182,183,193,194,195,203,204,205,213,214,215,216,217,225,226,227,234,235,236,237,238,239,240,247,248,249,255,256,257,258,260,261,262,270,271,272,276,277,278,279,282,283,284,292,293,294,298,299,300,303,304,305,315,316,317,319,320,321,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,384,385,386,387,388,389,406,407,408,491 +77 - 96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,169,170,171,182,183,184,191,192,193,212,213,214,234,235,236,255,256,257,277,278,279,298,299,300,301,320,321,322,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,492 +78 - 29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,99,100,101,115,116,121,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,300,301,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,400,401,402,403,404,405,406,422,423,424,425,426,445,446,447,487 +79 - 61,62,63,80,81,83,84,85,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,162,163,164,165,168,169,170,184,185,186,189,190,191,206,207,210,211,212,228,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,320,321,336,337,338,339,341,342,343,357,358,359,360,363,364,365,378,379,380,381,383,384,385,386,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,493 +80 - 29,30,31,32,51,52,53,54,55,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,170,171,172,173,181,182,183,193,194,195,203,204,205,215,216,217,225,226,227,237,238,239,247,248,249,259,260,261,269,270,271,281,282,283,284,291,292,293,294,303,304,305,313,314,315,316,317,324,325,326,327,336,337,338,339,346,347,348,349,358,359,360,361,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +81 - 12,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,102,103,104,118,124,125,126,146,147,148,167,168,169,189,190,191,210,211,212,213,232,233,234,253,254,255,256,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,365,366,367,368,369,370,378,379,380,381,400,401,402,487 +82 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,123,124,125,126,137,138,139,145,146,147,148,167,168,169,170,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,348,349,350,356,357,358,359,360,361,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,487 +83 - 36,37,38,39,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,128,129,130,139,140,141,142,143,144,145,146,147,150,151,152,160,161,162,163,164,165,168,169,172,173,174,180,181,182,183,184,185,190,191,192,194,195,196,202,203,204,205,206,213,214,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,288,289,290,301,302,303,304,305,309,310,311,312,322,323,324,325,326,331,332,333,334,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,377,378,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,485 +84 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,102,103,104,105,114,115,116,117,118,124,125,126,127,135,136,137,138,146,147,148,149,157,158,159,160,167,168,169,170,180,181,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,487 +85 - 57,58,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,471,472,486 +86 - 73,74,95,96,116,117,118,123,124,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,234,235,236,246,247,248,249,256,257,258,268,269,270,278,279,280,290,291,298,299,300,301,302,303,312,313,314,318,319,320,321,322,323,324,325,334,335,336,341,342,343,344,345,346,347,348,357,358,364,365,366,367,368,369,388,389,409,410,411,430,431,432,433,451,452,453,454,455,474,475,476,477,492 +87 - 14,15,16,17,35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,124,126,127,128,145,147,148,149,168,169,170,171,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,299,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,352,353,354,355,356,357,358,359,360,361,362,363,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,406,407,408,409,410,411,412,418,419,420,421,432,433,434,487 +88 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,209,210,211,212,226,227,228,231,232,233,234,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,473,474,494 +89 - 16,17,18,38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,229,230,231,250,251,252,253,272,273,274,293,294,295,296,315,316,317,337,338,339,341,342,343,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +90 - 10,11,12,13,14,31,32,33,34,35,36,37,53,54,55,57,58,59,60,75,76,80,81,82,97,98,103,104,105,119,125,126,127,147,148,149,168,169,170,171,190,191,192,212,213,214,233,234,235,236,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,385,386,387,398,399,400,401,402,403,404,407,408,409,410,411,421,422,423,430,431,432,433,487 +91 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,256,257,258,269,270,271,272,273,278,279,280,292,293,300,301,302,322,323,324,344,345,346,365,366,367,376,377,378,386,387,388,389,398,399,400,401,402,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +92 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,180,181,182,183,184,185,186,203,204,205,206,207,208,209,227,228,229,230,231,232,233,251,252,253,254,255,256,257,275,276,277,278,279,299,300,301,302,322,323,324,335,336,344,345,346,357,358,366,367,368,379,380,387,388,389,390,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +93 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,117,118,119,120,121,124,125,126,146,147,148,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,256,257,258,270,271,272,273,274,278,279,280,292,293,300,301,302,322,323,324,344,345,346,356,357,365,366,367,377,378,379,387,388,389,399,400,401,408,409,410,411,421,422,423,424,425,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +94 - 73,74,75,76,77,78,95,96,97,98,99,100,101,115,116,117,118,119,122,123,124,137,138,139,140,144,145,146,159,160,161,167,168,181,182,183,188,189,190,191,203,204,205,209,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,247,248,249,252,253,254,255,256,257,258,269,270,271,272,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +95 - 79,80,81,82,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,147,148,149,159,160,161,162,163,169,170,171,180,181,182,183,190,191,192,202,203,204,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,492 +96 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,161,162,163,164,167,168,169,188,189,190,191,210,211,212,231,232,233,234,252,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,492 +97 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,105,106,118,119,120,121,122,123,124,126,127,128,140,141,142,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,256,257,258,270,271,272,279,280,292,301,302,322,323,324,344,345,346,365,366,367,377,378,384,385,386,387,388,389,399,400,401,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,471,472,488 +98 - 34,35,55,56,76,77,78,98,99,100,120,121,142,143,164,165,186,187,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,486 +99 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,83,84,96,97,98,99,100,105,106,126,127,128,146,147,148,149,165,166,167,168,169,170,171,186,187,188,189,190,191,208,209,210,211,212,213,230,231,234,235,236,256,257,258,278,279,280,300,301,302,322,323,333,334,335,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +100 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,78,79,80,95,96,97,98,101,102,117,118,119,123,124,125,139,140,141,145,146,147,167,168,169,189,190,191,211,212,232,233,234,254,255,256,275,276,277,278,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,487 +101 - 15,16,17,18,19,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,225,226,227,228,247,248,249,269,270,271,277,278,279,280,290,291,292,297,298,299,300,301,302,312,313,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,344,345,346,347,356,357,358,359,360,361,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +102 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,166,167,168,169,170,179,180,181,188,189,190,191,192,201,202,203,210,211,212,213,214,223,224,225,226,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,494 +103 - 59,60,61,80,81,82,83,97,101,102,103,104,119,120,123,124,125,141,142,145,146,147,162,163,164,166,167,168,169,184,185,186,188,189,190,205,206,207,208,210,211,212,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,470,471,489 +104 - 58,59,80,81,95,102,103,116,117,118,124,125,138,139,140,146,147,160,161,162,168,169,182,183,190,191,204,205,212,213,225,226,234,235,247,248,256,257,259,260,261,268,269,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,305,311,312,313,314,315,316,317,318,319,320,322,323,334,335,336,337,344,345,366,367,388,389,409,410,411,431,432,453,454,475,476,489 +105 - 99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,182,183,184,185,189,190,191,192,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,494 +106 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,77,78,79,80,90,91,92,100,101,102,123,124,145,146,147,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,275,276,277,296,297,298,318,319,320,339,340,341,360,361,362,363,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,487 +107 - 80,81,82,88,101,102,103,104,105,110,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,188,191,192,193,194,195,204,205,206,207,208,213,214,215,216,217,225,226,227,228,229,235,236,237,238,246,247,248,249,250,257,258,259,260,268,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,312,313,314,320,321,322,323,324,333,334,335,336,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,485 +108 - 19,20,21,38,39,40,41,42,43,59,60,61,62,63,79,80,81,82,83,84,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,279,291,292,293,296,297,298,299,300,301,313,314,315,321,322,323,335,336,337,338,343,344,345,346,357,358,359,360,361,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +109 - 99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,254,255,256,275,276,277,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,494 +110 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,318,319,320,340,341,342,361,362,363,383,384,385,386,405,406,407,408,409,428,429,430,431,450,451,452,453,486 +111 - 61,62,63,64,65,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,109,118,119,120,121,122,123,124,125,140,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,209,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,276,277,278,299,300,321,322,343,344,355,356,364,365,366,377,378,379,385,386,387,399,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,490 +112 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,123,124,137,138,145,146,158,159,160,167,168,169,180,181,189,190,191,202,203,211,212,213,224,225,232,233,234,246,247,253,254,255,256,268,269,274,275,276,278,290,291,292,293,294,295,296,297,300,301,313,314,315,316,317,322,323,344,345,366,367,388,389,410,411,432,433,454,455,475,476,477,494 +113 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,126,127,128,142,143,144,148,149,150,170,171,172,191,192,193,194,213,214,215,234,235,236,237,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,317,318,319,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,359,360,361,362,363,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,420,421,422,423,424,425,487 +114 - 53,54,55,75,76,77,97,98,99,118,119,120,121,123,124,140,141,142,143,144,145,146,147,162,163,164,166,167,168,169,184,185,186,188,189,190,191,206,207,208,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,432,451,452,453,454,473,474,475,489 +115 - 58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,105,106,120,121,122,123,124,126,127,128,141,142,143,144,147,148,149,150,162,163,164,165,168,169,170,171,184,185,186,189,190,191,192,205,206,207,210,211,212,213,228,229,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,379,380,381,382,385,386,391,401,402,403,406,407,408,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,493 +116 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,146,147,148,149,150,154,169,170,171,172,191,192,193,194,212,213,214,215,232,233,234,235,236,254,255,256,257,258,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,387,388,389,409,410,411,430,431,432,451,452,453,454,472,473,474,475,476,488 +117 - 17,18,19,36,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,123,126,127,128,129,148,149,150,169,170,171,172,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,330,331,332,333,334,335,336,337,338,339,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,385,386,387,388,389,390,391,392,396,397,398,399,400,401,410,411,412,413,414,420,487 +118 - 33,34,35,36,54,55,56,57,58,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,486 +119 - 79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,151,152,153,160,161,162,163,164,165,173,174,175,181,182,183,184,185,186,195,196,197,202,203,204,205,206,216,217,218,223,224,225,226,227,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,288,289,290,301,302,303,304,305,310,311,323,324,325,332,333,344,345,346,347,354,355,364,365,366,367,368,376,377,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +120 - 77,78,79,80,81,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,170,171,172,173,174,178,179,180,181,182,183,184,194,195,196,197,200,201,202,203,204,205,217,218,219,222,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,269,282,283,284,285,289,290,291,292,303,304,305,306,307,311,312,313,314,315,324,325,326,327,328,333,334,335,336,337,338,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,485 +121 - 58,59,60,61,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,167,168,169,170,171,172,173,181,182,183,184,185,189,190,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,234,235,236,237,238,239,245,246,247,248,257,258,259,260,266,267,268,269,279,280,281,288,289,290,300,301,302,303,310,311,312,321,322,323,324,329,332,333,341,342,343,344,345,346,354,355,362,363,364,365,366,367,376,377,378,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +122 - 12,13,14,15,16,32,33,34,35,36,37,38,39,53,54,55,56,57,59,60,61,74,75,76,77,82,83,84,96,97,98,104,105,106,125,126,127,147,148,149,168,169,170,189,190,191,192,210,211,212,213,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,305,306,312,313,314,315,316,317,318,321,322,323,326,327,334,335,336,337,338,339,340,344,345,347,348,349,355,356,357,358,359,360,361,366,367,368,369,370,377,378,379,380,381,382,389,390,391,392,399,400,401,402,412,413,422,423,487 +123 - 59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,468,469,470,486 +124 - 81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,128,129,130,140,141,142,143,144,149,150,151,160,161,162,163,164,170,171,172,181,182,183,184,185,186,191,192,193,202,203,204,207,208,212,213,214,223,224,225,229,230,232,233,234,235,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,315,316,317,319,320,335,336,337,338,341,342,356,357,358,363,364,365,377,378,379,386,387,399,400,408,409,420,421,429,430,431,442,443,451,452,464,465,472,473,474,493 +125 - 57,58,59,60,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,145,146,147,148,149,161,162,165,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,256,257,271,278,279,280,300,301,302,321,322,323,343,344,345,355,356,364,365,366,367,377,378,385,386,387,388,398,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,488 +126 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,159,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,336,337,338,339,342,343,344,345,358,359,360,361,364,365,366,367,380,381,382,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,470,471,472,473,493 +127 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,125,126,140,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,247,248,249,250,251,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,322,323,324,332,333,334,335,336,337,338,345,346,347,348,355,356,357,358,368,369,370,371,372,392,393,394,395,416,417,487 +128 - 31,32,33,34,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,145,146,147,148,149,150,156,157,158,159,160,161,168,169,170,171,172,173,178,179,180,181,182,191,192,193,194,195,200,201,202,203,204,214,215,216,217,218,222,223,224,225,226,236,237,238,239,240,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,293,303,304,305,306,307,310,311,312,313,314,315,316,325,326,327,328,329,333,334,335,336,337,338,339,340,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,428,429,430,431,432,433,434,435,436,437,453,454,455,456,457,458,485 +129 - 38,39,40,41,60,61,62,63,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,188,189,190,191,192,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,405,422,423,424,425,426,427,445,446,447,486 +130 - 7,8,9,10,11,28,29,30,31,32,33,34,35,50,51,52,55,56,57,58,79,80,81,82,102,103,104,124,125,126,147,148,149,169,170,171,191,192,193,213,214,215,234,235,236,237,256,257,258,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,320,321,322,323,324,325,326,327,328,333,334,335,336,340,341,342,343,344,354,355,356,357,361,362,363,364,365,376,377,378,379,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,487 +131 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,142,146,147,148,149,160,161,162,168,169,170,182,183,189,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,492 +132 - 96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,144,145,146,160,161,162,166,167,168,182,183,188,189,190,204,205,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,475,476,477,494 +133 - 61,62,82,83,84,103,104,105,125,126,127,140,141,147,148,149,162,163,168,169,170,184,185,190,191,192,205,206,207,212,213,214,226,227,228,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,297,298,299,313,314,319,320,321,340,341,342,362,363,364,383,384,385,405,406,426,427,428,448,449,470,471,489 +134 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +135 - 14,15,16,17,35,36,37,38,56,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,212,213,227,228,229,232,233,234,235,248,249,250,251,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,371,380,381,382,383,384,385,402,403,404,405,406,491 +136 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,486 +137 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,102,103,104,124,125,126,145,146,147,148,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,213,228,229,230,231,232,234,235,250,251,252,256,257,278,279,299,300,301,321,322,323,342,343,344,363,364,365,366,375,376,384,385,386,387,397,398,399,400,401,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,488 +138 - 52,53,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,142,143,144,145,146,147,157,166,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,431,432,433,487 +139 - 36,37,58,59,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,486 +140 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,169,170,171,172,173,181,182,183,184,185,186,187,191,192,193,194,195,203,204,205,206,207,213,214,215,216,217,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,257,258,259,260,261,268,269,270,271,279,280,281,282,283,289,290,291,292,293,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,333,334,335,336,337,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +141 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,191,207,208,209,211,212,213,229,234,235,256,257,258,278,279,280,300,301,302,322,323,324,343,344,345,346,365,366,367,377,378,379,386,387,388,389,399,400,401,402,403,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +142 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,123,124,125,140,141,145,146,147,161,162,163,166,167,168,183,184,185,188,189,190,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,319,320,321,341,342,343,363,364,385,386,406,407,408,428,429,430,450,451,452,471,472,473,494 +143 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,125,126,127,139,140,141,142,143,147,148,149,161,162,163,168,169,170,171,182,183,184,189,190,191,192,193,204,205,209,210,211,212,213,214,215,225,226,227,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,277,278,279,293,294,298,299,300,319,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +144 - 30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,77,78,79,80,100,101,102,122,123,124,143,144,145,164,165,166,167,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,299,300,301,322,323,343,344,345,365,366,367,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +145 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,445,446,447,486 +146 - 33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,276,277,298,299,308,309,320,321,330,331,332,342,343,344,353,354,355,356,364,365,366,375,376,377,378,379,380,381,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,490 +147 - 100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,161,162,163,164,165,169,170,182,183,184,185,186,190,191,192,204,205,206,207,212,213,214,226,227,228,233,234,235,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,492 +148 - 93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,168,169,170,171,180,181,182,190,191,192,193,202,203,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +149 - 16,17,18,37,38,39,40,58,59,60,61,80,81,82,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,184,185,186,187,205,206,207,208,213,214,226,227,228,229,233,234,235,236,248,249,250,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,401,402,403,404,405,491 +150 - 53,54,55,74,75,76,96,97,98,117,118,119,120,138,139,140,141,147,148,149,159,160,161,162,163,169,170,171,180,181,182,183,184,190,191,192,202,203,204,205,211,212,213,214,224,225,226,233,234,235,246,247,248,255,256,257,268,269,270,271,276,277,278,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,363,364,365,385,386,407,408,429,430,451,452,473,474,475,489 +151 - 16,17,18,19,36,37,38,39,40,41,57,58,59,60,61,63,78,79,80,81,100,101,102,121,122,123,143,144,148,165,166,169,170,171,187,188,190,191,192,193,209,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,293,294,295,296,297,299,300,314,315,316,317,318,321,322,323,335,336,337,338,339,343,344,345,356,357,358,359,360,363,364,365,366,367,378,379,380,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,493 +152 - 52,53,54,55,73,74,75,76,77,96,97,98,99,118,119,120,121,122,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,486 +153 - 62,63,83,84,85,104,105,106,107,126,127,128,138,147,148,149,159,160,161,169,170,171,180,181,182,183,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,489 +154 - 100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,210,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,254,255,256,268,269,270,271,276,277,278,291,292,297,298,299,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,474,492 +155 - 34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,104,105,106,107,108,124,125,126,127,128,129,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,229,230,234,235,256,257,258,278,279,280,300,301,302,310,311,322,323,324,331,332,333,334,335,336,337,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +156 - 59,60,61,81,82,83,101,102,103,104,105,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,207,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +157 - 61,62,63,81,82,83,84,85,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,352,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,443,444,445,446,447,465,466,467,468,486 +158 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,78,79,80,81,82,83,91,92,93,102,103,104,105,106,113,114,126,127,128,148,149,170,171,191,192,193,213,214,215,235,236,256,257,258,278,279,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,363,364,365,368,369,370,371,379,380,384,385,386,391,392,393,394,401,402,403,405,406,407,415,423,424,425,426,427,428,446,447,448,449,487 +159 - 42,43,63,64,65,84,85,86,87,105,106,107,108,126,127,128,129,147,148,149,150,162,163,168,169,170,171,183,184,185,190,191,192,204,205,206,211,212,213,225,226,227,232,233,234,246,247,248,253,254,255,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,338,339,340,359,360,361,362,381,382,383,402,403,404,423,424,425,426,445,446,447,489 +160 - 77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,168,169,170,171,181,182,183,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,290,291,292,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,390,391,392,403,404,405,406,413,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +161 - 36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,255,256,257,271,272,278,279,300,301,322,323,342,343,344,345,352,364,365,366,367,374,375,376,384,385,386,387,388,396,397,398,399,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,488 +162 - 33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,83,84,98,99,100,118,119,120,121,139,140,141,142,161,162,163,182,183,184,204,205,206,225,226,227,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,302,303,323,324,325,345,346,347,366,367,368,379,386,387,388,389,390,400,401,402,403,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,490 +163 - 15,16,17,18,35,36,37,38,39,57,58,59,60,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,235,247,248,249,250,254,255,256,257,269,270,271,272,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,491 +164 - 11,12,13,33,34,35,53,54,55,56,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,181,182,183,203,204,205,224,225,226,227,246,247,248,257,258,259,260,268,269,270,279,280,281,282,283,284,290,291,292,297,298,299,301,302,303,304,305,306,312,313,314,315,318,319,320,327,328,335,336,337,338,339,340,341,348,349,350,358,359,360,361,362,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,491 +165 - 79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,159,160,161,162,163,164,165,169,170,180,181,182,183,184,189,190,191,192,193,201,202,203,204,208,209,210,211,212,213,214,223,224,225,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,276,277,278,279,291,292,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,470,471,472,494 +166 - 79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,147,148,162,163,164,169,170,184,185,186,191,192,193,205,206,207,212,213,214,226,227,228,233,234,235,236,248,249,254,255,256,257,258,269,270,274,275,276,277,278,279,291,292,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,321,322,334,335,336,337,338,339,343,344,356,357,358,359,360,365,366,386,387,388,408,409,430,431,452,453,473,474,475,494 +167 - 36,37,38,39,57,58,59,60,61,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,172,173,182,183,184,185,186,187,188,189,194,195,204,205,206,207,208,209,210,215,216,217,225,226,227,228,230,231,232,237,238,239,246,247,248,249,250,252,253,254,255,258,259,260,261,267,268,269,270,271,276,277,278,280,281,282,283,288,289,290,291,292,301,302,303,304,310,311,312,313,322,323,324,325,326,331,332,333,334,343,344,345,346,347,353,354,355,356,363,364,365,366,367,368,375,376,377,378,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +168 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,127,128,137,138,139,140,141,142,149,150,159,160,161,162,163,164,172,173,180,181,182,183,184,185,186,194,195,202,203,204,205,206,207,208,216,217,224,225,226,227,228,229,230,238,239,240,245,246,247,248,249,250,251,259,260,261,267,268,269,270,271,272,273,281,282,283,290,291,292,293,294,295,303,304,305,312,313,314,315,316,324,325,326,327,334,335,336,337,338,345,346,347,348,357,358,359,360,361,362,363,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,485 +169 - 59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,470,486 +170 - 94,95,96,97,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,189,190,191,192,204,205,206,211,212,213,214,226,227,228,232,233,234,235,248,249,250,254,255,256,276,277,278,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,474,475,476,477,492 +171 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,168,169,170,171,182,183,184,185,186,187,190,191,192,193,204,205,206,207,211,212,213,214,227,228,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,492 +172 - 15,16,17,36,37,38,58,59,60,80,81,82,102,103,124,125,145,146,147,163,164,165,167,168,169,185,186,187,188,189,190,206,207,208,210,211,212,228,229,230,232,233,234,236,237,249,250,251,253,254,255,256,257,258,259,271,272,273,275,276,277,278,279,280,292,293,294,296,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,382,383,384,385,404,405,406,426,427,428,489 +173 - 128,129,130,131,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,206,207,208,209,210,227,228,229,230,248,249,250,270,271,272,292,293,294,295,296,316,317,318,333,334,339,340,355,356,360,361,362,377,378,379,380,381,382,383,384,400,401,402,403,404,405,490 +174 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,124,142,143,144,163,164,165,184,185,186,187,206,207,208,228,229,230,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,322,323,324,336,337,338,339,344,345,346,358,359,360,361,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +175 - 62,63,83,84,85,86,105,106,107,126,127,128,148,149,150,162,163,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,211,212,213,214,224,225,226,227,228,233,234,235,245,246,247,248,249,250,251,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,468,469,489 +176 - 33,34,35,54,55,56,57,75,76,77,78,79,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,144,145,146,148,149,150,151,160,161,162,163,165,166,167,171,172,173,181,182,183,184,185,187,188,189,193,194,195,203,204,205,206,209,210,211,215,216,217,225,226,227,228,232,233,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,303,304,305,312,313,314,324,325,326,327,334,335,336,345,346,347,348,356,357,358,359,365,366,367,368,369,378,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +177 - 56,62,63,77,78,84,85,100,105,106,107,126,127,128,141,148,149,150,162,163,164,169,170,171,183,184,185,190,191,192,204,205,206,208,209,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,275,276,277,278,290,291,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,468,469,489 +178 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,200,201,212,213,214,215,222,223,224,234,235,236,237,245,246,256,257,258,259,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,476,492 +179 - 95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,149,150,151,157,158,159,160,161,162,170,171,172,173,178,179,180,181,182,183,192,193,194,200,201,202,203,204,213,214,215,222,223,224,235,236,237,245,256,257,258,259,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,492 +180 - 55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,486 +181 - 79,80,81,82,83,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,168,169,170,181,182,183,184,190,191,192,202,203,204,205,211,212,213,224,225,226,233,234,235,247,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +182 - 55,56,76,77,78,97,98,99,100,101,102,119,120,121,122,123,124,125,126,127,128,129,140,141,142,144,145,146,147,148,149,150,151,162,163,164,183,184,185,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,278,279,280,301,302,322,323,324,335,336,344,345,346,357,358,359,365,366,367,368,379,380,381,387,388,389,402,403,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,490 +183 - 58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,140,141,142,143,144,160,161,162,163,164,165,168,169,170,182,183,184,185,189,190,191,192,193,202,203,204,205,206,209,210,211,212,213,214,223,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,250,251,252,253,254,256,257,258,266,267,268,269,270,271,272,273,274,275,277,278,279,288,289,290,291,292,293,294,295,296,299,300,301,310,311,312,313,314,315,316,321,322,323,333,334,335,336,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,494 +184 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,149,150,151,156,157,158,159,166,167,168,169,170,171,172,173,177,178,179,180,189,190,191,192,193,194,195,199,200,201,202,211,212,213,214,215,216,217,221,222,223,224,232,233,234,235,236,237,238,243,244,245,246,247,248,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,321,322,323,324,343,344,345,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,451,452,453,454,455,473,474,475,476,477,478,494 +185 - 63,64,65,78,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,141,142,143,144,145,162,163,164,165,183,184,185,186,205,206,207,208,228,229,230,231,232,233,252,253,254,255,276,277,278,299,300,301,311,320,321,322,323,332,333,334,342,343,344,354,355,356,357,358,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,425,426,427,428,490 +186 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,184,190,191,192,193,201,202,203,212,213,214,215,222,223,224,232,233,234,235,236,237,244,245,246,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,301,302,312,313,314,315,316,317,318,319,322,323,324,344,345,346,366,367,368,387,388,389,409,410,411,430,431,432,452,453,454,474,475,476,494 +187 - 38,39,40,41,42,58,59,60,61,62,63,64,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,298,314,315,316,317,318,319,320,333,334,335,336,337,338,340,341,342,356,357,358,359,361,362,363,378,379,380,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,493 +188 - 31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,121,122,123,124,125,126,136,137,138,139,140,145,146,147,148,149,150,158,159,160,161,169,170,171,172,173,179,180,181,182,192,193,194,195,201,202,203,215,216,217,218,223,224,225,237,238,239,240,244,245,246,247,260,261,262,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,348,349,350,355,356,357,368,369,370,371,372,377,378,379,380,381,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +189 - 39,40,41,42,59,60,61,62,63,64,79,80,81,82,83,84,99,100,101,102,103,104,106,107,120,121,122,123,124,125,127,128,129,130,141,142,143,144,145,147,148,149,150,151,152,163,164,165,168,169,170,171,172,173,184,185,186,187,189,190,191,192,193,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,335,336,337,338,339,342,343,344,356,357,358,359,360,364,365,366,378,379,380,386,387,388,399,400,401,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,493 +190 - 10,11,12,13,30,31,32,33,34,35,50,51,52,53,54,55,56,72,73,74,75,76,77,93,94,95,96,97,98,116,117,118,119,120,137,138,139,140,141,159,160,161,162,180,181,182,183,189,202,203,204,205,209,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,237,238,245,246,247,248,251,252,253,254,256,257,258,259,260,261,268,269,270,274,275,279,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,325,326,327,334,335,336,337,338,347,348,349,357,358,359,360,361,362,363,364,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,491 +191 - 61,62,63,64,82,83,84,103,104,105,125,126,141,142,146,147,148,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,210,211,212,225,226,227,232,233,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,296,297,298,317,318,319,339,340,341,360,361,362,382,383,384,403,404,405,425,426,446,447,448,468,469,470,489 +192 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,101,102,103,104,105,106,117,118,119,120,126,138,139,140,141,160,161,162,163,182,183,184,185,186,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,252,253,254,255,256,257,258,259,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,365,366,367,377,378,379,380,381,382,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +193 - 101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,494 +194 - 32,33,34,54,55,56,57,76,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,125,145,146,147,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,230,231,232,233,234,235,247,248,249,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,366,379,386,387,388,389,408,409,410,411,430,431,432,433,454,455,487 +195 - 40,41,42,60,61,62,63,64,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,150,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,234,235,236,249,250,251,252,253,255,256,257,258,270,271,272,273,274,276,277,278,279,290,291,292,293,294,295,298,299,300,301,312,313,314,315,316,319,320,321,322,333,334,335,336,337,339,340,341,342,343,355,356,357,358,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,485 +196 - 30,31,51,52,53,73,74,75,95,96,97,117,118,119,139,140,141,160,161,162,163,170,171,182,183,184,185,192,193,204,205,206,214,215,216,226,227,228,235,236,237,238,247,248,249,250,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,414,433,434,435,436,456,457,489 +197 - 57,58,59,60,61,78,79,80,81,82,83,84,85,99,100,101,102,103,105,106,107,121,122,123,126,127,128,129,143,144,147,148,149,150,165,166,168,169,170,171,186,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,362,363,364,378,379,380,381,384,385,386,400,401,402,406,407,408,422,423,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +198 - 77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,255,256,257,258,270,271,272,273,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,473,474,475,494 +199 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,169,170,171,181,182,183,184,185,186,190,191,192,193,203,204,205,206,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,277,278,279,290,291,292,293,294,295,298,299,300,314,315,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,470,471,472,494 +200 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,80,81,82,83,94,95,96,102,103,104,105,116,117,118,124,125,126,145,146,147,148,166,167,168,169,188,189,190,209,210,211,231,232,233,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,363,364,365,377,378,379,380,381,385,386,387,388,399,400,401,402,409,410,411,412,421,422,423,431,432,433,434,435,436,437,438,455,456,457,458,459,460,487 +201 - 57,58,59,60,61,78,79,80,81,82,83,85,86,98,99,100,101,102,103,104,107,108,119,120,121,122,123,128,129,130,140,141,142,143,144,149,150,151,152,162,163,164,169,170,171,172,173,183,184,185,190,191,192,193,194,205,206,207,211,212,213,214,227,228,229,232,233,234,235,249,250,251,253,254,255,256,271,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,384,385,401,402,403,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +202 - 143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,194,195,196,199,201,202,203,204,205,206,207,217,218,221,222,223,224,225,226,227,238,239,240,243,244,245,246,247,260,261,262,266,267,268,269,281,282,283,284,289,290,291,292,303,304,305,311,312,313,314,324,325,326,334,335,336,345,346,347,357,367,368,369,388,389,390,409,410,411,430,431,432,433,452,453,454,474,475,492 +203 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,256,257,258,259,260,261,266,267,268,269,270,271,272,278,279,280,281,282,283,287,288,289,290,291,292,293,294,299,300,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,485 +204 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,146,147,148,149,150,151,152,158,159,160,161,162,163,168,169,170,171,172,173,174,175,180,181,182,183,184,190,191,192,193,194,195,196,197,201,202,203,204,205,206,215,216,217,218,219,223,224,225,226,227,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,300,301,302,303,304,305,311,312,313,314,315,321,322,323,324,325,326,333,334,335,336,337,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,485 +205 - 32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,486 +206 - 29,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,121,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,282,283,299,300,301,302,303,304,305,310,323,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,356,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,488 +207 - 9,10,11,12,13,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,487 +208 - 97,98,99,100,101,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,145,146,147,148,149,160,161,162,163,167,168,169,170,182,183,184,189,190,191,203,204,205,210,211,212,213,224,225,226,227,231,232,233,234,246,247,248,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,314,315,316,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,494 +209 - 58,59,60,61,79,80,81,82,83,96,97,98,101,102,103,104,105,116,117,118,119,120,123,124,125,126,127,137,138,139,140,141,142,145,146,147,148,149,158,159,160,161,162,163,164,166,167,168,169,170,171,180,181,182,183,184,185,186,188,189,190,191,192,193,201,202,203,204,205,206,207,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,489 +210 - 68,69,70,71,72,73,89,90,91,92,93,94,95,96,97,110,111,112,113,114,115,116,117,118,119,120,132,133,134,135,136,137,138,139,140,141,142,143,155,156,157,158,159,160,161,162,163,164,165,185,186,187,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,283,293,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,325,326,327,339,347,348,349,368,369,370,371,388,389,390,391,392,393,408,409,410,411,412,413,414,415,430,431,432,433,434,435,436,453,454,455,456,488 +211 - 36,37,38,39,40,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,289,290,291,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,490 +212 - 24,46,47,48,68,69,70,71,82,83,90,91,92,93,104,105,106,112,113,114,115,126,127,128,129,134,135,136,137,148,149,150,151,156,157,158,159,170,171,172,173,178,179,180,181,192,193,194,195,200,201,202,203,204,214,215,216,217,223,224,225,226,236,237,238,239,245,246,247,248,249,250,251,252,253,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,337,344,345,346,347,348,349,350,368,369,370,371,372,391,392,393,394,395,414,415,416,417,489 +213 - 12,13,14,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,160,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,246,247,248,249,250,268,269,270,271,272,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,491 +214 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,95,96,97,100,101,102,103,117,118,124,125,126,147,148,149,168,169,170,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,273,274,275,276,277,296,297,298,299,319,320,321,342,343,344,364,365,366,385,386,387,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,488 +215 - 92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,253,254,255,256,257,258,259,269,275,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,476,492 +216 - 54,55,76,77,78,97,98,99,105,106,118,119,120,121,126,127,128,140,141,142,143,148,149,150,161,162,163,164,169,170,171,172,183,184,185,186,190,191,192,193,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,255,256,257,258,269,270,271,272,277,278,279,280,290,291,292,293,299,300,301,311,312,313,314,315,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,386,387,388,389,409,410,411,431,432,453,454,475,476,489 +217 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +218 - 11,12,13,14,15,31,32,33,34,35,36,37,38,51,52,53,54,55,56,72,73,74,75,76,77,93,94,95,96,97,115,116,117,118,125,126,127,136,137,138,139,140,145,146,147,148,149,150,157,158,159,160,166,167,168,169,170,171,172,173,179,180,181,182,187,188,189,190,191,192,193,194,195,201,202,203,208,209,210,211,212,214,215,216,217,223,224,225,230,231,232,233,235,236,237,238,239,245,246,247,251,252,253,254,256,257,258,259,260,267,268,269,270,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,328,329,334,335,336,337,338,339,340,341,342,343,344,348,349,350,351,357,358,359,360,361,362,363,364,365,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,491 +219 - 95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,197,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,219,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,284,285,291,292,293,294,295,296,297,298,299,300,301,306,315,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,475,494 +220 - 30,31,32,52,53,54,75,76,77,97,98,99,119,120,121,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,385,386,387,388,407,408,409,410,411,429,430,431,432,433,452,453,486 +221 - 33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,234,235,236,237,238,239,244,245,246,247,248,249,257,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,292,301,302,303,304,305,310,311,312,313,314,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,485 +222 - 59,60,61,74,75,76,77,78,80,81,82,96,97,98,99,100,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,145,146,147,148,160,161,162,163,164,166,167,168,169,182,183,184,185,186,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,454,473,474,475,476,493 +223 - 34,35,36,37,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,486 +224 - 14,15,16,17,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,97,98,99,100,101,102,118,119,120,121,122,123,139,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,207,226,227,228,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,343,344,345,346,347,360,361,362,363,365,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +225 - 52,53,54,55,63,73,74,75,76,77,78,84,85,86,94,95,96,97,98,99,100,104,105,106,107,108,116,117,118,119,120,121,126,127,128,129,130,137,138,139,140,141,142,147,148,149,150,151,152,159,160,161,162,163,168,169,170,171,172,173,180,181,182,183,184,185,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,445,446,447,448,449,450,468,469,470,471,489 +226 - 50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,157,158,159,160,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,254,255,256,257,258,259,260,268,269,270,279,280,281,282,283,302,303,304,305,324,325,326,327,346,347,348,349,367,368,369,370,371,388,389,390,391,392,401,402,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +227 - 76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,194,195,196,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,449,450,451,452,490 +228 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,116,117,118,119,123,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,182,183,189,190,191,192,211,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,447,448,449,450,451,487 +229 - 14,15,16,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,491 +230 - 30,31,32,33,51,52,53,54,55,56,72,73,74,75,76,77,78,94,95,96,97,99,100,101,102,103,104,105,115,116,117,118,121,122,123,124,125,126,127,128,129,137,138,139,148,149,150,151,158,159,160,161,172,173,174,180,181,182,194,195,196,201,202,203,216,217,218,223,224,225,238,239,240,245,246,247,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,328,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,381,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +231 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,233,234,235,236,237,238,246,247,248,254,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,303,319,320,321,322,323,324,325,340,341,342,343,344,345,346,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,492 +232 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,147,148,149,158,159,160,161,162,163,169,170,171,180,181,182,183,184,192,193,202,203,204,205,213,214,215,224,225,226,227,228,229,230,231,232,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,469,470,471,472,473,494 +233 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +234 - 12,13,14,31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,93,94,95,96,97,98,115,116,117,118,119,137,138,139,140,158,159,160,161,180,181,182,183,202,203,204,223,224,225,226,227,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,325,326,327,328,329,334,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,491 +235 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,473,494 +236 - 73,74,75,82,83,95,96,97,103,104,105,106,116,117,118,119,125,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,202,203,204,205,206,212,213,214,215,223,224,225,226,227,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,321,322,323,324,334,335,336,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,489 +237 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,187,189,190,191,192,193,194,195,196,200,201,202,203,204,205,212,213,214,215,216,217,218,222,223,224,225,226,233,234,235,236,237,238,239,240,243,244,245,246,247,254,255,256,257,258,259,260,261,262,265,266,267,268,269,276,277,278,279,280,281,282,283,284,287,288,289,290,291,298,299,300,301,302,303,304,305,306,309,310,311,312,313,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,485 +238 - 48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,110,111,112,113,114,119,120,121,132,133,141,142,143,154,155,162,163,164,165,166,167,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,255,256,257,258,259,269,270,271,272,279,280,281,282,291,292,302,303,304,305,324,325,326,327,346,347,348,349,368,369,370,371,390,391,392,393,411,412,413,414,425,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,488 +239 - 34,35,36,37,55,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,429,446,447,448,449,450,486 +240 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,163,169,170,171,182,183,184,185,191,192,193,204,205,206,207,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,278,279,280,281,292,293,294,299,300,301,302,303,314,315,316,320,321,322,323,324,325,336,337,338,341,342,343,344,345,346,358,359,360,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,485 +241 - 60,61,62,63,74,75,76,81,82,83,84,85,95,96,97,98,99,102,103,104,105,106,107,116,117,118,119,120,121,124,125,126,127,128,129,137,138,139,140,141,142,143,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,489 +242 - 52,53,54,55,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,186,187,188,189,190,191,192,193,194,203,204,205,206,209,210,212,213,214,215,216,225,226,227,228,234,235,236,237,238,247,248,249,250,256,257,258,259,260,269,270,271,272,278,279,280,281,282,291,292,293,294,299,300,301,302,303,313,314,315,316,321,322,323,324,325,335,336,337,338,339,343,344,345,346,357,358,359,360,361,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,485 +243 - 72,73,74,75,76,77,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,254,255,256,257,258,259,260,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,339,340,341,342,343,344,345,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,492 +244 - 9,10,11,12,13,14,15,16,29,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,72,73,74,75,76,93,94,95,96,97,115,116,117,118,136,137,138,139,140,158,159,160,161,162,163,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,233,234,235,236,237,247,248,256,257,258,259,269,270,279,280,281,282,283,290,291,292,302,303,304,305,312,313,314,325,326,327,334,335,336,337,346,347,348,349,356,357,358,359,360,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,490 +245 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +246 - 11,12,13,32,33,34,53,54,55,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,182,183,204,205,225,226,227,234,235,236,237,238,239,247,248,249,254,255,256,257,258,259,260,261,262,269,270,274,275,276,277,278,282,283,284,291,292,294,295,296,297,298,304,305,306,313,314,315,316,317,324,325,326,327,335,336,337,338,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,491 +247 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,494 +248 - 32,33,54,55,76,77,98,99,120,121,142,143,164,165,186,187,208,209,210,231,232,253,254,275,276,297,298,299,319,320,321,342,343,364,365,386,387,408,409,430,431,452,453,486 +249 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,494 +250 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,116,117,118,125,126,127,138,139,148,149,160,161,162,169,170,171,182,183,184,185,186,191,192,193,205,206,207,208,209,210,213,214,229,230,231,232,233,234,235,236,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,300,301,315,316,317,322,323,324,336,337,338,344,345,346,358,359,366,367,368,380,381,388,389,390,402,403,404,409,410,411,424,425,426,427,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +251 - 40,41,62,63,72,73,74,75,76,84,85,93,94,95,96,97,98,99,100,101,106,115,116,117,118,119,120,121,122,123,124,128,136,137,138,139,140,141,142,143,144,145,146,147,150,159,160,161,162,163,164,165,166,167,168,169,172,181,182,183,184,185,186,187,188,189,190,191,192,194,204,205,206,207,208,209,210,211,212,213,214,216,227,228,229,230,231,232,233,234,235,236,238,252,253,254,255,256,257,258,260,273,274,275,276,277,278,279,282,294,295,296,297,298,299,300,304,316,317,318,319,320,321,322,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,492 +252 - 52,53,54,61,62,73,74,75,76,82,83,84,95,96,97,103,104,105,117,118,119,125,126,127,138,139,140,146,147,148,149,160,161,162,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,225,226,227,232,233,234,235,247,248,253,254,255,256,257,269,270,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +253 - 71,72,73,74,75,92,93,94,95,96,97,98,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,254,255,256,257,258,259,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,492 +254 - 30,31,32,33,34,35,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,103,104,105,106,116,117,118,119,126,127,128,138,139,140,149,150,151,159,160,161,171,172,173,174,181,182,183,194,195,196,203,204,205,216,217,218,224,225,226,238,239,240,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,303,304,305,306,311,312,313,325,326,327,333,334,335,346,347,348,349,356,357,358,367,368,369,370,379,380,381,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,485 +255 - 99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,425,426,427,428,429,430,490 +256 - 72,73,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,148,167,168,169,170,171,190,191,192,193,194,195,196,209,210,211,212,213,214,215,216,217,218,219,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,279,280,291,292,293,294,295,300,301,302,312,313,314,315,322,323,324,334,335,336,343,344,345,356,357,358,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,429,487 +257 - 37,38,39,40,58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,427,444,445,446,447,486 +258 - 52,53,54,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,142,143,144,145,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,210,211,212,213,214,224,225,226,227,228,234,235,236,246,247,248,249,256,257,258,259,268,269,270,279,280,281,291,301,302,303,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,397,398,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,490 +259 - 36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +260 - 76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,144,145,146,147,148,161,162,163,165,166,167,168,169,184,186,187,188,189,206,207,208,209,210,228,229,230,250,251,252,272,273,274,295,296,297,317,318,319,320,321,341,342,343,344,345,346,364,365,366,367,368,369,389,390,391,410,411,412,413,427,428,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +261 - 57,58,59,60,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,223,224,225,226,227,228,229,230,231,232,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,485 +262 - 58,59,80,81,82,92,93,94,102,103,104,105,113,114,115,116,117,124,125,126,136,137,138,139,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,274,275,276,277,278,279,280,290,291,292,297,298,299,300,301,302,313,314,322,323,324,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,458,477,478,479,480,489 +263 - 92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,232,233,234,235,236,237,238,253,254,255,256,257,258,259,260,275,276,277,278,279,280,281,296,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,492 +264 - 7,8,9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,56,57,58,59,60,70,71,72,73,81,82,83,92,93,103,104,105,125,126,127,146,147,148,149,167,168,169,170,171,189,190,191,192,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,487 +265 - 97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,222,223,224,225,226,227,228,236,237,238,239,240,241,244,245,246,247,248,249,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,485 +266 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +267 - 33,34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,451,486 +268 - 36,37,38,39,40,58,59,60,61,79,80,81,82,83,100,101,102,103,104,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,293,294,295,296,315,316,317,318,337,338,339,340,359,360,361,362,380,381,382,383,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,486 +269 - 61,62,63,64,73,74,75,82,83,84,85,86,87,93,94,95,96,97,98,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,211,212,213,214,215,216,222,223,224,225,226,227,228,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,489 +270 - 12,13,14,15,34,35,36,37,55,56,57,77,78,79,98,99,100,119,120,121,141,142,162,163,164,184,185,186,205,206,207,227,228,229,231,232,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,314,315,321,322,323,336,337,343,344,345,358,359,360,365,366,367,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,426,427,428,429,430,491 +271 - 14,15,16,17,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,224,225,226,227,228,229,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,491 +272 - 55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,148,149,150,162,163,164,165,166,167,168,170,171,172,183,184,185,186,187,188,189,190,193,194,205,206,207,208,209,210,211,212,214,215,216,226,227,228,229,231,232,236,237,238,248,249,250,258,259,260,270,271,272,280,281,292,293,301,302,303,313,314,315,323,324,335,336,337,344,345,346,357,358,359,366,367,368,379,380,381,387,388,389,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +273 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,246,247,248,249,250,251,254,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,491 +274 - 31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,79,80,81,82,95,96,97,98,102,103,104,117,118,119,124,125,126,139,140,141,145,146,147,148,161,162,163,166,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,319,320,321,322,335,336,337,342,343,344,357,358,359,364,365,366,367,379,380,381,387,388,389,401,402,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +275 - 15,16,17,18,19,36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,228,229,230,231,246,247,248,249,250,251,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,491 +276 - 30,31,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,125,126,127,137,138,139,140,148,149,150,158,159,160,161,162,170,171,172,180,181,182,183,192,193,194,202,203,204,205,214,215,216,224,225,226,227,237,238,246,247,248,249,259,260,268,269,270,271,281,282,283,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,347,348,349,356,357,358,359,368,369,370,379,380,381,382,383,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +277 - 62,63,64,65,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +278 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,76,77,78,79,80,81,94,100,101,102,103,123,124,125,145,146,147,166,167,168,169,187,188,189,190,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,282,301,302,303,304,324,325,326,346,347,348,367,368,369,370,387,388,389,390,391,400,401,402,403,404,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +279 - 12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,237,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,487 +280 - 78,79,80,81,82,83,84,85,86,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,159,160,161,162,180,181,182,183,184,202,203,204,205,224,225,226,227,228,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,324,325,344,345,346,347,348,366,367,368,369,370,388,389,390,391,392,403,409,410,411,412,413,424,425,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,490 +281 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,471,472,473,474,475,493 +282 - 49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,126,127,128,135,136,147,148,149,150,168,169,170,171,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,271,272,273,274,275,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,343,344,345,346,347,348,356,357,358,368,369,370,378,379,390,391,392,400,401,402,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +283 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,449,450,451,485 +284 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,139,140,141,143,144,145,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,254,255,256,270,271,272,273,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,341,342,343,344,364,365,366,386,387,388,408,409,410,411,431,432,433,453,454,455,476,477,478,479,494 +285 - 34,35,36,55,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,486 +286 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,114,115,116,117,118,135,136,137,156,157,158,178,179,180,181,182,183,200,201,202,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,254,255,256,257,278,279,280,301,302,303,324,325,326,346,347,348,369,370,371,391,392,393,413,414,434,435,436,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,479,490 +287 - 50,51,52,53,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,208,209,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,492 +288 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,136,137,138,139,159,160,181,182,187,188,189,190,191,203,204,205,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,235,236,237,248,249,250,251,252,257,258,259,280,281,302,303,324,325,345,346,347,367,368,369,379,389,390,400,401,402,410,411,412,423,424,425,426,427,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +289 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,160,161,162,163,164,165,182,183,184,185,186,187,203,204,205,206,207,208,225,226,227,228,229,230,234,235,236,247,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,427,428,429,430,491 +290 - 33,34,35,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +291 - 52,53,54,55,73,74,75,76,77,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,208,209,210,211,212,224,225,226,231,232,233,234,247,248,249,250,252,253,254,255,256,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,487 +292 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,114,115,116,121,122,123,124,125,126,135,136,137,145,146,147,148,149,157,158,159,169,170,171,179,180,181,191,192,193,201,202,203,213,214,215,224,225,226,234,235,236,237,246,247,248,256,257,258,259,268,269,270,271,277,278,279,280,291,292,293,294,299,300,301,315,316,317,318,320,321,322,323,337,338,339,340,341,342,343,344,345,361,362,363,364,366,367,388,389,409,410,411,431,432,433,453,454,455,475,476,477,478,494 +293 - 54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,469,470,471,486 +294 - 12,13,14,15,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,226,227,228,236,237,238,247,248,249,250,255,256,258,259,260,261,269,270,271,275,276,277,278,279,281,282,283,291,292,293,296,297,298,299,302,303,304,305,313,314,315,316,317,318,319,320,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,491 +295 - 70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,492 +296 - 115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,492 +297 - 49,50,51,52,70,71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,233,234,235,236,237,238,239,255,256,257,258,259,260,261,277,278,279,280,281,282,283,298,299,300,301,302,303,304,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,468,469,470,471,472,492 +298 - 16,17,18,19,20,21,36,37,38,39,40,41,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,205,206,207,208,209,210,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,491 +299 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,202,203,204,205,206,207,208,223,224,225,226,227,228,229,232,233,234,235,236,245,246,247,248,249,250,251,253,254,255,256,257,258,259,267,268,269,270,271,272,273,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,491 +300 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,138,139,140,146,147,148,149,160,161,162,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,342,347,358,359,360,361,362,363,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,487 +301 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,486 +302 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,167,168,169,170,171,176,177,178,179,180,181,182,188,189,190,191,192,198,199,200,201,202,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,476,492 +303 - 50,51,52,72,73,74,75,93,94,95,96,97,98,107,108,115,116,117,118,119,120,128,129,130,131,136,137,138,139,140,141,142,149,150,151,152,153,158,159,160,161,162,163,170,171,172,173,174,175,179,180,181,182,183,184,185,191,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,218,222,223,224,225,226,227,228,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,381,382,383,385,386,387,388,389,390,406,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,455,475,476,489 +304 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,150,151,158,159,160,161,162,169,170,171,172,173,174,175,180,181,182,183,189,190,191,192,193,194,195,196,197,201,202,203,204,211,212,213,214,215,216,218,219,222,223,224,225,231,232,233,234,235,238,239,240,241,244,245,246,247,253,254,255,256,260,261,262,263,266,267,268,269,274,275,276,277,280,281,282,283,284,288,289,290,296,297,298,299,301,302,303,304,305,310,311,312,319,320,321,322,323,324,325,326,327,332,333,334,335,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,491 +305 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,494 +306 - 96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,140,144,145,146,158,159,160,161,167,168,180,181,182,188,189,190,201,202,203,204,209,210,211,212,224,225,226,227,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,276,277,278,294,298,299,300,320,321,322,323,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +307 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,491 +308 - 51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,124,125,126,127,128,134,135,136,137,138,139,140,146,147,148,149,156,157,158,168,169,170,171,179,189,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,487 +309 - 72,73,74,75,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,302,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,474,492 +310 - 50,51,52,59,60,72,73,74,81,82,94,95,96,102,103,104,115,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,224,225,226,233,234,235,236,246,247,248,250,251,252,253,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,343,344,345,346,347,356,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +311 - 59,60,61,80,81,82,83,84,95,102,103,104,105,106,116,117,118,119,123,124,125,126,127,128,137,138,139,140,141,145,146,147,148,149,159,160,161,162,163,164,166,167,168,169,170,181,182,183,184,185,186,188,189,190,191,192,203,204,205,206,207,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,489 +312 - 50,51,53,54,55,56,57,58,59,60,61,62,63,64,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,123,127,128,129,130,139,148,149,150,151,152,169,170,171,172,173,174,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,236,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,377,378,379,380,381,382,399,400,401,402,403,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,456,465,466,467,468,469,470,471,472,473,474,475,476,487 +313 - 59,60,61,62,72,73,74,75,80,81,82,83,84,93,94,95,96,97,101,102,103,104,105,106,115,116,117,118,119,120,123,124,125,126,127,128,136,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,163,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,472,473,474,489 +314 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,101,102,115,116,117,122,123,124,136,137,138,143,144,145,158,159,165,166,167,180,181,186,187,188,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,248,249,250,251,256,257,258,259,270,271,280,281,282,303,304,305,326,327,347,348,349,359,368,369,370,380,381,389,390,391,402,403,409,410,411,412,424,425,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +315 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,259,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,492 +316 - 50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,114,115,116,117,136,137,138,139,158,159,160,180,181,182,203,204,205,206,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,281,282,302,303,304,324,325,326,327,347,348,349,369,370,371,391,392,393,412,413,414,415,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,490 +317 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,206,209,210,211,212,213,214,230,231,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,487 +318 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,486 +319 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +320 - 81,82,83,103,104,105,106,116,124,125,126,127,136,137,138,139,146,147,148,157,158,159,167,168,169,170,179,180,181,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,213,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,276,277,278,279,280,281,282,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,489 +321 - 47,48,49,68,69,70,71,72,73,74,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,428,429,487 +322 - 32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,80,81,82,96,103,104,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,278,279,300,301,322,323,343,344,345,354,364,365,366,367,375,376,377,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +323 - 35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,151,160,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,192,193,194,195,196,203,204,205,206,207,214,215,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,293,301,302,303,304,311,312,313,314,322,323,324,325,326,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +324 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,147,148,149,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,492 +325 - 35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +326 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,138,139,140,141,142,143,144,145,148,149,150,159,160,161,162,163,166,171,172,180,181,182,183,184,193,194,195,202,203,204,205,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,289,290,291,292,302,303,304,311,312,313,314,324,325,326,333,334,335,336,345,346,347,348,355,356,357,358,366,367,368,369,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +327 - 9,10,11,12,13,14,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,79,80,81,82,83,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,246,248,249,250,251,252,254,255,256,257,258,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,376,377,378,379,380,381,382,383,390,391,392,393,413,414,487 +328 - 50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,122,123,124,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,362,365,366,367,368,383,384,387,388,389,390,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,488 +329 - 32,33,34,35,36,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,123,124,125,136,137,138,139,140,144,145,146,147,158,159,160,161,164,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,278,279,280,281,282,291,301,302,303,304,323,324,325,326,345,346,347,348,355,356,357,366,367,368,369,370,377,378,379,380,381,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,488 +330 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,123,124,125,126,145,146,147,148,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,235,255,256,257,258,278,279,280,301,302,322,323,324,344,345,346,365,366,367,381,382,383,387,388,389,401,402,403,404,408,409,410,421,422,423,424,425,426,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +331 - 55,56,57,60,76,77,78,79,81,82,83,98,99,100,103,104,105,119,120,121,125,126,127,140,141,142,143,147,148,149,150,161,162,163,164,169,170,171,182,183,184,185,191,192,193,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,454,473,474,475,489 +332 - 8,9,10,30,31,32,51,52,53,73,74,75,95,96,97,117,118,119,139,140,141,142,143,161,162,163,164,165,166,183,184,185,186,187,188,189,190,204,205,206,209,210,211,212,213,227,228,233,234,235,236,249,250,256,257,258,271,272,278,279,280,293,294,301,302,315,316,317,323,324,337,338,339,340,344,345,346,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +333 - 58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,158,159,160,161,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,255,256,257,258,259,268,278,279,280,281,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,377,378,379,387,388,389,390,391,399,400,401,402,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,490 +334 - 72,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,151,152,153,156,157,158,159,160,174,175,178,179,180,181,182,196,197,201,202,203,204,205,206,217,218,219,222,223,224,225,226,227,228,239,240,241,244,245,246,260,261,262,263,266,267,268,282,283,284,288,289,290,303,304,305,306,310,311,312,324,325,326,327,328,332,333,334,345,346,347,348,349,354,355,356,366,367,368,369,370,377,378,379,380,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +335 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,187,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,322,323,324,325,326,335,336,337,338,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +336 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,124,139,140,141,145,146,161,162,166,167,182,183,184,188,189,190,191,204,205,206,211,212,213,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,278,279,294,295,296,297,300,301,322,323,344,345,365,366,367,388,389,409,410,411,431,432,433,453,454,475,476,477,494 +337 - 101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,473,492 +338 - 31,32,33,34,52,53,54,55,56,73,74,75,76,77,84,85,95,96,97,105,106,107,108,116,117,118,119,127,128,129,130,137,138,139,140,148,149,150,151,159,160,161,170,171,172,173,180,181,182,183,192,193,194,201,202,203,204,213,214,215,216,223,224,225,226,233,234,235,236,237,245,246,247,248,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,489 +339 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,126,127,128,135,136,137,138,139,147,148,149,157,158,159,160,168,169,170,171,172,179,180,181,182,189,190,191,192,193,194,201,202,203,204,205,206,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,323,337,338,339,343,344,345,346,358,359,360,361,365,366,367,368,380,381,382,386,387,388,389,390,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +340 - 33,34,35,36,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,103,104,105,106,107,108,118,119,120,121,122,127,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,164,172,173,174,181,182,183,184,185,194,195,196,202,203,204,205,206,216,217,218,223,224,225,226,227,237,238,239,240,244,245,246,247,248,258,259,260,261,262,266,267,268,269,270,279,280,281,282,283,288,289,290,291,299,300,301,302,303,304,309,310,311,312,318,319,320,321,322,323,324,325,331,332,333,334,339,340,341,342,343,344,345,346,353,354,355,356,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,443,444,445,446,447,485 +341 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,231,232,233,234,235,236,245,246,247,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,299,300,301,302,312,313,314,315,316,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,494 +342 - 57,58,79,80,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,405,406,427,428,449,450,471,472,486 +343 - 58,59,60,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,150,151,152,153,160,161,162,163,164,165,166,167,168,169,172,173,174,175,181,182,183,184,185,195,196,197,202,203,204,205,206,217,218,219,224,225,226,227,228,239,240,241,245,246,247,248,249,260,261,262,263,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,363,364,365,366,367,368,369,376,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +344 - 6,7,8,27,28,29,30,48,49,50,51,70,71,72,92,93,94,113,114,115,123,124,125,126,127,135,136,137,144,145,146,147,148,149,150,151,156,157,158,159,165,166,167,168,169,170,171,172,173,174,178,179,180,187,188,189,190,191,194,195,196,200,201,202,208,209,210,211,217,218,223,224,229,230,231,232,233,239,240,241,244,245,246,251,252,253,254,261,262,263,267,268,272,273,274,275,282,283,284,285,289,290,291,294,295,296,297,303,304,305,306,311,312,313,314,315,316,317,318,323,324,325,326,327,333,334,335,336,337,338,339,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +345 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +346 - 33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +347 - 12,13,14,15,16,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,98,99,100,103,104,105,106,126,127,128,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,248,249,250,251,252,253,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,328,331,332,333,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,359,360,361,362,363,364,365,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,392,393,398,399,400,401,402,403,404,405,421,422,423,424,425,487 +348 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,100,101,102,103,104,114,115,116,117,118,119,125,126,127,136,137,138,139,140,141,142,148,149,150,158,159,160,161,162,163,164,171,172,173,180,181,182,193,194,195,202,203,204,216,217,224,225,238,239,240,245,246,247,260,261,262,267,268,282,283,284,289,290,304,305,306,311,312,326,327,328,333,334,335,348,349,350,355,356,357,370,371,378,379,380,391,392,393,401,402,403,404,412,413,414,424,425,426,427,428,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,485 +349 - 32,33,34,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,124,125,126,127,138,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,279,280,281,282,302,303,304,324,325,326,327,346,347,348,349,354,355,356,368,369,370,371,376,377,378,379,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,488 +350 - 66,67,68,82,83,84,88,89,90,91,104,105,106,110,111,112,113,126,127,128,129,132,133,134,135,147,148,149,150,151,154,155,156,157,169,170,171,172,173,176,177,178,179,191,192,193,194,195,198,199,200,201,202,213,214,215,216,217,220,221,222,223,224,225,226,227,228,232,233,234,235,236,237,238,239,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,479,480,481,489 +351 - 56,57,58,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,210,211,212,213,225,226,227,228,229,232,233,234,235,246,247,248,249,250,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,350,363,364,365,366,372,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +352 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,81,82,83,84,96,97,98,99,100,104,105,106,107,117,118,119,120,121,127,128,129,138,139,140,141,150,151,160,161,162,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,224,225,226,238,239,240,245,246,247,260,261,267,268,269,281,282,283,289,290,291,303,304,305,311,312,313,324,325,326,333,334,335,346,347,348,355,356,357,366,367,368,369,378,379,380,381,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +353 - 80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,254,255,256,257,268,269,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,353,354,355,356,357,358,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,490 +354 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,365,366,367,368,369,370,371,377,378,379,380,381,382,383,389,390,391,392,393,394,395,400,401,402,403,404,412,413,414,415,416,417,435,436,437,438,439,459,460,461,487 +355 - 13,14,15,34,35,36,37,56,57,58,59,76,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,280,281,282,291,292,293,294,295,302,303,304,313,314,315,316,317,323,324,325,326,335,336,337,338,344,345,346,347,357,358,359,360,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +356 - 9,10,31,32,53,54,75,76,96,97,98,118,119,120,140,141,142,161,162,163,170,171,183,184,185,189,190,191,192,193,194,205,206,207,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,237,238,239,249,250,251,252,253,254,259,260,261,271,272,273,274,275,281,282,293,294,295,296,302,303,304,315,316,317,323,324,325,337,338,339,340,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,407,424,425,426,491 +357 - 100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,190,191,192,193,194,198,199,200,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,492 +358 - 35,36,37,57,58,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,144,145,162,163,164,166,167,185,186,188,189,207,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,339,340,342,343,361,362,364,365,366,383,384,385,387,388,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,493 +359 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,126,127,128,129,135,136,137,138,148,149,150,151,158,159,160,161,168,169,170,171,172,173,180,181,182,183,184,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,321,322,323,324,336,337,338,339,344,345,346,358,359,360,366,367,368,380,381,382,387,388,389,390,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,493 +360 - 45,46,47,48,49,50,51,52,53,54,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,121,122,123,144,145,165,166,167,186,187,188,206,207,208,209,210,227,228,229,230,231,249,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,301,321,322,323,324,325,345,346,347,367,368,369,370,390,391,392,412,413,414,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,488 +361 - 75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,148,149,150,151,158,159,160,161,162,169,170,171,172,173,179,180,181,182,190,191,192,193,194,201,202,203,212,213,214,215,216,222,223,224,225,233,234,235,236,237,244,245,246,247,254,255,256,257,258,266,267,268,269,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,335,336,337,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +362 - 31,32,33,53,54,55,75,76,77,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,343,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +363 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,126,127,128,129,130,131,138,139,140,141,142,150,151,152,153,159,160,161,162,163,173,174,175,180,181,182,183,184,195,196,197,202,203,204,205,206,217,218,219,223,224,225,226,227,238,239,240,241,245,246,247,248,260,261,262,263,266,267,268,269,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,346,347,348,349,354,355,356,366,367,368,369,370,371,376,377,378,379,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,485 +364 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,410,427,428,429,430,431,432,449,450,451,452,453,454,486 +365 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,486 +366 - 34,35,55,56,57,58,60,76,77,78,79,80,81,82,83,97,98,99,103,104,105,119,120,121,125,126,127,140,141,142,148,149,162,163,164,170,171,184,185,192,193,205,206,207,214,215,227,228,229,236,237,249,250,258,259,270,271,272,280,281,292,293,294,302,303,314,315,316,323,324,325,336,337,338,345,346,358,359,360,366,367,368,380,381,382,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,485 +367 - 31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,117,126,127,128,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,235,236,237,238,257,258,259,260,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,391,392,396,397,398,399,400,401,402,403,404,405,406,418,419,420,421,422,423,424,425,487 +368 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,94,95,96,101,102,103,104,123,124,125,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,233,241,250,251,252,253,254,261,262,263,271,272,273,274,275,281,282,283,284,292,293,294,295,296,302,303,304,305,313,314,315,316,317,322,323,324,325,326,335,336,337,338,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,443,444,445,446,447,487 +369 - 49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,124,125,126,127,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,256,257,258,259,260,261,262,269,270,271,272,282,283,284,304,305,306,325,326,327,328,346,347,348,349,350,366,367,368,369,370,371,376,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,488 +370 - 54,55,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,162,163,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,257,258,270,279,280,301,302,323,324,344,345,346,365,366,367,377,386,387,388,389,399,400,407,408,409,410,421,422,423,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +371 - 85,86,98,99,105,106,107,108,118,119,120,121,122,127,128,129,130,139,140,141,142,143,148,149,150,151,152,160,161,162,163,164,170,171,172,173,180,181,182,183,184,185,192,193,194,195,202,203,204,205,213,214,215,216,217,223,224,225,226,235,236,237,238,244,245,246,247,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,321,322,323,324,342,343,344,345,346,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,489 +372 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,102,103,104,105,114,115,116,124,125,126,127,128,135,136,137,148,149,150,151,156,157,158,159,171,172,173,174,178,179,180,193,194,195,196,199,200,201,217,218,221,222,223,239,240,243,244,245,261,262,265,266,283,284,287,288,304,305,306,309,310,311,326,327,328,331,332,333,347,348,349,354,355,356,369,370,371,377,378,379,380,390,391,392,400,401,402,403,404,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,475,485 +373 - 101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,169,170,183,184,185,186,187,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,278,279,280,281,282,289,290,291,292,302,303,304,323,324,325,326,332,333,334,344,345,346,347,348,354,355,356,357,358,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,490 +374 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,138,139,140,144,145,146,160,161,166,167,168,182,183,188,189,190,191,204,205,210,211,212,213,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,475,494 +375 - 15,16,17,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,141,142,143,144,145,162,163,164,165,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,321,322,323,324,334,335,336,337,342,343,344,345,356,357,358,359,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,491 +376 - 56,57,58,78,79,80,100,101,122,123,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,318,319,339,340,341,361,362,363,383,384,405,406,427,428,449,450,471,472,486 +377 - 80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,168,169,170,171,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +378 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +379 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,126,127,128,129,130,138,139,140,141,150,151,152,160,161,162,163,171,172,173,174,175,182,183,184,185,191,192,193,194,195,196,197,204,205,206,207,211,212,213,214,215,216,217,226,227,228,229,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,366,378,379,380,385,386,387,388,389,400,401,402,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,477,493 +380 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,126,127,128,129,138,139,140,141,142,149,150,151,159,160,161,162,163,171,172,173,180,181,182,183,184,193,194,195,202,203,204,205,215,216,217,223,224,225,226,238,239,245,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,304,305,306,311,312,313,314,325,326,327,333,334,335,336,347,348,349,356,357,358,359,368,369,370,371,378,379,380,381,382,389,390,391,392,401,402,403,404,405,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,485 +381 - 97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,171,172,173,174,180,181,182,183,192,193,194,195,201,202,203,204,213,214,215,216,217,223,224,225,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +382 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,102,116,117,118,119,126,127,128,137,138,139,140,148,149,150,158,159,160,161,168,169,170,171,180,181,182,189,190,191,192,201,202,203,210,211,212,213,223,224,225,226,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,297,298,299,319,320,340,341,342,361,362,363,364,367,368,383,384,385,388,389,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,471,472,473,474,494 +383 - 15,16,17,36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,164,165,181,182,183,184,185,186,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,279,280,281,282,289,290,291,292,293,294,295,302,303,304,305,310,311,312,313,314,315,316,317,324,325,326,327,333,334,335,336,337,338,345,346,347,348,355,356,357,358,359,360,361,362,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,491 +384 - 76,77,78,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,146,147,148,149,150,151,158,159,160,161,162,163,164,165,171,172,173,174,179,180,181,182,186,187,194,195,196,201,202,203,217,218,219,222,223,224,225,240,241,244,245,246,262,263,266,267,268,284,285,288,289,306,307,310,311,327,328,329,332,333,334,347,348,349,350,354,355,356,368,369,370,371,372,376,377,378,379,380,381,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,485 +385 - 59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,158,159,160,161,162,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,279,280,281,282,283,302,303,304,305,323,324,325,326,327,331,332,333,343,344,345,346,347,348,353,354,355,364,365,366,367,368,369,375,376,377,378,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,490 +386 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,179,180,181,182,183,184,201,202,203,204,205,223,224,225,226,227,245,246,247,248,249,250,251,268,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,317,318,319,320,321,322,323,341,342,343,344,345,346,363,364,365,366,367,368,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +387 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,148,149,150,158,159,160,161,162,163,168,169,170,171,172,179,180,181,182,183,189,190,191,192,193,194,201,202,203,204,210,211,212,213,214,215,222,223,224,225,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,298,299,300,301,314,315,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,494 +388 - 95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,168,169,170,171,178,179,180,181,190,191,192,193,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,475,492 +389 - 49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,123,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,279,280,281,282,283,302,303,304,305,324,325,326,330,345,346,347,348,354,366,367,368,369,370,374,375,376,377,378,387,388,389,390,391,396,397,398,399,400,401,402,403,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +390 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,143,144,160,161,162,163,164,165,166,184,185,186,187,188,207,208,209,210,211,231,232,233,234,235,254,255,256,257,258,278,279,280,281,301,302,303,304,314,315,324,325,326,327,335,336,337,338,347,348,349,358,359,360,361,362,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,451,452,453,454,455,488 +391 - 56,57,58,78,79,80,81,82,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,189,190,191,192,204,205,206,207,208,211,212,213,225,226,227,228,229,232,233,234,235,236,237,246,247,248,249,250,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,470,471,472,489 +392 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,168,169,170,181,189,190,191,192,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,492 +393 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,124,125,126,127,137,138,139,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,322,323,324,325,344,345,346,347,354,355,356,364,365,366,367,368,369,375,376,377,378,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +394 - 114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,190,191,192,203,204,212,213,214,225,226,227,228,234,235,236,248,249,250,255,256,257,277,278,279,281,282,283,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,341,342,343,363,364,384,385,386,406,407,427,428,429,449,450,470,471,472,492 +395 - 77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,150,151,152,159,160,161,162,170,171,172,173,174,181,182,183,184,191,192,193,194,195,203,204,205,206,207,212,213,214,215,216,226,227,228,229,230,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,367,380,381,382,383,387,388,389,402,403,404,409,410,411,424,425,426,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +396 - 71,82,83,93,94,103,104,105,115,116,117,124,125,126,137,138,139,146,147,148,159,160,161,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,209,210,211,212,213,224,225,226,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,269,270,271,272,273,274,277,278,292,293,294,299,300,321,322,343,344,364,365,366,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,489 +397 - 53,54,55,56,57,58,59,60,61,62,63,64,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,126,127,128,137,138,139,140,141,158,159,160,161,162,163,164,165,179,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,255,256,257,258,259,278,279,280,281,282,301,302,303,304,305,324,325,326,327,346,347,348,349,355,356,357,368,369,370,371,377,378,379,380,389,390,391,392,393,399,400,401,402,403,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,490 +398 - 57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,104,105,106,117,118,119,120,121,122,126,127,128,138,139,140,141,142,148,149,150,161,162,163,170,171,172,183,184,185,191,192,193,205,206,207,208,212,213,214,227,228,229,230,231,233,234,235,251,252,253,255,256,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,359,360,361,363,364,365,366,381,382,386,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,472,473,474,475,493 +399 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +400 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,96,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,301,302,303,304,315,316,324,325,326,327,347,348,349,369,370,371,382,391,392,393,403,404,405,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,490 +401 - 39,40,41,42,43,53,54,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,97,98,99,100,101,102,103,104,116,117,118,137,138,139,140,158,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,208,209,210,211,212,213,214,233,234,235,236,256,257,258,259,279,280,281,301,302,303,304,310,311,312,323,324,325,326,332,333,334,335,345,346,347,348,354,355,356,357,358,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,447,449,490 +402 - 46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,125,126,127,147,148,149,168,169,170,189,190,191,192,209,210,211,212,213,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,321,322,323,324,325,345,346,347,348,368,369,370,390,391,392,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,465,466,467,468,476,477,478,488 +403 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,107,126,127,128,129,148,149,150,151,170,171,172,173,192,193,194,195,214,215,216,235,236,237,238,247,248,249,250,251,256,257,258,259,260,267,268,269,270,271,272,273,274,275,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,315,316,317,318,319,320,321,322,323,330,331,332,333,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,387,388,389,397,398,399,400,401,402,403,404,410,487 +404 - 31,32,52,53,54,74,75,76,96,97,98,99,118,119,120,121,141,142,143,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,452,453,454,486 +405 - 49,50,51,52,53,54,55,56,57,58,59,60,61,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,124,125,126,127,135,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,244,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,296,297,298,299,300,301,302,303,310,321,322,323,324,325,326,344,345,346,347,348,349,367,368,369,370,371,389,390,391,392,393,399,400,401,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,466,467,468,469,470,471,472,473,474,475,476,488 +406 - 8,9,10,11,12,13,30,31,32,33,34,35,36,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,250,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,422,423,424,487 +407 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,126,127,128,129,130,139,140,141,142,143,149,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,202,203,204,205,206,215,216,217,218,223,224,225,226,227,236,237,238,239,245,246,247,248,257,258,259,260,261,266,267,268,269,270,279,280,281,282,287,288,289,290,291,300,301,302,303,309,310,311,312,321,322,323,324,331,332,333,334,342,343,344,345,346,353,354,355,356,359,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,485 +408 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,125,126,127,136,137,138,147,148,149,158,159,160,169,170,171,181,182,190,191,192,204,205,212,213,214,226,227,228,234,235,236,249,250,255,256,257,277,278,279,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,492 +409 - 34,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +410 - 100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,163,164,165,171,172,184,185,186,191,192,193,194,205,206,207,212,213,214,215,226,227,228,233,234,235,236,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,340,341,342,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471,494 +411 - 29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,103,104,105,106,107,126,127,128,129,149,150,151,171,172,173,193,194,195,214,215,216,217,236,237,238,239,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,330,331,332,333,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,391,392,393,396,397,398,399,400,401,402,403,404,405,414,487 +412 - 58,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,156,157,158,159,178,179,180,186,187,188,189,200,201,202,204,205,206,207,208,209,210,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,257,258,259,260,261,262,266,267,268,269,282,283,284,285,292,305,306,307,313,314,327,328,329,335,336,337,349,350,351,358,359,360,361,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,428,430,431,432,433,434,435,490 +413 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,234,251,252,253,254,256,257,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +414 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,126,127,137,138,149,150,151,159,160,171,172,173,180,181,192,193,194,202,203,214,215,216,224,225,235,236,237,246,247,255,256,257,258,268,269,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,338,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,494 +415 - 34,35,36,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,145,146,147,148,161,162,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,301,302,303,304,323,324,325,326,344,345,346,347,348,355,356,357,358,359,365,366,367,368,369,376,377,378,379,380,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +416 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +417 - 9,10,11,12,13,14,15,16,17,18,30,31,32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,83,84,85,86,106,107,108,127,128,129,130,149,150,151,152,170,171,172,173,174,191,192,193,194,195,196,213,214,215,216,217,234,235,236,237,238,246,247,248,249,250,251,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,315,316,317,318,319,320,321,322,323,331,332,333,334,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,388,389,390,391,397,398,399,400,401,402,403,410,411,412,413,419,420,421,422,423,432,433,434,487 +418 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,180,181,182,183,202,203,204,205,216,224,225,226,236,237,238,239,246,247,248,255,256,257,258,259,260,261,267,268,269,276,277,278,279,280,281,282,283,284,289,290,291,297,298,299,300,301,302,303,304,305,306,311,312,313,314,319,320,321,324,325,326,327,334,335,336,337,338,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,491 +419 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,187,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,322,323,324,325,335,336,337,343,344,345,346,357,358,359,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +420 - 55,56,57,77,78,79,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,184,187,188,209,210,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +421 - 76,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,148,149,160,161,162,163,164,165,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,256,257,258,259,260,279,280,281,282,302,303,304,305,310,311,312,313,314,315,316,324,325,326,327,331,332,333,334,335,336,345,346,347,348,353,354,355,356,365,366,367,368,369,375,376,377,378,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +422 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,124,125,126,127,128,129,139,140,141,142,148,149,150,151,161,162,163,164,168,169,170,171,172,184,185,186,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,386,387,388,400,401,402,407,408,409,410,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +423 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,278,279,280,281,282,283,291,302,303,304,305,323,324,325,326,327,344,345,346,347,348,355,356,364,365,366,367,368,369,370,376,377,378,379,380,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +424 - 27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,78,79,99,100,101,121,122,123,142,143,144,162,163,164,165,167,168,169,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,213,214,215,216,224,225,226,227,228,229,236,237,238,246,247,248,249,258,259,260,268,269,270,280,281,282,302,303,304,323,324,325,345,346,347,366,367,368,379,380,381,387,388,389,390,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +425 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,169,170,171,172,173,174,182,183,184,185,186,187,188,189,192,193,194,195,196,204,205,206,207,208,209,215,216,217,218,225,226,227,228,229,236,237,238,239,240,247,248,249,250,251,258,259,260,261,268,269,270,271,272,279,280,281,282,283,289,290,291,292,293,300,301,302,303,304,311,312,313,314,315,321,322,323,324,325,326,333,334,335,336,343,344,345,346,347,354,355,356,357,358,363,364,365,366,367,368,376,377,378,379,380,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +426 - 74,75,76,77,78,79,87,95,96,97,98,99,100,101,107,108,109,116,117,118,119,120,121,122,128,129,130,131,138,139,140,142,143,149,150,151,152,153,160,161,162,163,169,170,171,172,173,174,183,184,185,186,190,191,192,193,194,205,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,378,379,380,381,384,385,386,387,400,401,402,406,407,408,409,422,423,424,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +427 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +428 - 98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,187,188,189,190,204,205,206,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,255,256,269,270,271,272,273,274,277,278,292,293,294,299,300,321,322,343,344,365,366,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +429 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,126,127,128,148,149,150,170,171,172,191,192,193,194,212,213,214,215,216,234,235,236,237,256,257,258,259,269,270,271,272,273,274,277,278,279,280,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,328,331,332,333,334,339,340,341,342,343,344,345,346,347,348,349,353,354,355,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,379,380,381,382,383,384,385,387,388,389,390,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,442,443,444,445,487 +430 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,101,102,103,114,124,125,145,146,147,166,167,168,186,187,188,189,190,207,208,209,210,211,227,228,229,230,231,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,298,299,300,301,302,303,323,324,325,346,347,348,368,369,370,389,390,391,409,410,411,412,423,429,430,431,432,433,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +431 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,245,246,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +432 - 39,40,41,42,59,60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,105,118,119,120,121,122,123,124,125,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,204,205,206,226,227,228,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,322,323,324,343,344,345,346,364,365,366,367,381,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,490 +433 - 56,57,61,62,77,78,79,80,83,84,85,98,99,100,101,105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,186,191,192,193,194,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,489 +434 - 52,53,54,55,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,119,120,121,122,126,141,142,143,144,163,164,185,186,207,208,229,230,231,252,253,274,275,276,297,298,319,320,321,342,343,364,365,366,381,382,387,388,403,407,408,409,410,424,425,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,490 +435 - 17,18,19,36,37,38,39,40,41,57,58,59,60,62,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,182,183,184,185,186,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,299,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,334,335,336,337,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +436 - 26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,77,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,446,447,448,449,450,487 +437 - 58,59,60,61,62,63,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,150,162,163,164,165,166,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,209,211,212,213,214,215,225,226,227,228,229,233,234,235,236,246,247,248,249,250,255,256,257,258,259,260,261,267,268,269,270,271,272,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,364,365,366,367,376,377,385,386,387,388,389,407,408,409,410,429,430,431,450,451,452,453,473,474,475,489 +438 - 51,52,53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,97,99,100,101,115,116,117,122,123,136,137,138,143,144,145,158,159,160,165,166,167,168,180,181,182,188,189,190,191,203,204,205,210,211,212,213,225,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,278,279,300,301,302,322,323,324,345,346,367,368,389,390,411,412,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,494 +439 - 32,33,34,35,36,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,123,124,125,126,127,128,129,130,138,139,140,141,142,148,149,150,151,152,160,161,162,163,171,172,173,174,180,181,182,183,184,185,186,187,192,193,194,195,196,202,203,204,205,206,214,215,216,217,218,224,225,226,227,228,236,237,238,239,240,246,247,248,249,258,259,260,261,267,268,269,270,271,279,280,281,282,283,289,290,291,292,301,302,303,304,311,312,313,321,322,323,324,325,332,333,334,335,343,344,345,346,347,355,356,357,363,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +440 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,321,322,323,324,336,337,338,339,340,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +441 - 80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,255,256,257,258,259,260,280,281,282,283,302,303,304,305,324,325,326,327,330,331,332,333,345,346,347,348,352,353,354,355,356,357,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,448,449,450,490 +442 - 7,8,9,10,29,30,31,32,51,52,53,54,73,74,75,76,94,95,96,97,116,117,118,119,120,137,138,139,140,141,142,159,160,161,162,163,168,182,183,184,185,188,189,190,191,192,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,278,279,280,281,293,294,295,296,297,298,300,301,302,303,315,316,317,318,319,322,323,324,325,337,338,339,340,341,343,344,345,346,347,359,360,361,362,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +443 - 76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,158,159,160,161,162,163,169,170,171,172,179,180,181,182,183,184,185,191,192,193,194,200,201,202,203,204,211,212,213,214,215,216,221,222,223,224,225,232,233,234,235,236,237,243,244,245,246,252,253,254,255,256,257,258,259,265,266,267,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,320,321,322,323,333,334,335,336,337,338,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +444 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,125,126,137,138,139,140,141,144,145,146,147,159,160,161,165,166,167,168,169,182,183,184,186,187,188,189,190,204,205,206,207,208,209,210,211,212,227,228,229,230,231,233,234,250,251,252,253,272,273,274,275,294,295,296,297,298,316,319,320,321,338,339,341,342,343,360,361,364,365,366,382,383,384,386,387,388,405,406,407,409,410,428,429,430,431,432,433,451,452,453,454,455,474,475,476,477,493 +445 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,159,160,161,162,163,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,211,212,213,214,215,223,224,225,226,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +446 - 28,29,30,31,32,48,49,50,51,52,53,54,69,70,71,72,77,78,79,90,91,92,98,99,100,101,102,112,113,114,121,122,123,134,135,136,137,143,144,145,157,158,159,160,161,164,165,166,181,182,183,184,185,186,187,188,204,205,206,207,208,209,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,302,316,317,318,322,323,324,325,338,339,340,345,346,347,348,361,362,363,368,369,370,383,384,385,386,390,391,392,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,436,452,453,454,455,456,457,493 +447 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,126,127,128,137,138,139,140,141,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,189,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,321,322,323,324,325,334,335,336,337,338,345,346,347,348,356,357,358,359,367,368,369,370,378,379,380,388,389,390,391,400,401,402,403,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,493 +448 - 57,58,59,79,80,81,100,101,102,122,123,124,143,144,145,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,273,274,275,294,295,296,316,317,318,319,338,339,340,360,361,362,382,383,403,404,405,425,426,427,448,449,470,471,486 +449 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,149,158,159,160,161,162,167,168,169,170,171,172,180,181,182,189,190,191,192,193,202,203,204,210,211,212,213,214,215,223,224,225,226,232,233,234,235,236,237,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +450 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,165,166,167,168,187,188,189,207,208,209,210,229,230,231,250,251,252,253,254,255,273,274,275,276,277,278,297,298,299,300,320,321,322,342,343,363,364,365,385,386,387,406,407,408,428,429,430,447,448,449,450,451,468,469,470,471,472,473,488 +451 - 58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,148,149,160,161,162,163,164,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,278,279,280,281,282,302,303,304,323,324,325,326,345,346,347,348,365,366,367,368,369,370,378,379,380,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +452 - 10,11,12,13,14,15,31,32,33,34,36,53,54,55,74,75,76,95,96,97,117,118,119,138,139,140,160,161,162,182,183,203,204,205,213,214,225,226,227,233,234,235,236,237,247,248,249,253,254,255,256,257,258,259,260,269,270,274,275,276,277,278,279,280,281,282,291,292,294,295,296,297,298,303,304,313,314,315,316,317,318,319,324,325,326,335,336,337,338,339,340,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,402,403,404,491 +453 - 30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,102,103,104,114,115,116,123,124,125,126,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,279,280,281,282,283,284,291,303,304,305,306,325,326,327,328,332,345,346,347,348,349,350,353,354,355,356,357,358,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,449,450,451,488 +454 - 26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,69,70,78,79,80,81,101,102,103,124,125,146,147,167,168,169,189,190,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,275,276,277,278,279,299,300,301,302,303,304,324,325,326,327,328,348,349,350,369,370,371,372,390,391,392,393,397,398,409,410,411,412,413,419,420,421,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,488 +455 - 34,35,36,56,57,58,59,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +456 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,149,161,162,163,164,165,168,169,170,171,172,182,183,184,185,186,190,191,192,193,194,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,234,235,236,237,238,246,247,248,249,250,256,257,258,259,260,268,269,270,271,272,278,279,280,281,282,290,291,292,293,294,299,300,301,302,303,311,312,313,314,315,321,322,323,324,325,333,334,335,336,337,342,343,344,345,346,347,355,356,357,358,359,364,365,366,367,368,378,379,380,381,382,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +457 - 72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,468,469,470,471,472,473,492 +458 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,486 +459 - 61,62,63,77,78,79,80,82,83,84,85,98,99,100,101,102,103,104,105,106,120,121,122,123,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,168,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,212,213,214,224,225,226,227,228,233,234,235,236,245,246,247,248,249,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +460 - 53,54,55,75,76,77,81,82,83,96,97,98,99,102,103,104,105,118,119,120,124,125,126,127,139,140,141,142,145,146,147,148,161,162,163,167,168,169,183,184,185,188,189,190,204,205,206,210,211,212,226,227,228,231,232,233,234,235,236,248,249,250,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,339,340,341,342,361,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471,472,489 +461 - 102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,191,192,193,194,195,199,200,201,202,212,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,468,469,470,471,472,492 +462 - 34,35,36,56,57,58,78,79,80,81,100,101,102,103,115,116,122,123,124,125,137,138,144,145,146,159,160,166,167,168,180,181,182,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,410,429,430,431,432,451,452,453,454,489 +463 - 16,17,18,37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,278,279,280,281,282,291,292,293,294,295,301,302,303,304,312,313,314,315,316,322,323,324,325,334,335,336,337,344,345,346,347,356,357,358,359,360,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,491 +464 - 28,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,103,104,105,106,126,127,128,129,148,149,150,151,170,171,172,173,191,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,443,444,445,446,447,487 +465 - 59,60,61,62,63,64,65,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,256,257,258,259,260,261,280,281,282,283,302,303,304,305,323,324,325,326,327,344,345,346,347,348,349,355,356,357,365,366,367,368,369,370,376,377,378,379,380,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,490 +466 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,96,103,104,105,125,126,145,146,147,166,167,168,169,186,187,188,189,207,208,209,228,229,230,250,251,272,273,274,295,296,297,318,319,320,341,342,343,364,365,386,387,408,409,424,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +467 - 76,77,78,84,85,98,99,100,105,106,107,119,120,121,122,127,128,129,139,140,141,142,143,148,149,150,151,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,216,223,224,225,226,227,228,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,489 +468 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,447,448,449,450,451,486 +469 - 57,58,59,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,147,148,149,150,151,152,161,162,163,164,165,166,171,172,173,174,182,183,184,185,186,187,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,229,236,237,238,239,240,246,247,248,249,250,258,259,260,261,267,268,269,270,271,279,280,281,282,288,289,290,291,292,300,301,302,303,304,309,310,311,312,313,321,322,323,324,325,331,332,333,334,335,342,343,344,345,346,353,354,355,356,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,485 +470 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,312,313,321,322,323,324,334,335,336,342,343,344,345,346,355,356,357,358,359,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +471 - 76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,148,149,150,151,152,159,160,161,162,163,165,166,171,172,173,174,180,181,182,183,184,193,194,195,196,201,202,203,204,205,215,216,217,218,223,224,225,226,237,238,239,240,244,245,246,247,259,260,261,265,266,267,268,269,280,281,282,283,287,288,289,290,301,302,303,304,305,309,310,311,312,321,322,323,324,325,326,331,332,333,334,342,343,344,345,346,347,353,354,355,356,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,444,445,446,447,485 +472 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,71,72,78,79,80,81,82,102,103,104,105,106,125,126,127,128,148,149,150,170,171,172,173,193,194,195,215,216,217,236,237,238,239,257,258,259,260,269,270,271,272,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,330,331,332,333,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,390,391,392,398,399,400,401,402,403,404,487 +473 - 14,15,35,36,37,38,56,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,183,184,185,186,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,256,257,258,259,269,270,271,272,273,274,279,280,281,290,291,292,293,294,295,300,301,302,303,312,313,314,315,316,322,323,324,325,334,335,336,337,338,343,344,345,346,355,356,357,358,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,491 +474 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,167,168,169,170,171,188,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,492 +475 - 14,15,16,17,36,37,38,39,57,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,279,280,281,282,291,292,293,294,295,296,301,302,303,304,312,313,314,315,316,317,318,323,324,325,326,334,335,336,337,340,344,345,346,347,356,357,358,359,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,491 +476 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,102,103,104,105,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,272,273,274,275,292,293,294,295,296,297,313,314,315,316,317,318,334,335,336,337,338,339,356,357,358,359,360,378,379,380,381,382,383,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,487 +477 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,160,161,162,163,170,171,172,191,192,193,194,213,214,215,234,235,236,237,245,246,247,248,255,256,257,258,266,267,268,269,270,271,272,273,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,375,376,377,378,379,380,381,382,383,399,400,401,487 +478 - 98,99,100,101,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,475,494 +479 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,148,149,150,151,152,160,161,162,163,164,165,172,173,174,181,182,183,184,185,194,195,196,202,203,204,205,206,215,216,217,218,223,224,225,226,227,237,238,239,240,244,245,246,247,248,258,259,260,261,266,267,268,269,279,280,281,282,283,287,288,289,290,300,301,302,303,304,309,310,311,312,321,322,323,324,325,326,331,332,333,334,341,342,343,344,345,346,347,353,354,355,356,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,485 +480 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,144,145,146,147,157,158,159,160,167,168,169,170,171,179,180,181,190,191,192,193,201,202,203,212,213,214,215,224,225,226,234,235,236,237,246,247,248,249,250,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,322,323,324,344,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,456,457,458,478,479,480,494 +481 - 16,17,18,37,38,39,40,41,58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,209,211,212,213,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,302,303,304,311,312,313,314,315,323,324,325,326,333,334,335,336,337,344,345,346,347,348,354,355,356,357,358,359,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,491 +482 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,298,299,300,301,302,315,316,317,321,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,365,366,367,368,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,493 +483 - 33,34,35,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,125,126,127,137,138,139,147,148,149,168,169,170,171,189,190,191,192,193,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,324,343,344,345,346,355,365,366,367,368,376,377,378,379,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,488 +484 - 12,13,14,15,33,34,35,36,37,55,56,57,58,59,76,77,78,80,81,98,99,100,102,103,119,120,121,141,142,143,163,164,184,185,186,206,207,208,228,229,230,250,251,252,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,316,317,318,319,322,323,324,337,338,339,340,344,345,346,359,360,361,362,363,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,428,429,430,431,432,491 +485 - 72,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +486 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,249,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,319,320,321,322,336,337,338,342,343,344,345,358,359,360,365,366,367,368,380,381,382,387,388,389,390,402,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +487 - 98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +488 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,147,148,149,150,151,152,159,160,161,162,163,171,172,173,174,175,181,182,183,184,194,195,196,197,202,203,204,205,218,219,224,225,226,227,240,241,245,246,247,248,262,263,267,268,269,270,284,285,289,290,291,292,305,306,307,311,312,313,314,327,328,329,333,334,335,336,347,348,349,350,351,355,356,357,358,369,370,371,372,377,378,379,380,389,390,391,392,393,394,399,400,401,402,403,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,485 +489 - 57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,183,184,185,186,188,189,190,191,203,204,205,206,207,208,210,211,212,213,225,226,227,228,229,232,233,234,235,246,247,248,249,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,473,474,475,489 +490 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,103,104,105,106,116,117,118,119,125,126,127,128,138,139,140,147,148,149,160,161,162,168,169,170,182,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,343,344,345,346,358,359,360,361,366,367,368,380,381,382,389,390,402,403,404,410,411,412,424,425,426,427,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +491 - 55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,160,161,162,163,164,167,168,169,170,181,182,183,184,185,189,190,191,192,202,203,204,205,206,211,212,213,214,223,224,225,226,227,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,317,318,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +492 - 52,53,54,55,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,231,232,233,234,235,236,254,255,256,257,258,259,277,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,347,354,364,365,366,367,368,375,376,377,385,386,387,388,389,390,397,398,399,400,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +493 - 53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,125,126,127,128,129,135,136,137,138,139,140,141,142,146,147,148,149,150,158,159,160,167,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,376,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +494 - 49,50,51,71,72,73,92,93,94,95,106,107,113,114,115,116,127,128,129,135,136,137,138,149,150,151,156,157,158,159,170,171,172,173,178,179,180,192,193,194,200,201,202,213,214,215,216,222,223,224,225,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,294,295,296,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,489 +495 - 96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,168,169,170,171,180,181,182,183,184,189,190,191,192,202,203,204,210,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,494 +496 - 94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,191,192,193,194,213,214,215,216,234,235,236,237,238,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +497 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,103,104,105,106,107,126,127,128,129,148,149,150,151,171,172,173,193,194,195,214,215,216,217,236,237,238,239,245,246,247,248,249,257,258,259,260,265,266,267,268,269,270,271,272,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,299,300,301,302,303,309,310,311,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,333,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,379,380,381,382,383,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,442,443,444,445,446,487 +498 - 103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,184,185,186,187,205,206,207,208,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,288,291,292,293,294,295,296,298,299,300,301,310,311,320,321,322,332,333,334,335,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,425,426,427,490 +499 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,125,126,127,137,138,139,140,146,147,148,159,160,161,162,167,168,169,181,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,296,297,298,299,300,314,315,316,319,320,321,322,323,335,336,337,343,344,345,346,357,358,359,366,367,368,379,380,381,388,389,390,402,403,404,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +500 - 78,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,427,428,429,449,450,451,471,472,486 +501 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,139,140,141,142,146,147,148,149,160,161,162,168,169,170,181,182,183,184,189,190,191,192,203,204,205,209,210,211,212,213,214,224,225,226,231,232,233,234,235,236,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,494 +502 - 26,27,28,29,30,31,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,92,93,97,98,99,100,101,114,121,122,123,124,144,145,146,166,167,168,169,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,453,454,455,456,487 +503 - 13,14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,123,138,139,140,141,142,143,144,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,258,259,260,261,262,267,268,269,270,271,272,281,282,283,284,289,290,291,292,293,294,302,303,304,305,311,312,313,314,315,324,325,326,327,333,334,335,336,337,345,346,347,348,349,355,356,357,358,359,360,361,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,491 +504 - 54,55,56,76,77,78,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,165,171,183,184,185,186,192,193,194,204,205,206,207,213,214,215,216,226,227,228,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,299,300,301,313,314,315,316,317,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +505 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,126,127,128,129,130,131,138,139,140,141,142,143,144,149,150,151,152,153,160,161,162,163,164,165,166,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,215,216,217,218,223,224,225,226,227,228,237,238,239,240,244,245,246,247,248,259,260,261,266,267,268,269,270,281,282,283,284,288,289,290,291,292,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,335,344,345,346,347,348,354,355,356,357,365,366,367,368,369,376,377,378,379,386,387,388,389,390,398,399,400,401,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +506 - 16,17,37,38,39,58,59,60,79,80,81,82,99,100,101,102,119,120,121,122,123,140,141,142,143,162,163,183,184,205,206,207,208,209,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,275,276,277,278,279,299,300,301,321,322,323,343,344,345,365,366,381,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,490 +507 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,168,169,170,171,172,180,181,182,183,190,191,192,193,202,203,204,211,212,213,214,215,223,224,225,226,232,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +508 - 33,34,35,55,56,57,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,296,297,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,449,450,486 +509 - 80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,149,150,161,162,163,164,165,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,231,232,233,234,235,236,248,249,255,256,257,258,259,279,280,281,300,301,302,303,311,312,313,314,315,321,322,323,324,332,333,334,335,336,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,490 +510 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,125,126,127,137,138,147,148,149,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,466,467,468,469,492 +511 - 51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,168,169,170,171,172,173,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,300,301,302,303,304,305,306,313,314,324,325,326,327,328,346,347,348,349,350,366,367,368,369,370,371,372,375,376,377,378,379,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,441,442,443,444,445,446,447,448,449,450,451,452,453,454,469,470,488 +512 - 8,9,30,31,51,52,53,73,74,95,96,117,118,139,140,161,162,183,184,205,206,211,212,213,227,228,232,233,234,235,236,249,250,252,253,254,255,256,257,258,271,272,273,274,275,276,279,280,294,295,296,297,301,302,316,317,318,319,322,323,338,339,340,341,344,345,361,362,363,365,366,383,384,385,386,387,388,406,407,408,409,491 +513 - 55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,127,128,129,130,131,135,136,137,138,147,148,149,150,151,152,156,157,158,159,167,168,169,170,171,172,173,174,178,179,180,181,188,189,190,191,192,193,194,201,202,203,204,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,321,322,323,324,325,326,327,333,334,335,336,345,346,347,348,349,355,356,357,366,367,368,369,370,376,377,378,379,386,387,388,389,390,391,398,399,400,401,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,493 +514 - 4,5,6,7,8,25,26,27,28,29,30,31,32,47,48,49,52,53,54,55,69,70,76,77,78,99,100,101,121,122,123,144,145,146,167,168,189,190,211,212,213,233,234,235,255,256,257,277,278,279,299,300,321,322,342,343,344,364,365,366,381,382,383,384,385,386,387,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,487 +515 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,125,126,127,128,129,130,135,136,137,138,139,146,147,148,149,150,151,152,153,157,158,159,160,167,168,169,170,171,172,173,174,178,179,180,181,188,189,190,191,192,193,194,195,200,201,202,203,211,212,213,214,215,216,223,224,225,226,233,234,235,236,237,245,246,247,248,249,250,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,368,369,381,382,383,387,388,389,390,391,402,403,404,405,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,493 +516 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,494 +517 - 77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,492 +518 - 27,28,29,30,49,50,51,52,53,54,71,72,73,74,75,76,77,95,96,97,98,99,100,119,120,121,122,123,142,143,144,145,146,165,166,167,168,188,189,190,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,277,294,295,296,297,298,299,318,319,320,321,322,342,343,344,345,365,366,367,368,387,388,389,390,391,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,488 +519 - 37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +520 - 46,47,48,49,50,51,52,53,54,55,56,57,58,59,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,123,124,125,126,127,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,188,205,206,207,208,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,274,276,277,278,279,280,281,282,283,303,304,305,306,324,325,326,327,346,347,348,349,365,366,367,368,369,370,371,386,387,388,389,390,391,400,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +521 - 80,81,82,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,189,190,191,192,202,203,204,205,206,207,208,211,212,213,214,223,224,225,226,227,228,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,489 +522 - 92,93,94,113,114,115,116,117,125,126,135,136,137,138,139,140,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,208,209,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,323,324,325,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +523 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,129,138,139,140,141,142,143,148,149,150,151,152,159,160,161,162,163,164,170,171,172,173,174,180,181,182,183,184,185,193,194,195,196,201,202,203,204,205,206,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,270,280,281,282,283,284,287,288,289,290,291,301,302,303,304,305,309,310,311,312,313,323,324,325,326,331,332,333,334,335,344,345,346,347,348,353,354,355,356,357,365,366,367,368,369,375,376,377,378,379,380,381,383,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +524 - 70,71,72,73,74,75,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,134,135,136,142,143,144,145,155,156,157,164,165,166,167,177,178,179,186,187,188,189,190,199,200,201,209,210,211,212,213,222,223,224,232,233,234,235,244,245,246,247,255,256,257,258,267,268,269,270,277,278,279,280,291,292,293,294,300,301,302,314,315,316,322,323,324,344,345,346,347,367,368,369,389,390,391,392,412,413,414,434,435,436,437,456,457,458,459,478,479,480,481,494 +525 - 60,61,81,82,83,103,104,105,120,121,122,125,126,127,141,142,143,144,146,147,148,149,161,162,163,164,165,168,169,170,182,183,184,185,186,189,190,191,192,203,204,205,206,207,211,212,213,214,224,225,226,227,228,233,234,235,236,238,245,246,247,248,249,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +526 - 11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,81,82,102,103,104,124,125,126,146,147,148,167,168,169,189,190,191,210,211,212,231,232,233,252,253,254,255,273,274,275,276,293,294,295,296,314,315,316,317,335,336,337,338,339,355,356,357,358,359,360,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,419,420,421,427,428,429,430,431,432,433,434,435,436,487 +527 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,102,103,104,105,117,118,123,124,125,126,145,146,147,148,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,256,257,258,259,260,279,280,281,282,301,302,303,304,323,324,325,326,334,335,344,345,346,347,355,356,357,358,364,365,366,367,368,369,377,378,379,380,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +528 - 8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,54,55,56,57,58,71,72,77,78,79,80,100,101,102,122,123,124,125,144,145,146,147,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,275,276,277,296,297,298,299,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,381,382,383,384,389,390,391,392,393,394,395,399,400,401,402,403,404,421,422,423,424,425,487 +529 - 77,78,79,80,81,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,147,148,149,158,159,160,161,162,163,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,226,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,494 +530 - 54,55,56,57,58,75,76,77,78,79,80,81,82,95,96,97,98,101,102,103,104,105,117,118,119,121,122,123,124,125,126,127,128,139,140,143,144,145,146,149,150,151,160,161,162,165,171,172,173,181,182,183,193,194,195,203,204,205,215,216,217,224,225,226,237,238,246,247,248,258,259,260,268,269,280,281,282,290,291,301,302,303,312,313,323,324,325,334,335,344,345,346,355,356,357,366,367,378,379,387,388,389,400,401,402,408,409,410,422,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +531 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,148,149,150,151,152,161,162,163,164,165,171,172,173,174,183,184,185,186,187,193,194,195,196,204,205,206,207,208,215,216,217,218,226,227,228,229,237,238,239,240,247,248,249,250,258,259,260,261,269,270,271,272,280,281,282,283,290,291,292,293,301,302,303,304,312,313,314,315,322,323,324,325,326,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +532 - 11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,226,227,228,232,233,234,235,236,247,248,249,250,254,255,256,257,258,259,269,270,271,272,278,279,280,281,282,291,292,293,294,302,303,304,305,313,314,315,316,325,326,327,335,336,337,338,346,347,348,349,358,359,360,361,362,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,491 +533 - 81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +534 - 14,15,16,17,35,36,37,38,39,40,55,56,57,58,59,60,61,76,77,78,79,80,81,82,95,96,97,98,99,100,101,116,117,118,119,120,121,122,137,138,139,140,141,142,158,159,160,161,162,163,180,181,182,183,184,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,300,301,302,303,304,305,306,312,313,314,315,316,324,325,326,327,328,334,335,336,337,338,339,345,346,347,348,349,350,357,358,359,360,361,362,363,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +535 - 56,57,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,149,150,151,163,170,171,172,173,192,193,194,195,213,214,215,216,227,228,229,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,317,318,319,320,321,322,323,324,325,331,332,333,334,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,390,391,392,393,394,398,399,400,401,402,403,413,414,415,487 +536 - 56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,117,118,119,120,121,138,139,140,160,161,162,163,182,183,184,185,186,187,205,206,207,208,209,210,211,230,231,232,233,254,255,256,277,278,279,299,300,301,320,321,322,323,342,343,344,345,358,359,363,364,365,366,367,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,469,470,471,490 +537 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +538 - 61,62,63,64,65,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,117,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,320,321,322,323,336,337,342,343,344,345,364,365,366,379,385,386,387,388,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,490 +539 - 75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,147,148,149,150,158,159,160,161,168,169,170,171,172,179,180,181,182,190,191,192,193,194,200,201,202,203,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,244,245,246,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,494 +540 - 9,10,31,32,52,53,74,75,96,97,118,119,139,140,141,161,162,183,184,205,206,212,213,227,228,232,233,234,235,236,249,250,253,254,255,256,257,258,271,272,275,276,277,279,280,293,294,296,297,298,301,302,315,316,317,318,319,322,323,324,337,338,339,340,341,344,345,360,361,362,363,364,365,366,367,383,384,385,386,387,388,406,407,408,491 +541 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +542 - 56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,192,193,194,204,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,256,257,258,259,268,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,303,312,313,314,315,320,321,322,323,324,333,334,335,336,337,341,342,343,344,345,355,356,357,358,362,363,364,365,366,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,485 +543 - 81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,255,256,257,258,259,269,279,280,281,300,301,302,303,322,323,324,325,333,334,344,345,346,347,354,355,356,364,365,366,367,368,369,376,377,378,379,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,490 +544 - 74,75,95,96,97,98,99,100,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,167,168,169,170,171,182,183,184,190,191,192,193,204,205,206,214,215,216,225,226,227,236,237,238,246,247,248,258,259,260,267,268,269,270,280,281,289,290,291,292,301,302,303,312,313,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,362,363,364,365,366,367,368,387,388,389,408,409,410,411,430,431,432,451,452,453,454,473,474,475,492 +545 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,486 +546 - 96,97,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,182,183,184,203,204,205,206,225,226,227,228,229,230,231,248,249,250,251,252,253,254,272,273,274,275,276,277,297,298,299,319,320,321,322,333,334,341,342,343,344,355,356,362,363,364,365,377,378,383,384,385,386,387,399,400,401,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,468,469,490 +547 - 97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,492 +548 - 143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,212,213,214,233,234,235,255,256,257,277,278,298,299,300,320,321,342,343,364,365,386,387,407,408,429,430,451,452,473,474,492 +549 - 79,81,82,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,184,185,186,187,189,190,191,192,205,206,207,208,211,212,213,226,227,228,229,230,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,489 +550 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,96,97,98,99,117,118,119,120,139,140,141,160,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,206,209,210,211,212,213,214,215,216,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +551 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,147,148,149,150,158,159,160,161,167,168,169,170,171,172,180,181,182,183,188,189,190,191,192,193,194,202,203,204,205,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,358,359,360,364,365,366,367,368,380,381,382,387,388,389,390,391,402,403,404,405,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,493 +552 - 10,11,12,13,14,32,33,34,53,54,55,75,76,77,96,97,98,99,118,119,120,121,139,140,141,142,161,162,163,169,182,183,184,185,189,190,191,192,204,205,206,209,210,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,237,247,248,249,252,253,254,256,257,258,259,268,269,270,271,273,274,275,276,278,279,280,281,290,291,292,295,296,297,300,301,302,303,312,313,314,317,318,319,322,323,324,325,334,335,336,339,340,341,344,345,346,356,357,358,359,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +553 - 17,18,19,38,39,40,41,59,60,61,62,80,81,82,83,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,300,301,302,312,313,314,315,316,322,323,324,334,335,336,337,338,343,344,345,346,357,358,359,360,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +554 - 31,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,248,249,250,251,252,253,254,269,270,271,272,273,274,275,291,292,293,294,295,296,312,313,314,315,316,325,326,327,328,329,333,334,335,336,337,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,446,447,487 +555 - 80,81,82,83,101,102,103,104,105,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +556 - 30,31,32,52,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,486 +557 - 15,16,17,36,37,38,39,57,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,301,302,303,304,313,314,315,316,323,324,325,335,336,337,344,345,346,347,357,358,359,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +558 - 52,53,54,73,74,75,76,77,94,95,96,97,98,99,104,116,117,118,119,120,125,126,127,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,211,212,213,214,215,225,226,227,228,229,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +559 - 72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,146,147,148,149,150,158,159,160,161,166,167,168,169,170,171,172,181,182,183,184,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,358,359,360,364,365,366,367,380,381,382,386,387,388,389,402,403,404,409,410,411,412,424,425,426,430,431,432,433,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,493 +560 - 72,73,82,83,93,94,95,96,103,104,105,115,116,117,118,125,126,127,128,137,138,139,140,146,147,148,149,150,159,160,161,162,168,169,170,171,172,181,182,183,189,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,237,247,248,249,254,255,256,257,258,269,270,271,272,276,277,278,279,280,292,293,294,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,360,361,362,363,364,365,366,383,384,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +561 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,126,127,128,129,137,138,139,140,148,149,150,151,159,160,161,162,163,168,169,170,171,172,182,183,184,185,186,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,343,344,345,358,359,360,361,364,365,366,367,380,381,382,383,386,387,388,389,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +562 - 78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,427,428,449,450,471,472,486 +563 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,149,150,151,162,163,164,165,166,167,172,173,174,183,184,185,186,187,194,195,196,204,205,206,207,208,215,216,217,218,225,226,227,228,229,230,237,238,239,240,246,247,248,249,250,251,259,260,261,267,268,269,270,271,272,273,280,281,282,283,288,289,290,291,292,294,295,296,301,302,303,304,310,311,312,313,314,317,318,322,323,324,325,331,332,333,334,335,342,343,344,345,346,353,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +564 - 32,33,34,53,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,161,162,163,164,169,170,171,182,183,184,185,186,191,192,193,194,204,205,206,207,214,215,216,226,227,228,229,236,237,238,248,249,250,251,258,259,260,269,270,271,272,273,280,281,282,291,292,293,294,295,301,302,303,304,313,314,315,316,317,322,323,324,325,326,335,336,337,338,339,344,345,346,347,348,358,359,360,361,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +565 - 36,37,38,39,57,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,447,448,449,486 +566 - 35,36,37,38,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,136,137,138,158,159,160,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,232,233,234,235,236,237,246,247,248,256,257,258,259,260,279,280,281,282,283,302,303,304,305,325,326,327,335,347,348,349,350,356,357,367,368,369,370,371,377,378,379,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,490 +567 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,103,104,105,106,118,119,120,121,122,125,126,127,141,142,146,147,148,149,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,389,390,391,392,393,398,399,400,401,487 +568 - 36,37,38,57,58,59,60,80,81,82,101,102,103,123,124,125,144,145,146,165,166,167,187,188,189,208,209,210,230,231,232,251,252,253,273,274,275,294,295,296,316,317,318,337,338,339,340,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,486 +569 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,126,137,138,139,140,145,146,147,161,166,167,168,169,187,188,189,190,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,258,259,260,272,273,280,281,282,302,303,304,323,324,325,326,345,346,347,348,355,356,357,366,367,368,369,370,371,377,378,379,380,381,382,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,488 +570 - 38,39,40,41,59,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,124,125,127,128,129,146,147,149,150,170,171,172,191,192,193,194,213,214,215,227,228,229,230,231,232,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,296,297,298,299,300,310,311,312,317,318,319,320,321,322,331,332,333,338,339,340,341,342,343,344,345,352,353,354,357,358,359,360,361,362,364,365,366,367,374,375,376,377,378,379,380,381,382,387,388,389,396,397,398,399,400,401,402,409,410,411,418,419,420,421,422,432,433,440,441,487 +571 - 83,84,85,96,97,98,105,106,107,118,119,120,121,126,127,128,129,139,140,141,142,147,148,149,150,161,162,163,164,169,170,171,181,182,183,184,185,190,191,192,193,202,203,204,205,206,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,303,304,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,426,427,428,448,449,450,489 +572 - 58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,159,160,161,162,163,165,166,167,181,182,183,186,187,188,189,203,204,205,208,209,210,226,227,228,229,230,231,232,249,250,251,252,253,254,272,273,274,275,276,277,295,296,297,298,299,300,301,316,317,318,319,322,323,324,338,339,340,345,346,360,361,362,367,368,382,383,384,389,390,404,405,406,410,411,412,426,427,428,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,493 +573 - 127,128,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,254,255,256,257,268,269,270,276,277,278,279,291,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,446,447,448,468,469,470,492 +574 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,115,116,117,120,121,122,123,124,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,411,412,413,414,415,434,435,436,437,456,457,458,459,487 +575 - 55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,169,170,171,182,183,184,185,190,191,192,193,205,206,207,208,211,212,213,214,227,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,363,364,365,366,379,380,381,382,385,386,387,401,402,403,407,408,409,423,424,425,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +576 - 93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,144,145,146,156,157,158,166,167,168,178,179,180,188,189,190,191,200,201,202,210,211,212,213,222,223,224,231,232,233,234,235,245,246,253,254,255,256,257,267,268,269,270,272,273,274,275,276,278,279,290,291,292,293,294,295,296,297,300,301,314,315,316,322,323,324,344,345,346,366,367,368,389,390,411,412,433,434,435,455,456,457,477,478,479,494 +577 - 98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,168,169,170,171,181,182,183,184,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,494 +578 - 36,37,38,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,138,139,140,141,160,161,162,181,182,183,184,203,204,205,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,279,280,281,282,292,293,302,303,304,324,325,326,336,345,346,347,348,357,358,359,365,366,367,368,369,370,379,380,381,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +579 - 81,82,83,84,85,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,151,152,153,162,163,164,165,166,167,173,174,175,182,183,184,185,186,187,195,196,197,204,205,206,207,208,216,217,218,225,226,227,228,238,239,240,246,247,248,249,250,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,293,294,300,301,302,303,304,310,311,312,313,314,315,316,321,322,323,324,325,332,333,334,337,341,342,343,344,345,346,354,355,356,362,363,364,365,366,367,376,377,378,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,444,445,446,447,485 +580 - 79,80,81,101,102,103,104,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,361,362,382,383,384,404,405,406,426,427,428,448,449,450,470,471,486 +581 - 58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,336,337,338,339,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,467,468,486 +582 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,79,80,81,94,95,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,252,253,255,256,257,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,335,336,337,338,339,342,343,344,345,357,358,359,360,363,364,365,366,367,378,379,380,384,385,386,388,389,390,400,401,402,405,406,407,411,412,422,423,424,425,426,427,428,434,435,444,445,446,447,448,449,487 +583 - 58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,126,127,128,141,142,143,144,147,148,149,163,164,165,169,170,171,190,191,192,211,212,213,232,233,234,235,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,319,320,327,328,329,332,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,363,364,365,366,367,368,369,370,371,372,376,377,378,379,386,387,388,389,390,391,487 +584 - 54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,137,138,139,140,159,160,161,162,168,169,182,183,184,185,189,190,191,192,206,207,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,364,365,378,379,380,381,382,386,387,388,400,401,402,403,408,409,410,422,423,424,425,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,493 +585 - 12,13,14,15,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,123,124,125,126,137,138,139,140,144,145,146,147,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,277,278,279,280,281,282,302,303,304,324,325,326,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,488 +586 - 52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,140,141,142,161,162,163,164,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,255,256,257,258,269,270,277,278,279,280,300,301,302,311,322,323,324,325,333,334,344,345,346,347,355,356,366,367,368,369,377,378,379,387,388,389,390,399,400,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +587 - 41,42,43,62,63,64,65,84,85,86,87,105,106,107,108,116,117,118,126,127,128,129,138,139,140,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,184,191,192,193,201,202,203,204,212,213,214,222,223,224,225,226,233,234,235,236,244,245,246,247,248,249,254,255,256,257,266,267,268,269,270,271,272,275,276,277,278,288,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,360,361,362,363,364,381,382,383,384,385,403,404,405,424,425,426,427,447,448,489 +588 - 78,79,80,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,302,313,314,315,316,317,318,321,322,323,324,336,337,338,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +589 - 107,108,109,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,256,257,278,279,299,300,301,320,321,322,323,333,334,335,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,490 +590 - 121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,193,194,195,198,199,200,201,202,203,204,205,206,215,216,217,220,221,222,223,224,225,226,236,237,238,239,242,243,244,245,246,258,259,260,279,280,281,300,301,302,303,321,322,323,324,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,448,449,450,470,471,472,492 +591 - 12,13,14,15,33,34,35,36,54,55,56,57,58,75,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,182,183,184,185,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,217,218,225,226,227,230,231,232,233,234,235,236,237,238,239,240,246,247,248,251,252,253,254,255,256,257,259,260,261,262,267,268,269,270,271,272,273,274,275,276,280,281,282,283,284,289,290,291,292,293,294,295,296,297,301,302,303,304,305,311,312,313,314,315,316,317,321,322,323,324,325,326,333,334,335,336,337,338,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,491 +592 - 53,54,55,56,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,184,185,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,338,339,340,341,343,344,345,346,360,361,362,363,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +593 - 107,108,109,119,120,121,122,123,124,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,212,213,214,215,216,222,223,224,225,226,227,233,234,235,236,237,244,245,246,247,248,254,255,256,257,258,259,267,268,269,276,277,278,279,280,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,492 +594 - 73,74,75,82,83,84,95,96,97,104,105,106,116,117,118,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,180,181,182,190,191,192,193,201,202,203,204,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,451,452,453,454,473,474,475,489 +595 - 76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,149,150,151,159,160,161,162,171,172,173,174,181,182,183,192,193,194,195,203,204,205,212,213,214,215,216,225,226,227,228,233,234,235,236,237,248,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,378,379,380,381,384,385,386,400,401,402,403,406,407,421,422,423,424,427,428,429,444,445,446,449,450,451,466,467,468,469,470,471,472,493 +596 - 51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,125,126,127,138,139,140,141,146,147,148,149,161,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,276,278,279,280,295,296,297,300,301,302,316,317,318,322,323,324,325,338,339,340,344,345,346,347,359,360,361,362,366,367,368,369,381,382,383,387,388,389,390,403,404,405,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,493 +597 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,147,148,161,162,163,164,168,169,170,183,184,185,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,252,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,427,428,429,448,449,450,469,470,471,494 +598 - 53,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,119,120,140,141,142,161,162,163,164,165,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,232,233,234,255,256,257,278,279,300,301,302,322,323,324,344,345,346,365,366,367,386,387,388,389,397,407,408,409,410,419,420,421,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,490 +599 - 59,60,61,62,63,64,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,170,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,206,207,215,216,217,224,225,226,227,228,229,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,280,281,282,283,288,289,290,291,292,301,302,303,304,305,310,311,312,313,314,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,357,364,365,366,367,368,369,376,377,378,379,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +600 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,81,82,94,95,96,97,115,116,117,118,137,138,139,158,159,160,161,180,181,182,202,203,204,224,225,226,246,247,248,250,251,252,253,254,255,256,268,269,270,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,323,324,325,326,335,336,337,338,339,347,348,349,358,359,360,361,362,363,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,430,431,432,433,434,435,491 +601 - 57,58,59,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,470,486 +602 - 31,32,52,53,54,55,74,75,76,77,97,98,99,119,120,121,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +603 - 34,35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,104,105,106,119,120,121,122,125,126,127,142,143,144,146,147,148,149,168,169,170,171,189,190,191,192,211,212,213,232,233,234,253,254,255,274,275,276,277,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,326,327,328,333,334,335,336,337,338,339,340,341,342,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,384,385,386,387,388,389,390,397,398,399,400,401,402,407,419,420,421,422,423,441,442,443,444,487 +604 - 30,31,32,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,123,124,125,126,127,128,137,138,139,141,142,143,147,148,149,150,151,158,159,160,161,164,165,166,170,171,172,173,180,181,182,193,194,195,202,203,204,215,216,217,218,223,224,225,237,238,239,240,245,246,247,259,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,328,333,334,335,347,348,349,355,356,357,358,359,368,369,370,371,377,378,379,380,381,382,383,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +605 - 33,34,35,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,124,125,126,127,139,140,146,147,148,149,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,280,281,292,293,302,303,304,323,324,325,326,345,346,347,354,355,356,357,359,360,361,362,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +606 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,161,162,163,165,166,167,168,169,170,171,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,299,300,301,302,303,315,316,317,322,323,324,325,344,345,346,347,365,366,367,368,369,377,378,379,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +607 - 63,64,65,84,85,86,87,97,98,99,106,107,108,118,119,120,121,127,128,129,138,139,140,141,142,148,149,150,151,159,160,161,162,163,169,170,171,172,180,181,182,183,184,191,192,193,201,202,203,204,205,212,213,214,215,222,223,224,225,226,227,228,229,233,234,235,236,244,245,246,247,248,249,250,251,252,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,318,319,320,321,322,323,324,340,341,342,343,344,345,346,361,362,363,364,383,384,385,386,405,406,407,426,427,428,447,448,449,450,470,471,472,489 +608 - 72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,145,146,147,148,156,157,158,165,166,167,168,169,170,179,185,186,187,188,189,190,191,205,206,207,208,209,210,211,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,322,323,324,325,344,345,346,347,365,366,367,368,385,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +609 - 105,106,107,118,119,120,121,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,224,225,226,227,228,233,234,235,236,237,246,247,248,254,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,492 +610 - 51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,138,139,140,160,161,162,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,231,232,233,234,235,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,400,401,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +611 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,125,126,127,128,139,140,141,146,147,148,149,150,161,162,163,168,169,170,171,183,184,185,190,191,192,193,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,362,363,379,380,381,384,385,386,401,402,403,406,407,408,423,424,425,426,428,429,430,446,447,448,449,450,451,452,470,471,472,473,474,493 +612 - 73,74,75,83,84,94,95,96,97,98,104,105,106,107,115,116,117,118,119,120,125,126,127,128,136,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,163,168,169,170,171,180,181,182,183,184,185,189,190,191,192,193,203,204,205,206,207,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,489 +613 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,158,159,160,161,162,169,170,171,180,181,182,189,190,191,192,193,202,203,204,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,277,278,279,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,449,450,451,470,471,472,473,494 +614 - 97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,146,160,161,162,163,167,168,182,183,184,190,191,204,205,211,212,213,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,300,301,322,323,344,345,366,367,387,388,409,410,431,432,453,454,475,476,494 +615 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +616 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,142,144,145,146,147,148,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,388,389,390,402,403,404,405,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,487 +617 - 13,14,15,35,36,37,56,57,58,59,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,233,234,235,236,248,249,250,251,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,301,302,303,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,342,343,344,345,346,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,402,403,404,405,424,425,426,427,491 +618 - 49,50,51,70,71,72,73,92,93,94,101,102,114,115,123,124,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,214,225,226,227,233,234,235,236,247,248,249,250,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,344,345,346,366,367,368,388,389,390,411,412,413,433,434,435,455,456,457,477,478,479,489 +619 - 55,56,57,58,59,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,125,126,127,138,139,140,147,148,149,160,161,162,169,170,171,182,183,184,190,191,192,204,205,206,211,212,213,226,227,228,229,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,341,342,343,358,359,360,364,365,366,379,380,381,386,387,388,402,403,404,409,410,424,425,426,427,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,475,493 +620 - 27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,122,123,124,125,133,134,135,144,145,146,147,148,155,156,167,168,169,170,177,190,191,192,212,213,214,234,235,236,237,256,257,258,259,271,272,273,278,279,280,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,411,412,413,414,415,416,424,425,426,427,428,429,434,435,436,437,438,458,459,487 +621 - 99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,146,147,148,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,494 +622 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,116,117,118,139,140,161,162,183,184,185,205,206,207,211,212,213,214,215,228,229,231,232,233,234,235,236,237,250,251,252,253,254,255,258,259,273,274,275,279,280,281,296,301,302,303,323,324,344,345,346,366,367,388,389,409,410,411,426,427,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,490 +623 - 97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,145,146,147,148,149,158,159,160,161,169,170,171,172,179,180,181,182,190,191,192,193,201,202,203,211,212,213,214,215,223,224,225,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,298,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,494 +624 - 35,36,56,57,58,78,79,80,100,101,102,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +625 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,106,107,108,119,120,121,122,123,128,129,130,140,141,142,143,144,151,152,161,162,163,164,166,173,174,182,183,184,185,194,195,196,204,205,206,216,217,218,225,226,227,228,238,239,240,246,247,248,249,260,261,268,269,270,271,281,282,283,289,290,291,292,302,303,304,305,311,312,313,323,324,325,326,333,334,335,344,345,346,347,354,355,356,357,365,366,367,368,369,377,378,379,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +626 - 42,63,64,84,85,86,93,106,107,108,114,115,116,128,129,130,136,137,138,150,151,152,157,158,159,160,172,173,174,179,180,181,182,193,194,195,201,202,203,215,216,217,222,223,224,225,236,237,238,239,244,245,246,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,323,324,325,326,345,346,347,367,368,369,370,389,390,391,392,412,413,489 +627 - 37,38,39,58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +628 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,100,101,102,114,115,116,117,123,124,137,138,139,144,145,160,161,162,166,167,183,184,185,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,316,317,319,320,321,338,339,340,341,342,343,344,360,361,362,364,365,366,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,455,473,474,475,476,477,493 +629 - 35,36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,82,83,84,98,99,100,101,104,105,106,120,121,122,125,126,127,128,147,148,149,168,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,257,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,344,345,346,355,356,357,358,359,360,361,362,366,367,368,376,377,378,379,380,381,382,388,389,390,397,398,399,400,401,402,403,411,412,419,420,421,422,423,432,433,434,441,442,443,444,487 +630 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,95,96,97,98,99,117,118,119,120,121,138,139,140,141,142,160,161,162,163,164,181,182,183,184,185,203,204,205,206,207,212,214,225,226,227,228,229,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,302,303,304,305,306,313,314,315,316,317,324,325,326,327,328,335,336,337,338,339,346,347,348,349,350,357,358,359,360,361,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,491 +631 - 59,60,80,81,82,102,103,104,123,124,125,141,142,143,145,146,147,163,164,165,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,322,323,324,325,339,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,448,449,450,469,470,471,489 +632 - 94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,146,147,148,149,150,155,156,157,158,159,160,161,169,170,171,172,177,178,179,180,181,182,183,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,303,314,315,316,317,318,323,324,325,326,327,335,336,337,338,347,348,349,357,358,359,360,370,371,372,379,380,381,382,392,393,394,402,403,404,405,413,414,415,416,425,426,427,428,429,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,493 +633 - 75,76,77,83,84,85,86,97,98,99,104,105,106,107,118,119,120,121,126,127,128,129,139,140,141,142,147,148,149,150,161,162,163,164,169,170,171,182,183,184,185,190,191,192,203,204,205,206,207,212,213,214,224,225,226,227,228,229,230,233,234,235,246,247,248,249,250,251,252,253,255,256,257,267,268,269,270,271,273,274,275,276,277,278,289,290,291,295,296,297,298,299,300,312,318,319,320,321,322,340,341,342,343,344,345,346,347,361,362,363,364,368,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,472,489 +634 - 78,79,80,81,93,94,100,101,102,103,114,115,116,117,122,123,124,125,136,137,138,139,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,183,188,189,190,202,203,204,205,209,210,211,212,213,224,225,226,227,231,232,233,234,235,246,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +635 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,116,117,118,119,120,124,125,126,139,140,145,146,147,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,257,258,279,280,281,302,303,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,488 +636 - 57,58,71,72,79,80,81,93,94,101,102,103,115,116,123,124,125,137,138,145,146,159,160,167,168,180,181,182,189,190,202,203,204,211,212,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,275,276,277,278,298,299,300,321,322,323,343,344,345,365,366,367,387,388,409,410,431,432,452,453,454,475,476,489 +637 - 98,99,105,106,107,119,120,121,122,127,128,129,140,141,142,143,144,145,146,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,188,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,225,226,227,228,233,234,235,236,247,248,249,254,255,256,257,276,277,278,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,467,468,469,470,492 +638 - 35,36,57,58,78,79,80,100,101,102,122,123,124,144,145,165,166,167,187,188,189,209,210,211,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +639 - 55,56,57,62,63,64,76,77,78,79,83,84,85,86,87,97,98,99,100,105,106,107,108,118,119,120,121,127,128,129,139,140,141,142,143,148,149,150,160,161,162,163,169,170,171,172,180,181,182,183,184,190,191,192,193,201,202,203,204,205,206,212,213,214,215,222,223,224,225,226,227,228,233,234,235,236,244,245,246,247,248,249,250,254,255,256,257,266,270,271,272,273,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,324,338,339,340,341,342,343,344,345,346,361,362,363,364,365,366,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,489 +640 - 98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,168,169,170,190,191,211,212,213,233,234,235,255,256,257,277,278,298,299,300,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,475,492 +641 - 61,62,63,82,83,84,103,104,105,106,119,120,125,126,127,140,141,142,146,147,148,149,161,162,163,164,168,169,170,183,184,185,186,189,190,191,204,205,206,207,208,210,211,212,213,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,257,268,269,270,273,274,275,276,277,278,279,295,296,297,298,299,300,301,317,318,319,320,338,339,340,341,360,361,362,381,382,383,402,403,404,405,424,425,426,445,446,447,448,467,468,469,470,489 +642 - 35,56,57,58,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,145,146,147,161,162,163,164,167,168,169,182,183,184,185,189,190,191,203,204,205,206,211,212,213,224,225,226,227,233,234,235,245,246,247,248,255,256,257,258,259,260,261,262,263,266,267,268,269,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,489 +643 - 64,65,85,86,87,107,108,109,118,119,128,129,130,139,140,141,142,150,151,152,161,162,163,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,223,224,225,226,227,235,236,237,238,244,245,246,247,248,249,250,251,256,257,258,259,266,267,268,269,270,271,272,273,274,278,279,280,288,289,290,293,294,295,296,297,299,300,301,317,318,319,320,321,322,323,339,340,341,342,343,344,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,427,428,429,449,450,451,472,489 +644 - 48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,118,119,120,121,139,140,141,142,160,161,162,163,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,257,258,259,260,281,282,283,304,305,306,327,328,329,349,350,351,371,372,373,393,394,395,414,415,416,425,426,427,428,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,488 +645 - 60,61,62,63,64,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,129,130,131,141,142,143,144,145,146,151,152,153,162,163,164,165,166,172,173,174,175,183,184,185,186,194,195,196,204,205,206,207,208,215,216,217,218,225,226,227,228,236,237,238,239,246,247,248,249,257,258,259,260,261,267,268,269,270,279,280,281,282,288,289,290,291,292,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,340,341,342,343,344,345,354,355,356,357,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,485 +646 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,140,141,142,147,148,149,150,161,162,171,172,182,183,184,191,192,203,204,205,212,213,214,225,226,233,234,235,236,246,247,248,253,254,255,256,257,268,269,270,271,272,273,274,275,276,278,279,291,292,293,294,295,296,299,300,314,315,320,321,322,342,343,363,364,365,385,386,406,407,408,428,429,449,450,451,471,472,494 +647 - 10,11,12,13,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,123,124,125,126,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,279,280,281,282,303,304,324,325,326,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,488 +648 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,143,144,145,146,147,148,167,168,169,170,189,190,191,210,211,212,232,233,234,253,254,255,275,276,277,296,297,298,318,319,320,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,492 +649 - 73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,142,143,144,145,146,147,148,149,150,159,160,161,170,171,172,181,182,183,184,192,193,194,204,205,206,213,214,215,216,226,227,228,229,234,235,236,237,249,250,251,252,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,379,380,381,382,386,387,388,401,402,403,408,409,410,423,424,425,430,431,432,445,446,447,448,451,452,453,468,469,470,471,472,473,474,475,493 +650 - 8,9,10,11,30,31,32,51,52,53,54,73,74,75,76,95,96,97,116,117,118,119,138,139,140,141,160,161,162,163,183,184,185,189,190,191,192,204,205,206,207,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,258,259,260,271,272,273,274,275,280,281,282,293,294,295,296,297,302,303,304,315,316,317,318,319,324,325,326,337,338,339,340,341,342,346,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,413,491 +651 - 118,119,120,121,128,129,130,138,139,140,141,142,143,144,145,146,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,187,188,189,190,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,223,224,225,226,234,235,236,237,244,245,246,247,255,256,257,258,267,268,269,275,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,492 +652 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,227,228,229,230,231,249,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,321,322,323,324,342,343,344,345,346,358,359,364,365,366,367,368,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +653 - 129,130,131,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,205,206,207,208,209,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,297,298,299,320,321,341,342,343,355,356,357,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,490 +654 - 17,18,19,20,38,39,40,41,42,59,60,61,62,80,81,82,83,100,101,102,103,121,122,123,124,143,144,145,164,165,166,185,186,187,206,207,208,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,299,300,301,313,314,315,316,321,322,323,335,336,337,340,341,342,343,357,358,361,362,363,364,379,380,382,383,384,385,401,402,403,404,405,423,424,425,426,491 +655 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,147,148,149,150,159,160,161,162,169,170,171,181,182,183,190,191,192,203,204,205,211,212,213,226,227,228,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,343,361,362,363,365,383,384,385,387,388,404,405,406,408,409,410,426,427,428,431,432,448,449,450,451,452,453,471,472,473,474,475,493 +656 - 58,59,72,73,74,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,138,139,140,160,161,182,183,188,189,190,191,192,204,205,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,258,259,271,272,273,280,281,293,294,302,303,324,325,345,346,347,359,360,367,368,369,380,381,382,388,389,390,402,403,404,410,411,412,424,425,426,427,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +657 - 13,14,15,16,17,18,33,34,35,36,37,38,39,40,53,54,55,56,57,58,60,61,62,63,75,76,77,78,79,83,84,85,97,98,99,104,105,106,126,127,128,142,147,148,149,167,168,169,170,171,188,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,252,253,254,255,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,310,311,312,313,314,315,316,317,318,319,320,331,332,333,334,336,337,338,339,340,341,342,343,353,354,355,357,358,359,360,362,363,364,365,368,369,374,375,376,377,378,379,380,385,386,387,388,389,390,391,396,397,398,399,400,401,408,409,410,411,412,418,419,420,421,422,430,431,432,433,434,487 +658 - 76,77,78,79,97,98,99,100,101,102,118,119,120,122,123,124,125,126,139,140,141,143,144,145,146,147,148,161,162,165,166,167,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,225,226,227,232,233,234,247,248,253,254,255,256,268,269,270,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,337,340,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +659 - 56,57,58,77,78,79,80,98,99,100,101,102,121,122,123,124,143,144,145,146,161,165,166,167,168,186,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,447,448,449,469,470,471,486 +660 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,146,147,160,161,162,163,168,169,170,182,183,184,190,191,192,203,204,205,211,212,213,225,226,233,234,235,247,248,254,255,256,269,270,275,276,277,278,291,292,293,295,296,297,298,299,300,314,315,316,317,318,319,321,322,336,337,338,339,342,343,344,364,365,366,386,387,408,409,430,431,452,453,474,475,494 +661 - 108,109,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,172,173,174,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,231,232,233,234,253,254,255,256,276,277,278,298,299,320,321,332,333,334,335,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,423,424,490 +662 - 33,34,55,56,77,78,99,100,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +663 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,123,124,125,136,137,138,145,146,147,158,159,160,161,162,167,168,169,181,182,183,184,185,186,189,190,205,206,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,321,322,323,338,339,340,344,345,346,359,360,361,367,368,381,382,383,389,390,404,405,411,412,426,427,428,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +664 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,122,123,124,125,126,127,128,129,135,136,137,138,139,147,148,149,150,151,157,158,159,160,170,171,172,173,178,179,180,181,182,192,193,194,195,199,200,201,202,203,214,215,216,217,218,221,222,223,224,225,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,266,267,268,269,280,281,282,283,284,287,288,289,290,291,302,303,304,305,306,310,311,312,313,324,325,326,327,332,333,334,335,336,346,347,348,349,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +665 - 61,62,63,64,65,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,119,120,121,122,123,124,140,141,142,143,145,161,162,163,164,165,166,167,183,184,185,186,187,188,189,191,205,206,207,212,213,214,216,234,235,236,238,257,258,278,279,280,289,290,291,300,301,302,311,312,313,314,315,321,322,323,333,334,335,336,337,338,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,490 +666 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,94,95,96,97,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,233,251,252,253,254,255,256,257,276,277,278,279,280,291,292,300,301,302,303,312,313,314,323,324,325,326,334,335,336,347,348,356,357,358,369,370,371,378,379,380,381,382,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,488 +667 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,358,359,360,361,380,381,382,383,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +668 - 47,48,49,50,51,52,53,54,55,66,67,68,69,70,71,72,73,74,75,76,77,78,88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,121,122,123,133,134,135,143,144,145,165,166,167,168,186,187,188,189,208,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,301,302,321,322,323,324,325,344,345,346,347,348,368,369,370,371,390,391,392,393,412,413,414,415,425,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,459,473,474,475,476,477,478,479,488 +669 - 60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,124,125,126,127,128,144,145,146,147,148,149,166,167,168,169,170,171,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,486 +670 - 50,51,62,63,64,71,72,73,84,85,92,93,94,105,106,107,114,115,116,127,128,129,136,137,138,148,149,150,151,158,159,160,169,170,171,172,173,179,180,181,182,190,191,192,193,194,201,202,203,210,211,212,213,214,215,223,224,225,231,232,233,234,235,236,237,245,246,251,252,253,254,257,258,259,267,268,269,270,271,272,273,274,275,278,279,280,289,290,291,292,293,294,295,300,301,302,311,312,313,314,315,321,322,323,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,472,473,474,489 +671 - 13,14,15,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,215,216,217,225,226,227,234,235,236,237,238,239,240,247,248,249,250,255,256,257,258,259,260,261,262,263,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,402,403,404,405,491 +672 - 14,15,16,35,36,37,56,57,58,59,78,79,80,99,100,101,120,121,122,123,141,142,143,144,163,164,165,166,184,185,186,187,206,207,208,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,259,260,261,269,270,271,272,273,274,280,281,282,283,291,292,293,294,295,302,303,304,313,314,315,316,317,323,324,325,326,334,335,336,337,338,339,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +673 - 57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,118,119,120,121,122,126,127,128,139,140,141,142,143,147,148,149,150,162,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,366,367,368,369,370,371,374,375,376,377,378,379,390,391,392,393,396,397,398,399,400,414,415,437,487 +674 - 75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,135,136,137,138,143,144,145,146,157,158,164,165,166,178,179,185,186,187,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,283,284,285,289,290,291,305,306,307,326,327,328,347,348,349,368,369,370,389,390,391,409,410,411,412,430,431,432,433,450,451,452,453,467,468,469,470,471,472,473,488 +675 - 37,38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +676 - 69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,120,121,122,123,132,133,134,141,142,143,144,145,154,155,156,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,346,347,348,349,368,369,370,371,390,391,392,393,411,412,413,414,427,433,434,435,436,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,488 +677 - 31,32,33,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,102,103,104,115,116,117,118,123,124,125,126,144,145,146,147,152,162,163,164,165,166,167,168,173,174,184,185,186,187,188,189,190,191,195,196,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,233,234,235,236,248,249,250,256,257,258,259,279,280,281,301,302,303,323,324,325,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +678 - 73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,275,276,277,278,279,298,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,407,408,409,410,411,428,429,430,431,432,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,488 +679 - 75,76,77,83,84,85,96,97,98,99,104,105,106,107,117,118,119,120,125,126,127,128,138,139,140,141,142,147,148,149,159,160,161,162,163,168,169,170,171,180,181,182,183,184,190,191,192,201,202,203,204,205,206,207,211,212,213,222,223,224,225,226,227,228,229,230,233,234,235,244,245,246,247,249,250,251,252,253,254,255,256,267,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,384,385,386,405,406,407,427,428,429,449,450,470,471,472,489 +680 - 29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,104,105,106,126,127,128,148,149,150,169,170,171,172,191,192,193,213,214,215,234,235,236,237,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,340,341,342,343,354,355,356,360,361,362,363,364,376,377,378,381,382,383,384,385,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,443,444,445,446,487 +681 - 81,82,83,84,85,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,148,149,150,161,162,163,164,165,169,170,171,172,182,183,184,185,186,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,249,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,339,340,341,342,361,362,363,382,383,384,404,405,406,426,427,428,447,448,449,469,470,471,494 +682 - 95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,147,148,149,156,157,158,169,170,171,191,192,193,212,213,214,234,235,236,256,257,258,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,492 +683 - 61,62,82,83,84,103,104,105,106,119,120,121,125,126,127,140,141,142,143,146,147,148,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,269,274,275,276,277,278,296,297,298,299,300,317,318,319,321,322,323,338,339,340,341,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,469,470,489 +684 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +685 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,147,148,149,159,160,161,162,169,170,171,180,181,182,183,191,192,193,202,203,204,212,213,214,215,224,225,226,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +686 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,486 +687 - 36,37,38,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,105,106,107,120,121,122,123,127,128,129,149,150,151,170,171,172,191,192,193,212,213,214,215,233,234,235,254,255,256,257,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,338,339,340,342,343,344,354,355,356,357,359,360,361,365,366,367,376,377,378,379,380,381,382,387,388,389,397,398,399,400,401,402,403,409,410,419,420,421,422,423,431,432,441,442,443,444,454,487 +688 - 71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,144,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,393,394,395,400,401,402,403,487 +689 - 34,35,36,55,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,104,105,106,120,121,122,123,127,128,129,141,142,143,144,149,150,151,163,164,165,166,172,173,174,184,185,186,187,188,194,195,196,206,207,208,216,217,218,227,228,229,237,238,239,240,248,249,250,251,259,260,261,269,270,271,272,273,280,281,282,283,291,292,293,294,302,303,304,305,312,313,314,315,316,323,324,325,334,335,336,337,344,345,346,347,355,356,357,358,365,366,367,368,377,378,379,380,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +690 - 58,59,60,80,81,82,83,101,102,103,123,124,125,135,145,146,147,156,157,158,167,168,169,177,178,179,187,188,189,190,191,198,199,200,206,207,208,209,210,211,212,213,214,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,255,256,257,266,267,268,269,270,271,272,277,278,279,299,300,301,321,322,323,343,344,345,366,367,368,388,389,390,410,411,412,432,433,434,455,456,457,477,478,479,489 +691 - 77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,127,128,129,130,131,140,141,142,143,144,145,146,147,151,152,153,161,162,163,164,165,173,174,175,182,183,184,185,195,196,197,203,204,205,206,207,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,280,281,282,283,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,364,365,366,367,376,377,378,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +692 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,447,448,449,450,486 +693 - 64,65,86,87,106,107,108,109,119,120,121,122,128,129,130,131,140,141,142,143,144,149,150,151,152,161,162,163,164,165,170,171,172,173,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,223,224,225,226,227,228,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +694 - 54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,123,124,125,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,190,191,192,206,207,208,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,320,321,322,337,338,339,343,344,345,359,360,365,366,367,381,382,388,389,403,404,409,410,411,425,426,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +695 - 83,84,85,99,105,106,107,119,120,121,122,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,169,170,171,183,184,185,186,190,191,192,203,204,205,206,207,212,213,214,224,225,226,227,228,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,295,297,298,299,300,319,320,321,322,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,448,449,450,469,470,471,489 +696 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,366,367,368,381,382,387,388,389,390,401,402,403,404,405,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +697 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,166,167,182,183,184,185,187,188,189,203,204,205,206,209,210,225,226,227,235,236,237,238,239,246,247,248,255,256,257,258,259,260,261,268,269,270,275,276,277,278,279,280,281,282,283,290,291,292,295,296,297,298,299,300,301,302,303,304,312,313,314,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,402,403,404,405,406,491 +698 - 10,11,12,31,32,33,53,54,55,74,75,76,96,97,98,117,118,119,139,140,141,161,162,167,168,183,184,187,188,189,190,191,204,205,206,208,209,210,211,212,213,214,226,227,228,229,230,231,232,235,236,248,249,250,251,252,257,258,270,271,272,273,274,279,280,292,293,294,295,296,301,302,314,315,316,317,318,319,320,323,324,337,338,339,340,341,345,346,359,360,361,362,363,366,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +699 - 38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,119,120,121,122,123,127,128,129,140,141,142,143,148,149,150,163,164,170,171,172,191,192,193,212,213,214,215,233,234,235,250,251,252,254,255,256,257,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,311,312,313,317,318,319,320,321,331,332,333,334,337,338,339,340,342,343,344,353,354,355,357,358,359,360,361,365,366,374,375,376,377,378,379,380,381,387,388,389,396,397,398,399,400,401,402,410,411,418,419,420,421,487 +700 - 55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,123,124,125,126,139,140,141,142,146,147,148,149,161,162,163,164,170,171,182,183,184,192,193,204,205,206,214,215,225,226,227,236,237,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,336,337,346,347,358,359,360,368,369,380,381,382,389,390,391,403,404,405,411,412,413,425,426,427,428,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,485 +701 - 105,106,107,108,109,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,163,164,165,166,167,168,184,185,186,187,188,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,255,256,257,277,278,279,298,299,300,320,321,322,332,333,341,342,343,354,355,356,357,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,423,424,425,426,427,490 +702 - 92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,190,191,192,193,212,213,214,215,233,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,324,339,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,473,492 +703 - 127,128,129,130,131,146,147,148,149,150,151,152,153,165,166,167,168,169,170,171,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,256,257,278,279,299,300,301,320,321,322,334,335,336,341,342,343,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,490 +704 - 50,51,57,58,59,72,73,79,80,81,94,95,101,102,103,115,116,117,123,124,125,136,137,138,139,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,201,202,203,204,211,212,213,223,224,225,226,233,234,235,236,245,246,247,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,321,322,323,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,453,454,455,475,476,489 +705 - 81,82,83,84,85,86,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,151,152,153,162,163,164,165,166,167,168,169,173,174,175,183,184,185,186,187,188,189,195,196,197,204,205,206,207,208,209,210,211,217,218,219,225,226,227,228,231,232,233,234,235,238,239,240,246,247,248,249,250,254,255,256,257,260,261,262,267,268,269,270,271,281,282,283,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,354,355,356,363,364,365,366,367,376,377,378,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +706 - 74,75,76,77,78,95,96,97,98,99,100,101,102,103,116,117,118,119,121,122,123,124,125,137,138,139,140,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,188,189,190,202,203,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,276,277,278,298,299,300,320,321,322,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +707 - 78,79,99,100,101,102,120,121,122,123,124,125,141,142,143,144,145,146,147,163,164,168,169,189,190,191,210,211,212,231,232,233,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,319,320,321,322,323,324,325,326,327,332,333,334,335,336,343,344,345,355,487 +708 - 95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,169,170,171,176,177,178,179,180,190,191,192,193,200,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,430,431,432,433,452,453,454,474,475,476,492 +709 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,304,305,306,313,314,315,316,317,325,326,327,328,335,336,337,338,345,346,347,348,349,357,358,359,360,361,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,424,425,426,427,428,491 +710 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,116,117,118,119,120,122,123,124,137,138,139,140,141,144,145,146,158,159,160,161,162,166,167,168,180,181,182,183,184,185,188,189,190,203,204,205,206,207,209,210,211,212,226,227,228,229,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,345,362,363,364,365,366,367,368,384,385,386,388,389,390,407,408,409,410,411,412,429,430,431,432,433,434,452,453,454,455,456,475,476,477,478,493 +711 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,123,124,125,126,127,128,129,138,139,140,141,145,146,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,247,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,340,341,342,343,356,357,358,359,364,365,366,377,378,379,380,386,387,388,399,400,401,408,409,410,422,423,424,425,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +712 - 56,57,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,427,428,449,450,471,486 +713 - 36,37,38,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,486 +714 - 5,6,7,8,9,10,11,12,13,27,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,79,80,81,82,102,103,104,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,327,328,335,336,337,338,339,346,347,348,349,350,357,358,359,360,361,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,487 +715 - 104,105,106,117,118,119,120,121,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,211,212,213,214,216,225,226,227,232,233,234,235,236,247,248,254,255,256,257,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,426,427,428,447,448,449,468,469,470,471,492 +716 - 74,75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,165,166,167,168,187,188,189,190,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,474,492 +717 - 96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,169,170,171,172,179,180,181,190,191,192,193,194,201,202,203,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,276,277,278,279,298,299,300,301,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +718 - 53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,471,472,473,492 +719 - 36,37,38,58,59,60,80,81,82,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,427,428,447,448,449,450,486 +720 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,117,118,119,123,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,190,191,192,205,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,324,336,337,338,339,340,343,344,345,346,357,358,359,360,366,367,368,379,380,381,382,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +721 - 100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,147,148,149,150,161,162,163,164,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,470,471,472,494 +722 - 95,96,97,98,99,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,166,167,168,180,181,182,183,185,186,189,190,191,202,203,204,206,207,208,212,213,214,224,225,226,228,229,230,235,236,246,247,248,250,251,252,257,258,259,268,269,270,271,272,273,280,281,290,291,292,293,294,295,302,303,304,313,314,315,316,324,325,326,335,336,337,346,347,348,369,370,391,392,393,413,414,415,435,436,457,458,479,480,494 +723 - 14,15,16,17,18,34,35,36,37,38,39,40,55,56,57,58,59,61,62,63,76,77,78,79,80,82,83,84,85,97,98,99,100,101,104,105,106,119,120,121,126,127,128,141,142,147,148,149,168,169,170,171,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,293,295,296,297,298,299,311,312,313,314,315,316,317,318,319,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,371,372,375,376,377,378,379,380,381,382,385,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,409,410,411,412,413,414,415,416,419,420,421,422,423,424,433,434,435,436,487 +724 - 53,54,74,75,76,77,96,97,98,117,118,119,127,139,140,141,148,149,150,151,160,161,162,170,171,172,181,182,183,184,191,192,193,202,203,204,205,213,214,215,224,225,226,235,236,237,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,321,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,477,478,489 +725 - 13,14,15,16,17,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,122,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,231,232,233,234,235,236,237,238,247,248,249,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,281,282,283,290,291,292,293,294,295,296,303,304,305,312,313,314,315,316,317,324,325,326,327,334,335,336,337,338,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +726 - 50,51,52,53,54,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,101,102,113,114,115,120,121,122,123,124,134,135,136,142,143,144,145,156,157,164,165,166,167,178,179,180,186,187,188,201,202,203,204,208,209,210,211,224,225,226,227,228,230,231,232,233,248,249,250,251,252,253,272,273,274,275,276,277,278,296,297,298,299,300,301,318,319,321,322,323,324,325,340,341,345,346,347,348,362,363,364,368,369,370,385,386,387,391,392,408,409,410,413,414,415,430,431,432,433,434,435,436,437,453,454,455,456,457,458,476,477,478,479,493 +727 - 95,96,106,107,108,116,117,118,119,128,129,130,138,139,140,141,142,143,144,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,223,224,225,234,235,236,245,246,247,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,447,448,449,468,469,470,471,492 +728 - 47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,117,123,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,297,298,299,300,301,302,303,321,322,323,324,325,326,344,345,346,347,348,364,365,366,367,368,369,384,385,386,387,388,389,390,391,398,399,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,450,451,462,463,464,465,466,467,469,470,471,488 +729 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,120,121,122,123,140,141,142,143,161,162,163,164,183,184,185,204,205,206,225,226,227,228,236,237,238,239,247,248,249,254,255,256,257,258,259,260,261,268,269,270,274,275,276,277,278,279,280,281,282,283,290,291,292,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,323,324,325,326,327,333,334,335,336,337,338,339,340,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,491 +730 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,137,138,139,140,144,145,146,159,160,161,164,165,166,167,181,185,186,187,188,189,190,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,257,258,259,260,269,270,271,272,281,282,291,292,293,303,304,325,326,346,347,348,367,368,369,370,387,388,389,390,391,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,488 +731 - 14,15,16,17,35,36,37,38,39,55,56,57,58,59,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,161,162,163,182,183,184,185,203,204,205,206,212,213,214,215,225,226,227,231,232,233,234,235,236,237,238,239,247,248,249,251,252,253,254,255,256,257,258,259,260,261,268,269,270,272,273,274,275,276,277,281,282,283,289,290,291,293,294,295,296,302,303,304,305,311,312,313,314,315,316,317,323,324,325,326,327,333,334,335,336,337,338,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,491 +732 - 29,30,31,50,51,52,53,54,71,72,73,74,75,76,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,135,136,137,138,141,142,143,144,145,146,147,157,158,159,160,165,166,167,168,169,170,171,179,180,181,182,189,190,191,192,193,194,201,202,203,214,215,216,217,223,224,225,237,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,314,326,327,328,333,334,335,336,349,350,356,357,358,359,371,372,379,380,381,382,383,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,485 +733 - 74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,123,124,125,126,127,136,137,138,139,144,145,146,147,148,149,158,159,160,167,169,170,171,180,181,182,183,184,190,191,192,203,204,205,206,207,212,213,214,226,227,228,229,230,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,317,318,319,320,321,322,338,339,340,342,343,344,345,359,360,361,362,365,366,367,381,382,383,387,388,389,402,403,404,409,410,411,424,425,426,431,432,446,447,448,449,452,453,454,469,470,471,472,473,474,475,493 +734 - 49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,122,123,124,125,126,134,135,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,279,297,298,299,300,301,302,303,320,321,322,323,324,325,326,345,346,347,348,368,369,370,378,379,380,381,389,390,391,392,400,401,402,403,404,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,488 +735 - 104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,190,191,192,193,203,204,205,206,207,211,212,213,214,225,226,227,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +736 - 4,5,6,25,26,27,28,41,42,47,48,49,50,62,63,64,69,70,71,72,84,85,86,91,92,93,94,106,107,108,114,115,116,128,129,130,135,136,137,138,149,150,151,152,157,158,159,160,171,172,173,174,179,180,181,182,193,194,195,201,202,203,204,215,216,217,223,224,225,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,284,290,291,292,301,302,303,304,305,306,312,313,314,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,370,371,372,379,380,381,382,383,384,385,386,392,393,394,414,415,416,436,437,438,489 +737 - 76,77,78,83,84,85,97,98,99,100,104,105,106,107,119,120,121,122,126,127,128,140,141,142,143,147,148,149,161,162,163,164,169,170,171,182,183,184,185,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,229,233,234,235,246,247,248,249,250,251,252,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,294,295,296,297,298,299,300,311,312,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,388,405,406,407,427,428,429,449,450,470,471,472,489 +738 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,127,138,139,140,147,148,149,150,159,160,161,162,170,171,172,179,180,181,182,183,184,192,193,194,201,202,203,205,206,207,213,214,215,216,223,224,225,226,234,235,236,237,245,246,247,248,249,250,255,256,257,258,268,269,270,271,272,273,274,276,277,278,279,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,367,382,383,384,385,388,389,390,404,405,406,411,412,426,427,428,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,478,493 +739 - 13,14,15,16,17,18,34,35,36,37,38,39,40,54,55,56,57,58,60,61,62,75,76,77,78,79,82,83,84,97,98,99,100,104,105,119,120,121,126,127,147,148,169,170,190,191,192,211,212,213,232,233,234,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,310,311,312,315,316,317,318,319,320,331,332,333,335,336,337,338,340,341,342,352,353,354,355,356,357,358,359,362,363,364,374,375,376,377,378,379,385,386,387,391,392,393,397,398,399,407,408,409,410,411,412,413,414,430,431,432,433,434,435,487 +740 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,181,182,183,184,185,186,204,205,206,226,227,228,229,230,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,490 +741 - 37,38,39,40,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,380,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,486 +742 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,75,76,80,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,205,206,207,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,294,295,296,300,301,302,322,323,324,344,345,346,360,361,365,366,367,368,381,382,383,384,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +743 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,123,124,125,126,137,138,139,140,145,146,147,160,161,166,167,168,187,188,189,208,209,210,211,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,279,280,281,302,303,324,325,345,346,347,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +744 - 79,80,81,100,101,102,103,121,122,123,124,125,135,136,137,138,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,341,342,343,344,345,346,347,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +745 - 35,36,37,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,104,105,106,107,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,146,147,148,149,161,162,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,322,323,330,331,344,345,352,353,354,366,367,374,375,376,377,378,387,388,389,397,398,399,400,401,402,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +746 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,147,148,162,163,164,165,170,184,185,206,207,208,209,210,211,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,447,448,449,469,470,471,494 +747 - 40,41,42,59,60,61,62,63,64,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,150,151,152,163,164,165,166,167,168,172,173,174,184,185,186,187,188,193,194,195,196,204,205,206,207,208,215,216,217,218,226,227,228,229,237,238,239,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,293,301,302,303,304,310,311,312,313,314,322,323,324,325,332,333,334,335,343,344,345,346,353,354,355,356,357,363,364,365,366,367,375,376,377,378,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,485 +748 - 9,10,11,12,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,181,182,183,184,191,192,203,204,205,206,211,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +749 - 85,86,87,105,106,107,108,109,120,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,248,249,254,255,276,277,298,299,320,321,333,334,335,341,342,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,490 +750 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,105,116,117,118,119,120,125,126,127,138,139,140,141,143,144,145,146,147,148,149,160,161,162,164,165,166,167,169,170,171,181,182,183,184,185,186,187,188,191,192,193,204,205,206,207,208,209,213,214,215,227,228,229,230,235,236,237,248,249,250,251,257,258,259,269,270,271,272,279,280,281,290,291,292,293,301,302,303,312,313,314,315,323,324,325,334,335,336,337,344,345,346,347,356,357,358,359,365,366,367,368,378,379,380,381,385,386,387,388,389,390,400,401,402,403,404,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +751 - 104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,184,185,186,187,188,205,206,207,208,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,276,277,278,279,299,300,301,321,322,342,343,344,355,356,357,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,490 +752 - 54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,124,139,140,141,142,145,148,149,161,162,163,169,170,171,182,183,184,185,190,191,192,193,204,205,206,212,213,214,215,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,299,300,301,315,316,317,318,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +753 - 76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,137,138,139,140,141,148,149,150,159,160,161,170,171,172,181,182,183,191,192,193,203,204,205,212,213,214,225,226,227,228,233,234,235,236,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,385,386,387,402,403,404,407,408,409,423,424,425,429,430,431,445,446,450,451,452,467,468,469,470,471,472,473,474,493 +754 - 15,16,17,36,37,38,57,58,59,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,185,186,187,206,207,208,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,277,278,279,292,293,294,300,301,314,315,316,322,323,336,337,343,344,345,358,359,364,365,366,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +755 - 61,62,80,81,82,83,84,85,86,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,150,151,152,162,163,164,165,166,167,168,172,173,174,183,184,185,186,187,188,193,194,195,204,205,206,207,208,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,258,259,260,267,268,269,270,279,280,281,282,288,289,290,291,299,300,301,302,303,309,310,311,312,320,321,322,323,324,331,332,333,334,341,342,343,344,345,353,354,355,361,362,363,364,365,366,375,376,377,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,442,443,444,445,485 +756 - 136,137,138,139,140,141,142,143,144,154,155,156,157,158,159,160,161,162,163,164,165,166,176,177,178,179,180,181,182,187,188,189,199,200,207,208,209,210,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,316,317,323,324,325,326,327,338,339,340,341,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,384,385,386,387,388,389,390,488 +757 - 11,12,13,14,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,104,105,106,107,126,127,128,147,148,149,150,167,168,169,170,171,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,277,278,279,280,281,302,303,304,324,325,326,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,488 +758 - 58,59,60,76,77,80,81,82,97,98,99,102,103,104,118,119,120,123,124,125,140,141,142,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,205,206,211,212,213,226,227,228,233,234,235,248,249,250,255,256,257,269,270,271,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,489 +759 - 107,108,129,130,131,139,140,141,142,143,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,234,235,236,237,238,244,245,246,247,248,255,256,257,258,259,266,267,268,269,277,278,279,280,288,289,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +760 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,76,77,78,98,99,100,120,121,122,141,142,143,144,162,163,164,165,166,167,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,324,343,344,345,358,359,360,361,364,365,366,367,380,381,382,383,384,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,450,451,452,453,488 +761 - 100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,148,149,150,151,160,161,162,163,164,165,170,171,172,182,183,184,185,191,192,193,194,203,204,205,213,214,215,224,225,226,233,234,235,236,237,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,448,449,469,470,471,494 +762 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,104,105,106,117,124,125,126,127,145,146,147,148,166,167,168,169,186,187,188,189,190,206,207,208,209,210,227,228,229,230,231,248,249,250,251,269,270,271,272,291,292,293,294,295,296,297,315,316,317,318,319,320,321,340,341,342,343,344,364,365,366,367,387,388,389,401,409,410,411,423,424,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +763 - 107,108,116,117,118,119,120,121,122,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,189,190,191,192,193,194,195,200,201,202,203,204,213,214,215,216,221,222,223,224,225,234,235,236,237,238,243,244,245,246,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +764 - 33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,82,93,94,95,96,114,115,116,135,136,137,157,158,159,160,161,179,180,181,182,183,184,185,204,205,206,207,208,209,210,228,229,230,231,232,233,234,235,252,253,254,255,256,257,258,259,278,279,280,281,282,290,302,303,304,311,312,325,326,333,334,335,346,347,348,356,357,358,367,368,369,370,378,379,380,381,382,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +765 - 33,34,35,53,54,55,56,57,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,159,160,161,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,301,302,303,323,324,325,344,345,346,355,366,367,368,376,377,378,379,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +766 - 9,10,11,12,13,14,30,31,32,33,34,35,36,53,54,56,57,58,59,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,278,295,296,297,298,299,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,487 +767 - 14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,193,203,204,205,206,212,213,214,215,216,217,224,225,226,227,228,232,233,234,235,236,237,238,239,240,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,273,274,275,276,277,278,281,282,283,284,289,290,291,292,294,295,296,297,298,303,304,305,311,312,313,315,316,317,318,319,324,325,326,327,333,334,335,337,338,339,340,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,491 +768 - 47,48,49,68,69,70,71,91,92,93,94,104,105,106,113,114,115,116,125,126,127,128,129,134,135,136,137,138,148,149,150,151,156,157,158,159,160,171,172,173,178,179,180,181,193,194,195,199,200,201,202,203,215,216,217,218,221,222,223,224,225,226,227,237,238,239,240,243,244,245,246,247,248,249,250,251,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,349,363,364,365,366,367,368,369,370,371,388,389,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,479,480,481,489 +769 - 105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,211,212,213,214,215,224,225,226,227,228,232,233,234,235,236,246,247,248,249,253,254,255,256,257,268,269,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,492 +770 - 101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,162,163,164,165,166,183,184,185,186,187,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,402,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,470,471,472,490 +771 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,124,125,126,127,140,141,142,146,147,148,161,162,163,164,167,168,169,170,184,185,186,189,190,191,206,207,208,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,379,380,381,382,385,386,401,402,403,407,408,423,424,425,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +772 - 75,76,77,78,96,97,98,99,100,117,118,119,120,122,123,139,140,141,144,145,160,161,162,167,168,182,183,184,189,190,204,205,211,212,227,232,233,234,249,250,254,255,256,271,272,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,344,345,366,367,388,389,410,411,412,433,434,455,456,478,479,494 +773 - 38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,106,107,108,120,121,122,123,124,125,128,129,130,141,142,143,144,145,150,151,152,162,163,164,165,166,172,173,174,183,184,185,186,187,194,195,204,205,206,207,208,215,216,217,225,226,227,228,229,237,238,239,247,248,249,250,258,259,260,268,269,270,271,280,281,282,290,291,292,301,302,303,311,312,313,314,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,485 +774 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,98,99,100,101,104,105,106,119,120,121,122,126,127,141,142,143,147,148,149,162,163,164,169,170,183,184,185,186,192,205,206,207,227,228,229,248,249,250,270,271,291,292,293,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,366,379,380,381,382,386,387,388,389,402,403,404,405,406,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,491 +775 - 34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,164,167,168,169,183,184,185,188,189,190,191,209,210,211,212,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,300,301,302,322,323,324,344,345,346,365,366,367,368,377,378,379,380,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +776 - 33,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,140,141,142,143,146,147,148,168,169,170,189,190,191,192,211,212,213,227,233,234,235,248,249,250,251,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,339,340,341,342,343,344,345,346,347,348,357,358,359,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,487 +777 - 86,87,105,106,107,108,109,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,254,255,256,276,277,297,298,299,318,319,320,321,332,333,334,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,490 +778 - 56,57,58,59,78,79,80,81,93,100,101,102,103,114,115,116,117,122,123,124,125,136,137,138,139,144,145,146,147,157,158,159,160,165,166,167,168,169,170,179,180,181,182,187,188,189,190,191,192,201,202,203,204,205,209,210,211,212,213,223,224,225,226,227,228,229,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,270,272,273,274,275,276,277,278,279,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,456,475,476,477,478,489 +779 - 10,11,12,13,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,102,103,104,105,115,116,117,118,125,126,127,146,147,148,149,166,167,168,169,170,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,279,280,281,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,488 +780 - 53,54,55,56,74,75,76,77,78,79,95,96,97,100,101,117,118,123,138,139,140,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,227,228,233,234,249,250,255,256,271,272,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +781 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,163,164,169,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,214,215,216,217,223,224,225,226,227,236,237,238,239,240,245,246,247,248,258,259,260,261,262,267,268,269,270,280,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,327,333,334,335,336,344,345,346,347,348,355,356,357,358,366,367,368,369,370,377,378,379,380,386,387,388,389,390,391,399,400,401,402,403,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +782 - 124,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,153,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,204,205,206,207,208,209,225,226,227,228,247,248,249,269,270,271,272,273,293,294,295,296,297,317,318,319,320,339,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,399,400,401,402,490 +783 - 33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,486 +784 - 76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,123,124,138,139,140,145,146,147,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,210,211,212,213,214,224,225,226,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,494 +785 - 7,8,9,10,11,12,26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,93,94,99,100,101,102,103,122,123,124,125,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,214,232,233,234,235,249,250,251,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,327,328,332,333,334,335,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,436,487 +786 - 11,12,13,32,33,34,53,54,55,56,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,182,183,184,187,188,189,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,257,258,270,271,272,273,279,280,281,292,293,294,301,302,303,314,315,316,323,324,336,337,338,339,344,345,346,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +787 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,144,145,146,147,148,157,158,167,168,169,170,188,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,320,321,322,323,324,325,343,344,345,346,347,360,361,362,366,367,368,369,380,381,382,383,384,385,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,488 +788 - 70,71,72,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +789 - 60,61,62,81,82,83,84,97,98,99,102,103,104,105,119,120,121,124,125,126,127,139,140,141,142,143,146,147,148,149,161,162,163,164,167,168,169,170,171,182,183,184,185,186,189,190,191,192,204,205,206,207,208,211,212,213,226,227,228,229,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,317,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,489 +790 - 17,18,19,20,36,37,38,39,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,97,98,99,100,101,102,119,120,121,122,123,140,141,142,143,160,161,162,163,164,182,183,184,185,186,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,276,277,278,279,289,290,291,292,299,300,301,302,311,312,313,322,323,324,333,334,335,344,345,346,347,355,356,357,358,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,491 +791 - 41,42,60,61,62,63,64,65,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,142,143,144,145,146,163,164,165,166,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,289,290,291,300,301,302,303,310,311,312,313,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,490 +792 - 11,12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,203,204,205,206,207,212,213,214,225,226,227,228,229,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +793 - 12,13,14,15,34,35,36,37,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,184,185,186,187,205,206,207,208,209,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,300,301,302,303,304,311,312,313,314,315,316,317,318,319,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +794 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,137,138,139,140,143,144,145,146,159,160,161,165,166,167,168,181,182,187,188,189,190,203,204,205,209,210,211,212,213,225,226,227,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,410,411,432,433,434,454,455,456,476,477,478,494 +795 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,205,206,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +796 - 47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,99,101,102,103,104,105,123,124,125,126,143,144,145,146,147,162,163,164,165,166,167,183,184,185,186,187,205,206,207,208,209,210,228,229,230,231,232,233,253,254,255,256,276,277,278,279,299,300,301,321,322,323,344,345,366,367,387,388,389,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,464,465,466,467,468,469,470,471,472,488 +797 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,147,148,149,150,151,159,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,186,190,191,192,193,194,195,204,205,206,207,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,474,493 +798 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,115,116,117,137,138,139,159,160,161,182,183,187,188,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,256,257,258,259,269,270,271,272,279,280,281,291,292,293,301,302,303,324,325,326,346,347,348,368,369,370,390,391,392,403,404,407,412,413,414,425,426,427,428,429,430,431,432,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,478,490 +799 - 74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,185,187,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,275,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,472,473,474,475,494 +800 - 31,32,33,34,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,122,123,124,125,126,138,139,140,145,146,147,148,164,165,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,344,345,346,347,356,357,358,359,360,361,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +801 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,167,168,169,170,171,172,180,181,182,183,184,191,192,193,194,202,203,204,205,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,290,291,292,300,301,302,303,312,313,314,315,321,322,323,324,334,335,336,337,342,343,344,345,356,357,358,359,360,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,485 +802 - 12,13,14,15,16,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,82,83,84,104,105,106,126,127,128,148,149,150,170,171,172,192,193,194,214,215,216,227,228,229,230,231,232,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,299,300,301,302,303,309,310,311,312,321,322,323,324,325,330,331,332,333,341,342,343,344,345,346,353,354,355,362,363,364,365,366,375,376,377,378,379,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,487 +803 - 35,36,37,56,57,58,59,60,78,79,80,81,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +804 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,159,160,161,162,163,164,165,180,181,182,183,184,185,186,202,203,204,205,206,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,321,322,323,324,325,326,345,346,347,348,349,367,368,369,370,371,387,388,389,390,391,392,409,410,411,412,413,414,430,431,432,433,434,435,451,452,453,454,455,456,473,474,475,476,490 +805 - 11,12,13,14,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,80,81,82,83,94,95,96,97,102,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,422,423,424,425,426,487 +806 - 28,29,30,31,32,49,50,51,52,53,54,71,72,73,74,77,78,79,80,81,82,92,93,94,95,96,99,100,101,102,103,104,105,114,115,116,117,121,122,123,124,125,126,127,128,136,137,138,139,147,148,149,150,151,157,158,159,160,170,171,172,173,179,180,181,182,193,194,195,196,201,202,203,204,216,217,218,219,223,224,225,226,238,239,240,241,245,246,247,248,260,261,262,263,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,333,334,335,336,346,347,348,349,350,355,356,357,358,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +807 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,122,123,124,125,126,139,145,146,147,148,167,168,169,170,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,488 +808 - 74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,144,145,146,147,148,149,155,156,157,158,159,160,161,168,169,170,171,177,178,179,180,190,191,192,193,199,200,201,202,212,213,214,215,216,221,222,223,224,225,226,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,344,345,346,347,348,361,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,455,456,457,458,477,478,479,480,494 +809 - 60,61,62,63,82,83,84,103,104,105,106,107,124,125,126,127,128,138,139,146,147,148,149,159,160,161,167,168,169,170,171,180,181,182,183,184,189,190,191,192,193,202,203,204,205,206,211,212,213,214,223,224,225,226,227,228,229,230,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +810 - 97,98,99,100,101,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,166,167,168,169,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,299,300,301,314,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +811 - 79,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,185,186,187,188,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,275,276,277,278,279,280,289,290,299,300,301,310,311,312,313,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,405,490 +812 - 28,29,30,50,51,52,72,73,74,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,339,340,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,435,454,455,456,489 +813 - 1,12,13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,166,183,184,185,186,187,205,206,207,208,209,213,226,227,228,229,230,234,235,236,237,247,248,249,250,251,254,255,256,257,258,259,260,269,270,271,272,273,275,276,277,278,279,280,281,282,290,291,292,293,294,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +814 - 82,83,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,178,179,180,200,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,279,280,281,282,302,303,304,305,325,326,327,328,348,349,350,357,358,371,372,378,379,380,381,393,394,400,401,402,403,404,405,406,409,410,411,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,449,450,451,452,453,454,455,456,457,458,459,478,479,480,490 +815 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,168,169,170,179,180,181,182,183,184,190,191,192,201,202,203,204,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,492 +816 - 10,11,12,31,32,33,34,53,54,55,74,75,76,96,97,98,117,118,119,139,140,141,160,161,162,182,183,184,191,192,193,194,195,204,205,212,213,214,215,216,217,225,226,227,233,234,235,236,237,238,239,247,248,249,254,255,256,257,259,260,261,269,270,271,276,277,278,281,282,291,292,293,297,298,299,302,303,304,313,314,315,316,319,320,321,323,324,325,335,336,337,338,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,429,430,431,491 +817 - 73,74,75,76,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,149,150,151,152,161,162,163,164,165,166,171,172,173,174,183,184,185,186,192,193,194,195,205,206,207,208,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,377,378,379,380,381,383,384,385,386,399,400,401,402,405,406,407,408,421,422,423,424,425,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,473,493 +818 - 34,35,36,37,54,55,56,57,58,76,77,78,79,80,81,82,96,97,98,99,101,102,103,104,118,119,120,125,126,139,140,141,146,147,148,161,162,163,168,169,170,183,184,185,189,190,191,205,206,207,210,211,212,213,227,228,229,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,363,364,365,379,380,385,386,387,401,402,403,404,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +819 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,144,145,146,147,159,160,161,166,167,168,169,170,181,182,183,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +820 - 71,72,73,74,75,76,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,157,158,159,165,166,167,168,169,179,180,181,188,189,190,191,202,203,210,211,212,213,214,224,225,226,233,234,235,236,246,247,248,249,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,344,345,346,347,366,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,458,459,479,480,481,494 +821 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,146,147,148,149,150,151,159,160,161,162,169,170,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,258,259,260,261,268,269,270,280,281,282,283,290,291,292,301,302,303,304,305,312,313,314,322,323,324,325,326,334,335,336,343,344,345,346,347,348,356,357,358,364,365,366,367,368,369,378,379,380,381,385,386,387,388,389,390,400,401,402,403,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +822 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,94,95,96,97,98,115,116,117,118,137,138,139,140,159,160,161,182,183,184,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,293,301,302,303,304,323,324,325,326,337,338,346,347,348,359,360,367,368,369,370,380,381,382,389,390,391,402,403,404,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,490 +823 - 35,36,37,56,57,58,59,78,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,203,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +824 - 75,76,77,96,97,98,99,100,117,118,119,121,122,123,138,139,140,144,145,160,161,166,167,168,182,188,189,190,210,211,212,214,215,216,217,218,219,230,231,232,233,234,235,236,237,238,239,240,241,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,291,292,293,297,298,299,312,313,314,318,319,320,334,335,340,341,342,356,357,360,361,362,363,378,379,380,381,382,383,384,400,401,402,403,404,487 +825 - 29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,99,100,101,102,103,104,105,114,115,116,117,122,123,124,125,126,127,145,146,147,148,149,150,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,228,229,230,231,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,445,446,447,448,449,487 +826 - 45,46,47,52,53,54,55,56,57,67,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,123,124,125,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,252,253,254,255,275,276,277,278,279,294,298,299,300,301,302,315,316,321,322,323,324,325,326,336,337,338,346,347,348,358,359,368,369,370,380,381,390,391,392,402,403,404,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +827 - 31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,121,122,123,124,125,144,145,146,147,166,167,168,169,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,297,298,299,300,301,302,321,322,323,324,334,335,343,344,345,346,355,356,357,358,364,365,366,367,368,377,378,379,380,381,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +828 - 94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,165,166,167,168,169,170,171,179,180,191,192,193,213,214,215,235,236,237,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,470,471,472,492 +829 - 74,75,84,85,86,95,96,97,98,105,106,107,108,116,117,118,119,120,126,127,128,129,130,138,139,140,141,147,148,149,150,151,159,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,194,202,203,204,205,206,212,213,214,215,223,224,225,226,227,228,229,230,231,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +830 - 32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,79,80,81,82,96,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,277,278,279,280,300,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,368,377,384,385,386,387,388,389,396,397,398,399,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,440,441,442,443,444,445,446,447,448,449,450,488 +831 - 82,83,84,85,86,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,163,164,165,166,167,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,320,321,322,323,332,333,334,335,336,337,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,490 +832 - 61,62,74,75,82,83,84,94,95,96,97,98,104,105,106,116,117,118,125,126,127,137,138,139,147,148,149,159,160,161,169,170,171,180,181,182,191,192,193,202,203,204,213,214,215,223,224,225,234,235,236,237,245,246,247,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,300,301,302,322,323,324,344,345,346,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +833 - 14,15,16,17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,91,99,100,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,227,228,229,230,231,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +834 - 54,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +835 - 77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,168,169,170,171,172,177,178,179,180,181,182,183,190,191,192,193,194,199,200,201,202,203,204,211,212,213,214,215,216,221,222,223,224,225,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +836 - 10,11,12,31,32,33,34,53,54,55,56,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,162,163,164,168,169,170,184,185,186,189,190,191,192,193,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,257,258,259,271,272,273,274,275,276,278,279,280,281,292,293,294,295,296,297,298,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,491 +837 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,340,341,342,357,358,359,360,362,363,364,379,380,381,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,472,493 +838 - 33,34,35,55,56,57,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,409,429,430,431,432,451,452,453,454,486 +839 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,171,181,182,183,184,188,189,190,191,192,193,194,203,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +840 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,103,104,105,116,117,118,119,126,127,128,137,138,139,140,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,185,186,192,193,194,202,203,204,205,206,207,214,215,216,224,225,226,227,228,236,237,238,246,247,248,249,250,258,259,260,268,269,270,271,272,273,280,281,282,290,291,292,293,294,295,302,303,304,313,314,315,316,317,324,325,326,336,337,338,339,345,346,347,348,358,359,360,361,367,368,369,370,381,382,383,384,388,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,485 +841 - 97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,168,169,170,181,182,183,184,190,191,192,203,204,205,206,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,270,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +842 - 34,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,386,405,406,407,408,409,428,429,430,431,432,433,450,451,452,453,454,455,486 +843 - 13,14,34,35,36,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,279,280,281,292,293,294,295,296,297,301,302,303,314,315,316,317,318,319,322,323,324,325,336,337,338,339,340,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +844 - 55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,167,168,169,170,171,181,182,183,184,185,186,189,190,191,192,193,194,203,204,205,210,211,212,214,215,216,224,225,226,232,233,236,237,238,246,247,248,258,259,260,267,268,269,280,281,282,289,290,291,302,303,304,311,312,324,325,326,333,334,346,347,348,355,356,368,369,370,377,378,390,391,399,400,401,411,412,413,421,422,423,424,432,433,434,435,444,445,446,447,448,449,450,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,477,485 +845 - 75,81,82,83,84,96,97,98,103,104,105,118,119,120,124,125,126,127,139,140,141,142,146,147,148,160,161,162,163,164,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,207,208,209,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,489 +846 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,102,103,104,105,116,117,118,119,123,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,367,368,369,370,379,380,381,382,383,385,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,487 +847 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,97,98,99,102,103,104,105,106,125,126,127,128,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,273,274,275,277,278,279,280,299,300,301,302,321,322,323,324,332,333,342,343,344,345,346,353,354,355,356,357,363,364,365,366,367,375,376,377,378,379,380,381,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +848 - 98,99,100,101,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,494 +849 - 54,55,75,76,77,78,79,80,81,82,83,89,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,171,172,173,180,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,218,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,334,335,336,345,346,347,348,356,357,358,359,366,367,368,369,370,378,379,380,381,382,383,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +850 - 75,76,79,80,81,97,98,100,101,102,103,117,118,119,120,122,123,124,139,140,141,142,144,145,160,161,162,163,165,166,167,168,181,182,183,184,185,187,188,189,190,203,204,205,206,209,210,211,223,224,225,226,227,231,232,233,241,245,246,247,248,252,253,254,260,261,262,263,267,268,269,274,275,276,279,280,281,282,283,284,285,289,290,291,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,362,363,364,385,386,407,408,489 +851 - 14,15,16,17,35,36,37,38,56,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,248,249,250,251,255,256,257,258,269,270,271,272,276,277,278,279,280,281,290,291,292,293,294,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +852 - 13,14,34,35,36,37,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,115,116,117,118,119,120,123,124,137,138,139,140,145,146,147,167,168,189,190,211,212,233,234,255,256,277,278,299,300,321,322,343,344,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,486 +853 - 14,15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,491 +854 - 50,51,52,57,72,73,74,78,79,80,94,95,96,100,101,102,116,117,118,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,189,190,191,203,204,205,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,279,290,291,292,293,299,300,301,312,313,314,321,322,323,343,344,345,346,365,366,367,368,388,389,390,410,411,412,432,433,434,435,455,456,457,477,478,479,489 +855 - 16,17,37,38,39,40,58,59,60,61,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,278,279,280,281,292,293,294,295,296,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,401,402,403,404,405,406,424,425,426,427,491 +856 - 53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,125,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,164,168,169,170,171,183,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,302,303,314,315,316,317,322,323,324,325,335,336,337,338,345,346,347,348,356,357,358,359,367,368,369,370,378,379,380,381,388,389,390,391,400,401,402,403,409,410,411,412,413,422,423,424,425,426,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +857 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +858 - 51,52,53,73,74,75,76,95,96,97,98,117,118,119,120,125,126,139,140,141,142,146,147,148,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,321,322,323,324,334,335,336,337,338,343,344,345,346,356,357,358,365,366,367,368,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,489 +859 - 59,60,61,62,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,169,170,171,172,181,182,183,184,185,191,192,193,194,202,203,204,205,206,213,214,215,216,224,225,226,227,228,235,236,237,238,245,246,247,248,249,256,257,258,259,267,268,269,270,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,321,322,323,324,325,332,333,334,335,342,343,344,345,346,355,356,357,363,364,365,366,367,377,378,379,380,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,485 +860 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +861 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,187,188,189,191,192,193,194,202,203,204,205,213,214,215,216,223,224,225,226,227,235,236,237,238,245,246,247,248,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,310,311,312,313,314,322,323,324,325,326,332,333,334,335,336,343,344,345,346,347,355,356,357,358,359,365,366,367,368,377,378,379,380,381,382,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +862 - 52,53,54,55,57,59,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,297,298,299,300,312,313,314,315,320,321,322,323,334,335,336,342,343,344,345,356,357,358,359,364,365,366,367,379,380,381,382,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +863 - 34,35,36,37,56,57,58,59,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,200,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,486 +864 - 71,72,73,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,492 +865 - 33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,102,103,104,105,124,125,126,127,145,146,147,148,149,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,321,322,323,324,343,344,345,346,354,355,356,357,363,364,365,366,367,376,377,378,379,380,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +866 - 53,54,55,56,57,74,75,76,77,78,79,96,97,100,101,117,118,119,122,123,139,140,141,144,145,161,162,166,167,183,184,185,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,256,257,272,273,274,275,276,278,279,280,294,295,296,297,300,301,302,317,318,322,323,324,339,340,344,345,361,362,366,367,383,384,387,388,389,405,406,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,493 +867 - 95,96,97,98,99,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,159,160,161,162,164,165,166,167,168,171,172,181,182,183,187,188,189,190,192,193,194,203,204,205,206,209,210,211,212,214,215,216,226,227,228,229,230,231,232,233,236,237,238,248,249,250,251,252,253,254,255,258,259,271,272,273,274,275,276,277,280,281,296,297,298,299,302,318,319,320,321,324,340,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,494 +868 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,430,449,450,451,452,486 +869 - 73,74,85,86,94,95,96,106,107,108,109,115,116,117,118,127,128,129,130,137,138,139,140,149,150,151,152,158,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,195,201,202,203,204,205,213,214,215,216,223,224,225,226,227,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +870 - 60,74,75,82,83,96,97,104,105,118,119,126,127,139,140,141,148,149,161,162,163,169,170,171,182,183,184,185,191,192,193,203,204,205,206,213,214,224,225,226,227,228,235,236,246,247,248,249,250,251,252,253,254,255,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,366,367,368,388,389,410,411,432,433,454,455,456,476,477,489 +871 - 84,85,86,87,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,184,185,186,187,188,189,205,206,207,208,209,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,270,271,272,274,275,276,277,296,297,298,299,300,319,320,321,322,332,333,334,335,336,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,490 +872 - 28,29,30,31,32,33,34,35,36,37,38,48,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,81,82,83,84,92,93,94,95,96,104,105,106,126,127,128,147,148,149,150,166,167,168,169,170,171,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,273,274,280,281,303,304,305,325,326,327,332,346,347,348,354,355,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,488 +873 - 95,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,169,170,171,172,173,178,179,180,181,182,183,184,185,192,193,194,195,199,200,201,202,203,213,214,215,216,217,221,222,223,224,235,236,237,238,244,245,256,257,258,259,260,278,279,280,281,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +874 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,96,97,99,100,101,102,103,104,105,124,125,126,127,128,137,147,148,149,150,151,152,158,159,160,170,171,172,173,174,179,180,181,182,193,194,195,196,197,201,202,203,204,215,216,217,218,219,223,224,225,226,236,237,238,239,240,241,245,246,247,248,258,259,260,261,262,263,266,267,268,269,270,280,281,282,283,284,285,288,289,290,291,292,301,302,303,304,305,306,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,344,345,346,347,348,349,354,355,356,357,358,365,366,367,368,369,377,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,485 +875 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,159,160,161,162,168,169,170,171,172,181,182,183,184,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,273,275,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,494 +876 - 8,9,10,11,12,13,14,15,16,17,30,31,32,33,34,35,36,37,38,39,40,53,54,55,57,58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,121,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,184,185,186,187,188,206,207,208,209,210,229,230,231,232,233,234,252,253,254,255,256,257,277,278,279,280,301,302,303,322,323,324,325,331,332,333,334,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,488 +877 - 98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,203,204,205,206,207,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,320,321,322,323,332,333,334,335,336,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,425,426,427,428,429,490 +878 - 33,34,35,55,56,57,58,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,338,339,340,360,361,362,363,382,383,384,404,405,406,426,427,428,447,448,449,450,486 +879 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,81,98,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,205,206,207,208,226,227,228,229,230,235,236,247,248,249,250,251,255,256,257,258,259,269,270,271,272,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,304,313,314,315,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +880 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,123,124,125,126,127,128,141,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,292,293,294,299,300,301,302,303,312,313,314,315,316,320,321,322,323,324,325,334,335,336,337,341,342,343,344,345,346,355,356,357,358,359,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +881 - 53,54,55,56,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,169,170,171,183,184,185,186,187,191,192,193,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +882 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,123,124,125,135,136,144,145,146,147,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,256,257,258,259,260,272,280,281,282,303,304,324,325,326,346,347,348,367,368,369,370,378,379,389,390,391,399,400,401,409,410,411,412,421,422,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,488 +883 - 75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,494 +884 - 141,142,145,146,147,148,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,211,212,214,215,216,217,218,219,227,228,229,248,249,250,270,271,272,292,293,294,314,315,316,336,337,338,357,358,359,360,379,380,381,382,400,401,402,403,421,422,423,424,443,444,445,490 +885 - 35,36,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +886 - 56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,164,165,166,167,185,186,187,188,207,208,209,210,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,290,291,292,293,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,387,406,407,408,409,429,430,431,451,452,453,454,474,475,486 +887 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,145,146,147,148,149,156,157,168,169,170,171,189,190,191,192,193,209,210,211,212,213,214,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,341,342,343,344,345,364,365,366,367,368,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,476,488 +888 - 72,94,95,96,103,104,105,116,117,118,124,125,126,127,138,139,140,146,147,148,149,160,161,162,167,168,169,170,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,215,216,225,226,227,228,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,338,339,340,341,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,454,455,476,477,489 +889 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,148,149,150,151,161,162,163,164,165,166,169,170,171,172,173,184,185,186,187,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,340,341,342,343,356,357,358,359,362,363,364,365,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,493 +890 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,123,124,137,138,145,146,167,168,189,190,211,212,233,234,254,255,256,257,258,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,320,321,341,342,343,363,364,385,386,406,407,408,428,429,430,450,451,472,473,492 +891 - 62,63,64,65,78,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,342,343,344,345,346,354,355,356,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,490 +892 - 56,57,78,79,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,449,450,451,471,472,473,486 +893 - 93,94,95,103,104,105,106,107,114,115,116,117,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,195,199,200,201,202,203,204,205,206,212,213,214,215,216,217,221,222,223,224,225,234,235,236,237,238,244,245,246,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,492 +894 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,118,119,120,126,127,140,141,142,149,150,162,163,164,185,186,207,208,229,230,231,251,252,253,273,274,275,276,296,297,298,318,319,320,341,342,343,344,363,364,365,366,367,386,387,388,389,409,410,411,425,426,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,490 +895 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,169,170,171,172,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,363,364,365,379,380,381,382,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +896 - 52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,164,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,315,316,321,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,407,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +897 - 36,37,38,39,57,58,59,60,61,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,446,447,448,449,486 +898 - 8,9,28,29,30,31,32,33,49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,93,94,95,98,99,100,101,115,116,117,121,122,123,137,138,139,143,144,145,161,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,338,339,340,341,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,370,371,372,373,377,378,379,380,381,382,383,394,395,400,401,402,403,404,487 +899 - 75,76,77,78,83,84,97,98,99,100,104,105,106,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,150,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,185,186,189,190,191,192,193,201,202,203,204,205,206,207,211,212,213,214,215,223,224,225,226,227,228,229,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,314,315,316,318,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,489 +900 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,252,255,256,257,258,278,279,280,300,301,302,314,315,323,324,336,345,346,357,358,366,367,368,379,380,381,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +901 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,148,149,150,151,161,162,163,164,165,168,169,170,171,172,183,184,185,186,187,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,334,335,336,337,339,340,341,342,355,356,357,358,361,362,363,364,378,379,380,381,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +902 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,80,81,82,83,95,96,97,103,104,105,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,276,277,278,279,292,299,300,301,312,313,314,321,322,323,324,333,334,335,343,344,345,346,354,355,356,365,366,367,375,376,377,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +903 - 102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,250,251,252,253,254,255,274,275,276,277,297,298,299,300,319,320,321,322,332,333,334,341,342,343,344,354,355,356,357,358,359,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +904 - 108,109,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,227,228,229,230,231,232,249,250,251,252,253,254,255,256,268,272,273,274,275,276,277,278,279,289,290,297,298,299,300,301,311,312,313,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,490 +905 - 59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,127,128,129,140,141,142,143,144,145,149,150,151,162,163,164,167,170,171,172,184,185,186,191,192,193,194,206,207,208,212,213,214,215,228,229,230,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,341,342,343,356,357,358,364,365,378,379,380,386,387,400,401,402,407,408,409,422,423,424,425,426,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +906 - 97,98,99,100,101,105,106,117,118,119,120,121,122,123,124,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,167,168,169,170,171,172,173,181,182,183,184,185,186,190,191,192,193,194,203,204,205,206,212,213,214,215,216,224,225,226,227,228,232,233,234,235,236,237,245,246,247,248,249,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,335,336,337,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,472,473,474,475,494 +907 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +908 - 52,53,73,74,75,95,96,97,102,103,117,118,119,124,125,139,140,141,145,146,147,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,233,234,235,248,249,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,489 +909 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,126,127,128,141,142,143,144,148,149,150,162,163,164,165,169,170,171,172,184,185,186,187,191,192,193,194,205,206,207,208,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,270,271,272,277,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,320,321,322,323,335,336,337,342,343,344,357,358,359,363,364,365,366,379,380,381,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,485 +910 - 8,9,10,11,12,28,29,30,31,32,33,34,49,50,51,52,55,71,72,73,93,94,95,114,115,116,117,136,137,138,139,158,159,160,180,181,182,202,203,204,224,225,226,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,304,305,306,313,314,315,316,327,328,329,336,337,338,339,340,349,350,351,358,359,360,361,362,363,364,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,491 +911 - 74,75,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,159,160,161,162,163,164,169,170,171,180,181,182,183,184,185,191,192,193,201,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,255,256,257,258,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +912 - 56,57,72,78,79,80,93,94,95,96,100,101,102,115,116,117,118,122,123,124,125,137,138,139,140,144,145,146,147,159,160,161,162,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,253,254,255,256,257,268,269,270,271,275,276,277,278,279,290,291,292,293,297,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +913 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,190,191,206,207,208,209,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,279,280,281,289,290,291,292,293,294,295,296,297,298,300,301,302,303,311,312,313,314,315,316,317,318,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +914 - 53,54,55,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,212,213,214,215,216,217,223,224,225,226,227,228,234,235,236,237,238,239,245,246,247,248,249,250,256,257,258,259,260,261,266,267,268,269,270,271,278,279,280,281,282,283,288,289,290,291,292,293,300,301,302,303,304,305,310,311,312,313,314,315,316,317,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,457,475,476,477,478,479,485 +915 - 38,39,40,59,60,61,62,81,82,83,102,103,104,105,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,445,446,447,486 +916 - 74,75,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,184,185,193,194,195,196,200,201,202,203,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,270,283,284,285,288,289,290,291,292,293,304,305,306,307,311,312,313,314,315,316,317,318,319,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,485 +917 - 15,16,17,18,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,208,212,213,226,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +918 - 51,52,53,73,74,75,83,84,95,96,97,104,105,106,107,117,118,119,126,127,128,129,139,140,141,148,149,150,160,161,162,163,170,171,172,182,183,184,185,192,193,194,204,205,206,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,280,281,289,290,291,292,293,294,295,301,302,303,311,312,313,314,315,323,324,325,332,333,334,335,336,345,346,347,354,355,356,357,368,369,370,376,377,378,379,390,391,392,398,399,400,401,412,413,414,420,421,422,434,435,436,457,458,459,479,480,489 +919 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,159,160,161,162,163,164,170,171,172,181,182,183,184,185,192,193,194,202,203,204,205,206,213,214,215,216,223,224,225,226,227,235,236,237,238,245,246,247,248,249,257,258,259,260,266,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,468,469,470,471,472,485 +920 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,78,79,80,95,96,100,101,102,117,118,123,124,125,139,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,336,337,338,342,343,344,358,359,360,363,364,365,366,367,380,381,382,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,432,433,454,455,487 +921 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,95,96,99,100,101,102,103,122,123,124,125,145,146,147,148,167,168,169,170,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,321,322,323,324,333,334,335,343,344,345,346,354,355,356,357,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +922 - 53,54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +923 - 60,61,62,75,76,82,83,84,96,97,98,104,105,106,118,119,120,125,126,127,128,140,141,142,146,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,489 +924 - 47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,120,121,122,123,124,125,126,127,128,134,135,136,142,143,144,145,146,147,148,149,150,156,157,158,164,165,171,172,173,178,179,180,186,187,194,195,196,200,201,202,208,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,269,284,285,288,289,290,291,305,306,307,311,312,313,327,328,329,333,334,335,349,350,351,356,357,358,370,371,372,378,379,380,381,391,392,393,394,401,402,403,404,405,412,413,414,415,424,425,426,427,428,429,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,485 +925 - 15,16,17,36,37,38,39,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +926 - 55,56,57,58,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,452,453,471,472,473,474,486 +927 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,383,384,385,400,401,402,403,404,405,406,407,423,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,493 +928 - 57,58,59,79,80,81,101,102,116,117,123,124,138,139,140,145,146,160,161,162,167,168,182,183,184,189,190,204,205,206,211,212,226,227,228,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,321,322,343,344,364,365,366,386,387,388,408,409,410,431,432,453,454,475,476,489 +929 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,494 +930 - 8,9,10,11,12,29,30,31,32,33,51,52,53,54,72,73,74,94,95,96,116,117,118,137,138,139,140,158,159,160,161,180,181,182,183,189,190,191,192,193,203,204,205,210,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,238,247,248,249,252,253,254,255,258,259,260,269,270,271,273,274,275,276,280,281,282,292,293,295,296,297,302,303,304,314,315,316,317,318,319,324,325,326,336,337,338,339,340,345,346,347,348,359,360,361,362,366,367,368,369,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,428,429,430,431,491 +931 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,105,118,119,120,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,233,234,235,236,255,256,257,258,267,268,269,270,271,272,273,274,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,390,391,392,401,402,487 +932 - 76,78,79,80,90,91,92,93,95,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,160,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,363,364,365,366,367,384,385,386,387,407,408,409,429,430,431,432,452,453,454,474,475,476,492 +933 - 35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,398,399,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +934 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,123,124,139,140,141,161,162,182,183,184,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,453,474,475,476,494 +935 - 73,74,75,77,78,79,80,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,204,205,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +936 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,438,452,453,454,455,456,457,458,459,460,477,478,479,493 +937 - 61,62,82,83,84,97,103,104,105,106,119,120,125,126,127,140,141,142,146,147,148,161,162,163,164,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +938 - 11,12,13,14,31,32,33,34,35,36,37,53,54,55,56,58,59,74,75,76,80,81,82,96,97,103,104,117,118,119,125,126,139,140,141,147,148,161,162,169,170,182,183,184,191,192,204,205,206,213,214,226,227,228,235,236,248,249,250,257,258,259,270,271,272,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,337,338,339,344,345,346,359,360,361,362,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,485 +939 - 59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,141,142,143,144,162,163,164,165,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,273,274,275,276,277,278,297,298,299,300,321,322,323,333,343,344,345,354,355,356,357,358,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,490 +940 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +941 - 12,13,14,15,16,17,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,81,82,83,84,95,96,97,98,104,105,106,126,127,128,129,148,149,150,151,170,171,172,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,487 +942 - 61,62,63,73,74,82,83,84,85,94,95,96,97,104,105,106,116,117,118,125,126,127,128,137,138,139,147,148,149,159,160,161,168,169,170,180,181,182,183,190,191,192,202,203,204,211,212,213,214,224,225,226,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,364,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,489 +943 - 81,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,150,151,152,153,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,277,291,292,296,297,298,299,300,320,321,322,323,343,344,345,354,355,356,357,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,490 +944 - 78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,227,228,229,230,231,232,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +945 - 9,10,11,12,13,14,15,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,77,80,81,82,83,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,269,270,277,278,279,280,289,290,291,292,293,298,299,300,301,311,312,313,314,315,316,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,408,409,410,411,412,413,414,415,416,421,422,423,424,425,487 +946 - 91,92,93,94,95,96,112,113,114,115,116,117,118,119,120,121,134,135,136,137,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,169,186,187,188,189,190,191,192,210,211,212,213,214,233,234,235,236,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,450,451,452,453,472,473,474,475,492 +947 - 35,36,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,447,448,449,486 +948 - 55,56,57,58,75,76,77,78,79,80,95,96,97,98,99,100,101,102,104,105,106,116,117,118,119,120,122,123,124,126,127,128,138,139,140,141,144,145,146,147,148,149,160,161,162,165,166,167,168,169,170,171,181,182,183,184,189,190,191,192,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,342,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,407,408,409,410,425,426,427,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,476,493 +949 - 30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,122,123,124,125,126,135,136,137,138,139,145,146,147,148,149,157,158,159,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,305,306,312,313,314,315,316,317,318,319,320,321,322,323,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,487 +950 - 10,11,12,32,33,34,53,54,55,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,226,227,228,229,233,234,235,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,302,303,304,305,312,313,314,315,316,317,318,319,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +951 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,169,170,171,172,180,181,182,183,190,191,192,193,194,195,202,203,204,205,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +952 - 15,16,36,37,58,59,80,81,102,103,119,123,124,125,140,141,145,146,147,162,163,167,168,183,184,185,189,190,204,205,206,210,211,212,225,226,227,232,233,246,247,248,254,255,259,268,269,270,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,340,341,362,363,383,384,385,405,406,407,427,428,489 +953 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,103,115,116,117,118,122,123,124,125,126,127,138,139,140,141,145,146,147,148,149,162,163,168,169,170,171,189,190,191,192,193,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,294,295,296,298,299,300,301,302,303,322,323,324,325,344,345,346,347,357,366,367,368,369,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,488 +954 - 58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,138,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,347,366,367,368,369,386,387,388,389,390,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,490 +955 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,167,168,169,170,171,172,180,181,182,183,184,189,190,191,192,193,194,202,203,204,205,211,212,213,214,224,225,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +956 - 11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,82,83,84,95,96,97,98,105,116,117,118,119,138,139,140,159,160,161,162,181,182,183,184,203,204,205,224,225,226,245,246,247,248,260,261,262,267,268,269,270,280,281,282,283,284,285,289,290,291,299,300,301,302,303,304,305,306,307,311,312,313,318,319,320,321,322,323,324,326,327,328,329,333,334,335,336,339,340,341,342,343,344,348,349,350,351,356,357,358,360,361,362,363,364,367,368,369,370,371,372,379,380,381,382,383,384,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,491 +957 - 30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,123,124,125,126,127,146,147,148,149,168,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,237,248,249,250,251,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,445,446,447,448,487 +958 - 37,38,39,40,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,137,138,139,140,141,158,159,160,161,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,231,232,233,234,235,236,237,257,258,259,260,280,281,282,302,303,304,305,313,324,325,326,327,334,335,345,346,347,348,355,356,357,367,368,369,370,376,377,378,387,388,389,390,391,398,399,400,401,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,490 +959 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,80,81,82,83,94,95,96,97,103,104,105,116,117,118,125,126,127,128,147,148,149,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,255,256,257,258,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,329,332,333,334,335,336,337,338,339,340,341,342,343,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,409,410,411,412,413,414,415,421,422,423,424,425,433,434,435,436,487 +960 - 38,39,60,61,62,69,70,83,84,90,91,105,106,111,112,113,127,128,133,134,135,149,150,154,155,156,170,171,172,176,177,178,192,193,194,198,199,200,214,215,216,221,222,223,235,236,237,238,243,244,245,256,257,258,259,260,266,267,268,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,323,324,325,336,337,338,345,346,347,367,368,369,389,390,391,410,411,412,413,432,433,434,454,455,456,489 +961 - 84,85,86,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,293,294,296,297,298,299,300,301,302,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,490 +962 - 6,7,8,28,29,30,31,50,51,52,53,54,73,74,75,76,77,78,97,98,99,100,101,119,120,121,122,123,142,143,144,145,146,166,167,168,188,189,190,211,212,213,233,234,255,256,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,362,363,364,365,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,424,425,426,427,428,487 +963 - 53,54,55,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,123,124,125,126,127,128,140,141,142,143,147,148,149,150,162,163,164,165,169,170,171,172,184,185,186,187,188,190,191,192,193,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,362,363,364,365,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,471,493 +964 - 59,60,61,81,82,83,95,96,102,103,104,105,117,118,119,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,163,168,169,170,182,183,184,185,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,489 +965 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,168,169,170,171,181,182,183,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,471,492 +966 - 57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,164,165,166,167,168,181,182,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,279,280,281,282,290,291,292,301,302,303,313,322,323,324,325,343,344,345,346,363,364,365,366,367,384,385,386,387,388,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,488 +967 - 61,62,82,83,84,97,98,103,104,105,106,117,118,119,120,125,126,127,128,138,139,140,141,146,147,148,149,159,160,161,162,163,167,168,169,170,171,181,182,183,184,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,450,469,470,471,472,489 +968 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,187,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,278,279,280,281,292,293,294,295,296,297,301,302,303,314,315,316,317,322,323,324,325,336,337,338,343,344,345,346,347,358,359,360,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +969 - 76,77,96,97,98,99,102,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,190,191,192,193,194,203,204,212,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +970 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,123,124,125,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,211,212,226,227,232,233,234,248,249,254,255,270,271,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,338,339,341,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,454,473,474,475,476,494 +971 - 36,37,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +972 - 27,28,29,30,49,50,51,52,53,54,71,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,163,164,165,166,167,168,169,170,187,188,189,190,191,192,210,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,280,295,296,297,298,299,300,301,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,346,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,410,412,422,423,424,445,487 +973 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,149,150,151,152,163,164,165,166,170,171,172,173,174,185,186,187,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +974 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,99,100,101,102,103,104,105,115,116,117,118,122,123,124,125,126,127,137,138,139,146,147,148,149,150,151,159,160,161,170,171,172,173,174,180,181,182,193,194,195,196,197,202,203,204,217,218,219,224,225,226,240,241,246,247,262,263,267,268,269,283,284,285,289,290,291,304,305,306,307,311,312,313,325,326,327,328,333,334,335,346,347,348,349,355,356,357,366,367,368,369,370,377,378,379,386,387,388,389,390,391,400,401,402,403,404,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +975 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,230,234,235,236,237,238,247,248,249,250,251,252,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,290,291,292,293,294,298,299,300,301,302,303,311,312,313,314,315,316,319,320,321,322,323,324,333,334,335,336,337,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +976 - 5,6,7,8,27,28,29,30,49,50,51,70,71,72,92,93,94,114,115,116,136,137,138,157,158,159,160,179,180,181,182,201,202,203,204,210,211,212,213,214,215,216,223,224,225,226,230,231,232,233,234,235,236,237,238,239,246,247,248,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,491 +977 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,149,150,151,160,161,162,163,164,165,168,169,170,171,172,173,182,183,184,185,186,190,191,192,193,194,195,204,205,206,207,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,494 +978 - 34,35,36,37,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,106,116,117,118,119,120,121,125,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,191,192,193,194,203,204,205,213,214,215,216,234,235,236,237,256,257,258,259,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,390,391,392,400,401,402,403,404,405,406,407,413,414,415,423,424,425,426,427,428,435,436,437,446,447,448,457,458,459,487 +979 - 15,16,17,18,19,36,37,38,39,40,41,58,59,60,61,62,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,207,208,209,210,228,229,230,231,248,249,250,251,252,253,256,257,258,259,270,271,272,273,274,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +980 - 9,10,11,12,31,32,33,53,54,55,74,75,76,96,97,98,117,118,119,139,140,141,160,161,162,163,182,183,184,204,205,206,226,227,228,233,234,235,236,248,249,250,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,281,292,293,294,295,297,298,299,301,302,303,316,317,318,319,320,321,323,324,325,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,384,385,386,387,388,389,406,407,408,429,430,431,491 +981 - 58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,185,186,187,188,190,191,192,193,207,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,362,363,364,365,377,378,379,380,384,385,386,387,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +982 - 11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,96,97,98,99,100,117,118,119,120,121,122,138,139,140,141,142,143,144,159,160,161,162,163,164,165,166,181,182,183,184,186,187,188,203,204,205,208,209,210,230,231,232,252,253,254,274,275,276,282,297,298,302,303,304,305,319,320,321,322,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,486 +983 - 35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,429,448,449,450,486 +984 - 28,29,30,31,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,141,142,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,448,449,450,451,452,488 +985 - 35,36,37,38,57,58,59,60,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +986 - 82,83,84,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,191,192,193,194,195,200,201,202,213,214,215,216,217,234,235,236,237,238,254,255,256,257,258,259,260,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,467,468,469,492 +987 - 39,40,58,59,60,61,62,63,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,310,311,312,320,321,322,323,324,332,333,334,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,446,447,490 +988 - 10,11,12,33,34,55,56,57,78,79,100,101,122,123,144,145,166,167,188,189,210,211,232,233,254,255,275,276,277,294,295,296,297,298,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,358,359,360,361,362,364,365,366,367,379,380,381,382,383,388,389,390,391,393,402,403,404,411,412,413,414,415,487 +989 - 74,75,76,77,96,97,98,99,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,212,213,214,215,226,227,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +990 - 57,58,78,79,80,81,94,100,101,102,103,115,116,117,122,123,124,125,136,137,138,139,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,489 +991 - 11,12,13,14,15,16,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,186,191,192,193,194,195,202,203,204,205,206,207,211,212,213,214,215,216,217,223,224,225,226,227,228,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,295,296,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,491 +992 - 6,7,8,9,10,28,29,30,31,32,49,50,51,52,53,71,72,73,74,93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,159,160,161,162,164,165,166,167,168,181,182,183,184,186,187,188,189,190,191,203,204,205,206,210,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,255,256,257,258,259,269,270,271,272,273,278,279,280,281,282,291,292,293,294,295,301,302,303,304,314,315,316,317,323,324,325,326,336,337,338,339,340,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,485 +993 - 31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,95,96,101,102,103,104,123,124,125,126,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,253,254,255,256,257,276,277,278,279,280,299,300,301,302,303,312,322,323,324,325,333,334,335,343,344,345,346,347,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,488 +994 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,122,123,124,125,138,139,145,146,147,160,161,167,168,169,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,381,387,388,389,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +995 - 101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,230,231,232,233,234,253,254,255,256,257,267,268,269,276,277,278,279,288,289,290,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,490 +996 - 9,10,11,29,30,31,32,50,51,52,53,72,73,74,94,95,96,115,116,117,118,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,224,225,226,234,235,236,237,238,246,247,248,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,280,281,282,283,284,290,291,292,293,294,295,296,297,304,305,306,307,313,314,315,316,317,318,319,326,327,328,329,336,337,338,339,340,341,349,350,351,359,360,361,362,363,364,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,491 +997 - 83,84,85,86,95,96,104,105,106,107,116,117,118,119,125,126,127,128,129,138,139,140,141,146,147,148,149,150,151,159,160,161,162,163,167,168,169,170,171,172,180,181,182,183,184,185,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,301,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,472,489 +998 - 49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,184,185,186,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,255,256,257,278,279,280,301,302,323,324,344,345,346,366,367,368,388,389,409,410,411,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,473,474,488 +999 - 11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,81,82,83,84,96,97,98,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,256,257,258,259,277,278,279,280,287,288,289,290,291,292,293,294,295,296,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,386,387,388,389,390,391,392,410,411,412,413,414,433,434,435,436,487 +1000 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,186,204,205,206,207,208,213,214,226,227,228,229,230,234,235,236,237,238,248,249,250,251,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +1001 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,473,494 +1002 - 26,27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,97,98,99,100,101,120,121,122,123,124,143,144,145,146,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,233,250,251,252,253,254,255,256,273,274,275,276,277,278,279,296,297,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,488 +1003 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,126,127,128,129,140,141,142,143,144,149,150,151,161,162,163,164,165,171,172,173,183,184,185,186,193,194,195,204,205,206,207,208,215,216,217,226,227,228,229,237,238,239,247,248,249,250,251,258,259,260,261,269,270,271,272,280,281,282,283,290,291,292,293,294,301,302,303,304,305,312,313,314,315,316,322,323,324,325,326,334,335,336,337,343,344,345,346,347,356,357,358,359,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,485 +1004 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,124,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +1005 - 63,64,75,76,77,84,85,86,96,97,98,99,105,106,107,108,117,118,119,120,121,127,128,129,130,138,139,140,141,142,148,149,150,151,159,160,161,162,163,164,170,171,172,173,180,181,182,183,184,185,191,192,193,194,195,201,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,228,229,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,489 +1006 - 6,7,8,9,10,11,12,28,29,30,31,32,33,34,35,36,55,56,57,58,59,79,80,81,82,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,214,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,336,337,338,339,340,356,357,358,359,360,361,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,487 +1007 - 68,69,76,77,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,205,206,207,208,209,212,213,214,215,216,227,228,229,230,233,234,235,236,237,250,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,492 +1008 - 25,46,47,48,61,68,69,70,71,82,83,90,91,92,93,103,104,105,112,113,114,115,125,126,127,134,135,136,137,147,148,149,156,157,158,159,169,170,171,178,179,180,181,191,192,193,196,200,201,202,203,213,214,215,216,217,218,219,222,223,224,225,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,345,346,367,368,388,389,390,411,412,433,434,455,456,489 +1009 - 83,84,96,97,104,105,106,117,118,119,125,126,127,128,138,139,140,141,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,489 +1010 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,137,138,142,143,144,145,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,326,344,345,346,347,366,367,368,369,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +1011 - 30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,102,103,104,105,124,125,126,127,146,147,148,167,168,169,170,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,313,320,321,322,333,334,335,342,343,344,355,356,357,362,363,364,365,366,376,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,488 +1012 - 48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,122,123,124,135,136,144,145,146,166,167,168,187,188,189,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,277,296,297,298,299,300,321,322,323,344,345,346,367,368,383,389,390,405,406,411,412,413,427,428,429,430,432,433,434,435,449,450,451,452,453,454,455,456,457,473,474,475,476,477,478,488 +1013 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,101,102,103,104,105,124,125,126,127,128,147,148,149,150,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,422,423,424,425,426,427,487 +1014 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,100,101,102,103,104,105,116,117,118,119,124,125,126,127,128,138,139,140,147,148,149,150,159,160,161,169,170,171,172,181,182,183,192,193,194,202,203,204,205,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,258,259,260,261,268,269,270,279,280,281,282,290,291,292,301,302,303,304,312,313,314,322,323,324,325,334,335,336,343,344,345,346,347,356,357,358,364,365,366,367,368,378,379,380,381,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +1015 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,143,144,145,146,147,148,158,159,160,161,166,167,168,169,170,171,180,181,182,183,188,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,471,472,473,474,475,476,494 +1016 - 9,10,11,31,32,33,52,53,54,73,74,75,95,96,116,117,118,138,139,148,149,159,160,161,169,170,171,181,182,190,191,192,203,204,212,213,214,225,226,233,234,235,247,248,249,255,256,257,262,269,270,271,272,276,277,278,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,344,345,346,362,363,364,383,384,385,404,405,406,407,426,427,428,489 +1017 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,102,103,104,105,115,116,117,118,119,124,125,126,127,138,139,140,147,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,281,291,292,293,294,295,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,442,443,444,487 +1018 - 94,95,114,115,116,117,118,119,136,137,138,139,140,141,142,143,158,159,163,164,165,166,180,181,186,187,188,189,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,304,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,487 +1019 - 53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,149,150,151,152,159,160,161,162,163,164,166,167,168,171,172,173,174,175,181,182,183,184,185,193,194,195,196,197,202,203,204,205,206,215,216,217,218,219,223,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,344,345,346,347,348,354,355,356,357,358,365,366,367,368,369,370,376,377,378,379,380,381,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,485 +1020 - 91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,188,189,190,191,201,202,203,204,211,212,213,224,225,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,391,405,406,408,409,410,411,412,431,432,433,453,454,455,456,476,477,478,492 +1021 - 51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,122,123,124,125,138,139,144,145,146,147,166,167,168,169,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,488 +1022 - 33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,142,143,146,147,148,162,163,164,169,170,171,183,184,185,186,191,192,193,205,206,207,208,213,214,215,227,228,229,230,235,236,237,249,250,251,257,258,259,270,271,272,273,279,280,281,292,293,294,295,300,301,302,314,315,316,317,322,323,324,336,337,338,343,344,345,358,359,360,364,365,366,367,380,381,382,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +1023 - 63,64,74,75,84,85,86,95,96,97,98,105,106,107,108,116,117,118,119,120,127,128,129,130,137,138,139,140,141,148,149,150,151,158,159,160,161,162,170,171,172,173,179,180,181,182,183,184,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,470,471,472,489 +1024 - 86,107,108,109,119,128,129,130,131,139,140,141,142,149,150,151,152,153,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,186,191,192,193,194,195,201,202,203,204,205,206,207,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,407,489 +1025 - 67,83,84,85,86,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,182,183,184,185,186,187,188,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,252,253,254,255,256,257,258,266,267,277,278,279,280,287,288,289,290,291,292,299,300,301,302,309,310,311,312,313,314,315,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,405,406,407,490 +1026 - 32,33,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,104,116,117,118,119,124,125,126,127,137,138,139,140,147,148,149,150,158,159,160,161,170,171,172,180,181,182,193,194,195,201,202,203,215,216,217,223,224,225,237,238,239,245,246,247,260,261,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,326,327,333,334,335,347,348,349,355,356,357,358,369,370,371,378,379,380,381,389,390,391,392,401,402,403,404,405,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +1027 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,191,192,193,194,195,205,206,207,208,214,215,216,217,226,227,228,229,230,236,237,238,239,248,249,250,251,257,258,259,260,261,269,270,271,272,273,279,280,281,282,291,292,293,294,300,301,302,303,312,313,314,315,316,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,364,365,366,367,378,379,380,381,382,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +1028 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,102,103,104,105,106,117,118,119,126,127,128,129,138,139,140,141,142,143,149,150,151,158,159,160,161,162,163,164,165,166,167,171,172,173,180,181,182,183,184,185,187,188,189,192,193,194,195,203,204,205,206,210,211,213,214,215,216,226,227,228,229,230,231,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,303,316,317,318,319,320,322,323,324,325,336,337,338,339,340,345,346,347,357,358,359,360,361,367,368,369,379,380,381,382,388,389,390,391,400,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,493 +1029 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,213,214,216,217,218,222,223,224,225,226,228,229,230,231,232,233,234,235,237,238,239,240,244,245,246,247,248,251,252,253,254,255,259,260,261,262,266,267,268,269,280,281,282,283,287,288,289,290,291,302,303,304,305,309,310,311,312,313,323,324,325,326,327,331,332,333,334,335,344,345,346,347,348,354,355,356,357,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,469,470,471,485 +1030 - 46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,119,120,121,122,123,124,125,126,144,145,146,147,148,167,168,169,170,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,358,359,360,361,362,363,364,365,367,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,474,487 +1031 - 34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,126,127,128,129,147,148,149,150,151,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,343,344,345,346,347,353,354,355,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,488 +1032 - 9,10,11,30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,77,78,79,80,94,95,96,100,101,102,116,117,118,122,123,124,138,139,144,145,146,159,160,161,167,168,181,182,183,189,190,211,212,213,233,234,235,254,255,256,276,277,278,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,408,409,410,411,412,413,414,423,424,425,426,427,428,431,432,433,434,435,436,437,438,487 +1033 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,102,103,104,105,106,115,116,117,118,119,125,126,127,128,129,137,138,139,140,147,148,149,150,151,169,170,171,172,190,191,192,193,194,212,213,214,215,216,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,407,408,412,413,414,420,421,422,423,424,425,426,427,444,445,446,447,448,487 +1034 - 22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,44,45,46,57,58,59,60,61,82,83,84,104,105,106,124,125,126,127,144,145,146,147,148,163,164,165,166,167,168,169,182,183,184,185,186,187,188,204,205,206,207,208,227,228,229,230,231,232,252,253,254,255,256,276,277,278,279,300,301,302,323,324,345,346,347,352,353,367,368,369,374,375,376,389,390,391,396,397,398,399,400,401,402,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,488 +1035 - 54,55,56,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,363,364,365,366,378,379,380,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +1036 - 13,14,15,35,36,37,38,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,172,173,174,182,183,184,185,186,187,188,189,194,195,196,202,203,204,205,206,207,208,216,217,218,219,224,225,226,227,228,229,238,239,240,241,246,247,248,249,250,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,300,301,302,303,304,305,310,311,312,313,314,319,320,321,322,323,324,325,326,332,333,334,335,336,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,485 +1037 - 49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,146,147,148,149,163,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,378,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +1038 - 8,9,10,11,29,30,31,32,49,50,51,52,53,71,72,73,74,92,93,94,95,114,115,116,135,136,137,138,157,158,159,168,169,170,179,180,181,187,188,189,190,191,192,193,194,195,201,202,203,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,228,229,230,231,232,233,237,238,239,240,241,245,246,247,248,249,250,251,252,261,262,263,268,269,270,271,272,273,284,285,290,291,292,293,294,306,307,312,313,314,315,316,317,318,319,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,491 +1039 - 55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,137,138,139,140,141,142,143,146,147,148,158,159,160,161,162,163,167,168,169,170,180,181,182,183,184,188,189,190,191,192,203,204,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,302,315,316,317,318,322,323,324,336,337,344,345,346,347,358,359,360,366,367,368,369,380,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,488 +1040 - 59,60,80,81,82,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,189,190,204,205,206,207,208,211,212,225,226,227,228,229,232,233,234,244,245,246,247,248,249,254,255,256,259,265,266,267,268,269,270,271,272,276,277,278,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,342,343,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,489 +1041 - 4,26,96,97,102,103,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,158,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,215,216,217,224,225,226,227,228,229,230,231,232,236,237,238,239,246,247,248,249,250,251,252,258,259,260,261,267,268,269,270,271,272,279,280,281,282,283,289,290,291,292,300,301,302,303,304,311,312,313,321,322,323,324,325,333,334,335,336,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,485 +1042 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,101,102,103,116,117,122,123,124,125,144,145,146,164,165,166,167,185,186,187,188,205,206,207,208,209,226,227,228,229,230,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,324,345,346,347,366,367,368,369,387,388,389,390,399,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,488 +1043 - 58,59,60,79,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,469,470,471,486 +1044 - 69,70,90,91,92,93,112,113,114,115,122,123,134,135,136,137,143,144,145,146,155,156,157,158,164,165,166,167,168,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,242,243,244,245,246,247,248,254,255,256,257,258,259,265,266,267,268,277,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,348,367,368,369,370,389,390,391,392,393,411,412,413,414,415,433,434,435,436,437,455,456,457,458,459,478,479,480,481,489 +1045 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,106,107,108,109,119,120,121,122,129,130,131,140,141,142,143,151,152,153,162,163,164,173,174,175,183,184,185,195,196,197,204,205,206,207,216,217,218,226,227,228,229,238,239,240,247,248,249,250,259,260,261,269,270,271,274,275,280,281,282,283,290,291,292,293,294,295,296,301,302,303,304,311,312,313,314,315,316,322,323,324,325,326,333,334,335,343,344,345,346,347,354,355,356,357,363,364,365,366,367,376,377,378,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,485 +1046 - 51,52,72,73,74,80,81,94,95,102,103,115,116,117,124,125,126,137,138,139,146,147,148,158,159,160,168,169,170,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,223,224,225,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +1047 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,486 +1048 - 10,11,12,13,14,31,32,33,34,52,53,54,55,73,74,75,76,95,96,97,117,118,119,138,139,140,160,161,162,181,182,183,184,203,204,205,210,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,237,238,247,248,249,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,281,282,292,293,294,295,296,303,304,314,315,316,317,324,325,326,335,336,337,338,339,346,347,348,357,358,359,360,361,362,363,364,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,406,407,408,409,410,411,412,491 +1049 - 80,81,82,83,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,169,170,171,172,180,181,182,183,184,185,186,191,192,193,194,201,202,203,204,205,206,207,212,213,214,215,216,221,222,223,224,225,226,227,234,235,236,237,243,244,245,246,247,256,257,258,259,265,266,267,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,492 +1050 - 37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,427,447,448,449,486 +1051 - 34,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +1052 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,103,104,105,115,116,117,118,121,122,126,127,128,137,138,139,144,148,149,150,159,160,161,171,172,173,180,181,182,193,194,195,202,203,204,216,217,224,225,226,238,239,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,333,334,335,347,348,349,355,356,357,368,369,370,377,378,379,389,390,391,392,399,400,401,409,410,411,412,413,422,423,424,425,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,485 +1053 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,123,124,125,126,127,138,139,140,141,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,256,257,258,259,271,272,273,278,279,280,281,300,301,302,303,321,322,323,324,325,342,343,344,345,346,355,356,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +1054 - 72,73,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,159,160,161,166,167,168,181,182,183,188,189,190,203,204,210,211,212,232,233,234,254,255,256,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,385,386,387,407,408,409,429,430,431,432,451,452,453,454,473,474,475,476,492 +1055 - 105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,205,206,207,226,227,228,229,231,232,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,334,335,341,342,343,344,356,357,358,363,364,365,366,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,490 +1056 - 113,114,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +1057 - 60,61,62,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,165,166,167,168,169,170,171,186,187,188,189,190,191,192,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,467,468,469,486 +1058 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +1059 - 99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,168,169,170,180,181,182,183,190,191,192,202,203,211,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +1060 - 31,32,33,34,35,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,150,151,160,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,228,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,322,323,324,325,326,332,333,334,335,336,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,369,377,378,379,380,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +1061 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,380,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +1062 - 15,16,17,18,36,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,107,120,121,122,123,124,141,142,143,144,145,161,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,274,275,276,277,278,290,291,292,293,296,297,298,299,312,313,314,315,319,320,321,322,334,335,336,337,338,342,343,344,345,357,358,359,360,361,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,436,491 +1063 - 55,56,57,58,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,123,124,125,126,127,128,140,141,142,148,149,150,162,163,164,169,170,171,172,184,185,186,189,190,191,192,193,194,206,207,208,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,320,321,322,323,334,335,336,337,342,343,344,356,357,358,364,365,366,378,379,380,384,385,386,387,388,400,401,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,493 +1064 - 78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,160,161,162,182,183,184,204,205,206,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,318,319,320,321,322,341,342,343,362,363,364,365,384,385,386,404,405,406,407,426,427,428,429,446,447,448,449,450,467,468,469,470,471,490 +1065 - 12,13,14,15,16,33,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,115,118,119,120,121,140,141,142,143,161,162,163,164,182,183,184,185,189,204,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,279,280,281,282,291,292,293,294,295,296,301,302,303,304,313,314,315,316,317,322,323,324,325,326,335,336,337,338,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +1066 - 8,9,10,11,12,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,100,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,209,211,212,213,214,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,297,298,299,300,301,302,312,313,314,315,318,319,320,321,322,323,324,334,335,336,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,366,367,368,369,378,379,380,381,382,383,384,385,389,390,391,392,393,400,401,402,403,404,405,412,413,414,415,423,424,425,435,436,487 +1067 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,127,139,140,141,142,147,148,149,150,161,162,163,169,170,171,172,183,184,190,191,192,193,194,205,206,207,211,212,213,214,215,216,227,228,229,230,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,343,344,345,357,358,359,360,365,366,367,379,380,381,386,387,388,389,402,403,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,493 +1068 - 72,73,74,75,76,93,94,95,96,97,98,99,102,115,116,117,118,119,120,121,123,124,125,126,136,137,138,139,140,144,145,146,147,148,159,160,161,162,166,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,193,202,203,204,205,208,209,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,299,300,301,302,303,312,313,314,315,316,317,318,321,322,323,324,325,335,336,337,338,343,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,476,477,478,479,494 +1069 - 36,37,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,139,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,486 +1070 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,126,127,128,138,139,140,141,145,146,148,149,150,160,161,162,167,168,169,170,171,172,182,183,184,185,189,190,191,192,193,204,205,206,207,211,212,213,214,227,228,229,230,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,322,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,367,379,380,381,382,383,386,387,388,389,401,402,403,404,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +1071 - 33,34,35,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,188,189,191,192,193,194,204,205,206,207,208,209,210,213,214,215,216,217,225,226,227,228,229,230,231,235,236,237,238,239,246,247,248,249,250,251,252,257,258,259,260,261,268,269,270,271,272,273,274,279,280,281,282,283,290,291,292,293,294,295,300,301,302,303,304,312,313,314,315,316,317,321,322,323,324,325,326,334,335,336,337,338,339,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +1072 - 32,33,34,35,53,54,55,56,57,74,75,76,77,79,80,95,96,97,98,101,102,103,116,117,118,119,123,124,125,126,138,139,140,146,147,148,159,160,161,162,169,170,171,181,182,183,192,193,203,204,205,214,215,225,226,236,237,247,248,258,259,260,269,270,280,281,282,291,292,302,303,304,313,314,324,325,326,335,336,337,346,347,348,358,359,368,369,370,380,381,382,389,390,391,403,404,405,406,407,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +1073 - 59,60,81,82,83,96,97,98,99,103,104,105,118,119,120,121,124,125,126,139,140,141,146,147,148,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,211,212,213,224,225,226,227,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,303,304,305,318,319,320,321,325,326,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,489 +1074 - 48,49,50,51,52,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,112,113,114,115,119,120,121,122,134,135,136,137,142,143,144,145,156,157,158,159,163,164,165,166,167,168,178,179,180,181,182,185,186,187,188,189,190,200,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,232,233,234,235,247,248,249,250,255,256,257,258,277,278,279,280,300,301,302,303,323,324,325,345,346,347,348,367,368,369,370,390,391,392,393,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,480,494 +1075 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,103,104,105,106,124,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,171,187,188,189,190,191,192,209,210,211,212,213,214,215,216,231,232,233,234,235,236,237,238,243,258,259,260,265,266,267,280,281,282,287,288,289,302,303,304,309,310,311,312,323,324,325,326,331,332,333,334,344,345,346,347,348,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +1076 - 71,72,73,74,75,76,77,78,79,81,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,149,150,151,170,171,172,173,191,192,193,194,213,214,215,216,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +1077 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,126,127,128,129,137,138,139,140,141,148,149,150,151,159,160,161,162,170,171,172,173,180,181,182,183,184,193,194,195,202,203,204,205,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,348,356,357,358,359,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +1078 - 75,76,77,95,96,97,98,99,100,116,117,118,119,121,122,123,124,138,139,143,144,145,146,159,160,161,164,165,167,168,181,182,186,188,189,190,202,203,204,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,271,272,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,474,475,476,494 +1079 - 57,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,428,447,448,449,450,469,470,471,472,486 +1080 - 94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,169,183,184,189,190,191,210,211,212,213,232,233,234,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,338,339,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +1081 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,102,103,104,115,116,117,118,119,124,125,126,136,137,138,139,140,146,147,148,158,159,160,161,168,169,170,181,182,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,279,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,388,389,390,401,402,403,404,405,406,411,423,424,425,426,427,445,446,447,448,487 +1082 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,297,298,299,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,389,407,408,409,410,411,430,431,432,433,452,453,454,455,486 +1083 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,100,101,102,103,104,113,114,115,116,117,121,122,123,124,125,135,136,137,138,142,143,144,145,146,147,163,164,165,166,167,168,185,186,187,188,207,208,209,210,229,230,231,232,233,234,235,252,253,254,255,256,257,258,275,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,346,347,348,367,368,369,370,377,378,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,488 +1084 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,117,119,120,121,122,123,124,125,143,144,145,146,147,166,167,168,169,170,188,189,190,191,192,211,212,213,214,233,234,235,255,256,257,276,277,278,298,299,318,319,320,321,338,339,340,341,342,358,359,360,361,362,363,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,487 +1085 - 97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,237,247,248,249,255,256,257,258,270,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,492 +1086 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,115,121,122,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,487 +1087 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,82,83,84,85,95,96,97,98,99,100,105,106,107,117,118,119,120,121,122,123,128,129,138,139,140,141,142,143,144,150,151,160,161,162,163,164,165,171,172,173,182,183,184,185,186,192,193,194,195,204,205,206,207,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,301,302,303,304,312,313,314,315,316,324,325,326,334,335,336,337,338,346,347,348,355,356,357,358,359,360,368,369,377,378,379,380,381,382,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,493 +1088 - 89,90,91,92,93,94,95,96,97,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,430,431,432,433,451,452,453,454,455,474,475,476,477,478,492 +1089 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,124,125,138,139,140,146,147,159,160,161,168,169,181,182,183,189,190,191,202,203,204,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,280,297,298,299,319,320,321,324,341,342,343,346,362,363,364,365,368,384,385,386,390,406,407,408,427,428,429,449,450,451,471,472,473,494 +1090 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,159,160,161,162,166,167,168,169,181,182,183,189,190,191,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +1091 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,125,126,127,128,129,136,137,138,139,140,141,149,150,151,152,158,159,160,161,162,163,164,172,173,174,175,180,181,182,183,184,185,186,195,196,197,202,203,204,205,206,217,218,219,224,225,226,227,228,240,241,246,247,248,249,250,262,263,267,268,269,270,271,272,284,285,289,290,291,292,293,294,295,306,307,311,312,313,316,317,318,327,328,329,333,334,335,348,349,350,351,355,356,357,368,369,370,371,372,377,378,379,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,485 +1092 - 77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,141,142,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,476,492 +1093 - 58,59,60,61,79,80,81,82,83,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,486 +1094 - 45,46,47,48,49,50,51,52,53,58,59,60,61,62,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,118,119,120,121,122,123,124,136,137,157,158,159,160,179,180,181,182,187,188,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,279,280,281,282,283,284,302,303,304,305,306,325,326,327,328,347,348,349,350,369,370,371,372,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,468,469,470,471,472,473,474,475,476,477,490 +1095 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,116,117,118,119,120,125,126,127,138,139,140,141,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,409,410,411,412,413,414,420,421,422,423,424,425,433,434,435,443,444,445,446,487 +1096 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,148,149,150,159,160,161,162,163,169,170,171,180,181,182,183,184,202,203,204,205,223,224,225,226,234,235,236,245,246,247,248,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,363,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,494 +1097 - 33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,230,231,232,233,234,253,254,255,256,257,275,276,277,278,279,299,300,301,302,321,322,323,324,325,344,345,346,347,366,367,368,369,378,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,488 +1098 - 12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,226,227,228,229,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,337,338,345,346,347,359,360,361,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +1099 - 96,97,98,99,100,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,166,167,168,169,170,171,172,181,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,228,234,235,236,247,248,249,255,256,257,258,276,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +1100 - 9,10,11,12,31,32,52,53,74,75,96,97,118,119,140,141,162,163,183,184,185,205,206,207,227,228,229,232,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,300,301,302,315,316,317,318,323,324,338,339,340,345,346,360,361,362,366,367,368,383,384,387,388,389,405,406,407,408,409,410,428,429,430,431,491 +1101 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,82,83,84,95,96,97,98,99,105,106,107,116,117,118,119,120,121,127,128,129,137,138,139,140,149,150,151,159,160,161,171,172,173,181,182,183,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,292,293,294,301,302,303,313,314,315,316,323,324,325,334,335,336,337,338,339,345,346,347,356,357,358,360,367,368,369,378,379,380,388,389,390,391,401,402,403,404,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,493 +1102 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,124,125,140,141,142,146,147,161,162,163,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,232,233,234,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,494 +1103 - 77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,125,126,140,141,142,147,148,161,162,163,169,170,183,184,185,190,191,192,205,206,211,212,213,227,228,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,470,471,472,494 +1104 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,123,124,125,135,136,137,145,146,147,157,158,167,168,169,188,189,190,210,211,212,231,232,233,252,253,254,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,341,342,343,344,345,356,357,358,364,365,366,367,368,388,389,390,411,412,433,434,435,455,456,457,477,478,479,488 +1105 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,127,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,165,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,207,216,217,218,219,223,224,225,226,228,229,239,240,241,245,246,247,250,251,260,261,262,263,266,267,268,269,272,273,282,283,284,288,289,290,294,295,303,304,305,306,310,311,312,323,324,325,326,327,328,332,333,334,335,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,485 +1106 - 29,30,31,32,50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,113,114,115,116,121,122,123,124,135,136,137,143,144,145,146,147,157,158,159,166,167,168,169,179,188,189,190,191,210,211,212,213,232,233,234,235,251,252,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,393,411,412,413,414,415,416,417,434,435,436,437,438,439,458,459,460,461,487 +1107 - 59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +1108 - 53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,101,102,103,116,117,118,119,120,124,125,137,138,139,146,147,148,159,160,168,169,170,181,182,190,191,192,203,204,212,213,214,225,226,227,230,231,232,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,322,323,336,337,344,345,358,359,366,367,380,381,382,388,389,402,403,404,410,411,425,426,427,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,493 +1109 - 34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,104,105,106,107,117,118,119,120,121,122,125,126,127,128,137,138,139,140,141,142,147,148,149,150,158,159,160,161,162,163,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,225,226,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,410,411,412,413,414,415,416,419,420,421,422,423,424,434,435,436,437,438,442,443,444,487 +1110 - 6,7,8,9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,149,166,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,311,312,313,314,315,316,332,333,334,335,336,337,338,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,487 +1111 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,98,99,100,101,102,112,113,114,115,116,120,121,122,123,134,135,136,137,142,143,144,145,164,165,166,167,186,187,188,189,190,209,210,211,212,213,214,232,233,234,235,236,255,256,257,258,259,278,279,280,281,282,301,302,303,304,305,324,325,326,327,346,347,348,349,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,488 +1112 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,165,166,187,188,209,210,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,429,430,451,452,473,474,486 +1113 - 84,85,86,105,106,107,108,117,118,126,127,128,129,130,137,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,180,181,182,183,184,189,190,191,192,193,202,203,204,205,206,211,212,213,214,224,225,226,227,228,229,230,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,489 +1114 - 31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,258,259,260,261,268,269,270,271,272,281,282,283,291,292,303,304,305,324,325,326,327,346,347,348,349,366,367,368,369,370,371,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,488 +1115 - 122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,151,152,153,166,167,169,170,171,172,173,174,175,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,251,270,271,272,273,274,294,295,296,297,317,318,319,320,333,340,341,342,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,401,402,403,404,490 +1116 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,126,127,139,140,141,142,148,149,150,161,162,163,170,171,172,183,184,185,192,193,204,205,206,207,214,215,226,227,228,235,236,237,248,249,257,258,259,270,271,279,280,291,292,293,300,301,302,313,314,315,322,323,324,335,336,337,343,344,345,357,358,359,365,366,367,379,380,381,386,387,388,401,402,403,407,408,409,410,424,425,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +1117 - 14,15,16,17,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,211,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,301,302,303,304,305,313,314,315,316,317,318,319,320,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,491 +1118 - 78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,159,160,161,181,182,183,203,204,205,207,208,209,210,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,277,278,279,300,301,322,323,344,345,346,361,362,366,367,368,382,383,384,388,389,390,404,405,406,410,411,426,427,428,432,433,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +1119 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,492 +1120 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,79,80,81,96,97,98,102,103,118,119,120,124,125,140,141,142,162,163,164,185,186,187,207,208,209,210,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,385,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,493 +1121 - 35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,105,106,107,108,115,116,117,118,119,128,129,130,136,137,138,139,140,149,150,151,158,159,160,161,171,172,173,180,181,182,192,193,194,202,203,204,205,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,303,304,312,313,314,315,316,317,325,326,333,334,335,338,339,340,346,347,348,355,356,357,361,368,369,370,377,378,379,389,390,391,399,400,401,402,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,493 +1122 - 92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,137,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,303,319,320,321,341,342,343,363,364,385,386,407,408,429,430,451,452,473,474,475,492 +1123 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,147,148,149,150,151,161,162,163,170,171,172,173,182,183,184,191,192,193,194,195,204,205,206,213,214,216,217,226,227,228,233,234,235,236,238,248,249,250,251,252,253,254,255,256,257,260,271,272,273,274,275,276,277,278,279,282,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,468,469,470,494 +1124 - 56,57,78,79,80,100,101,102,114,115,122,123,124,125,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,183,189,190,191,203,204,205,211,212,213,214,225,226,227,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,476,477,489 +1125 - 94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,164,167,168,169,170,181,182,183,189,190,191,192,202,203,204,205,211,212,213,224,225,226,227,232,233,234,235,246,247,248,249,254,255,256,268,269,270,275,276,277,278,290,291,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +1126 - 76,77,82,97,98,99,103,104,105,119,120,121,124,125,126,127,140,141,142,145,146,147,149,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,207,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,489 +1127 - 81,82,83,103,104,105,124,125,126,140,141,146,147,148,161,162,163,167,168,169,170,183,184,185,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,251,252,253,254,255,256,275,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,471,472,489 +1128 - 8,9,10,11,12,30,31,32,34,51,52,53,73,74,75,95,96,97,117,118,119,138,139,140,160,161,162,182,183,184,204,205,206,212,213,214,215,226,227,228,233,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,270,271,272,275,276,277,278,281,282,283,292,293,294,297,298,299,304,305,315,316,317,319,320,321,325,326,327,337,338,339,341,342,346,347,348,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +1129 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,105,106,107,108,116,117,118,127,128,129,130,138,139,140,141,150,151,152,159,160,161,162,163,172,173,174,181,182,183,184,185,194,195,196,203,204,205,206,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,268,269,270,271,281,282,283,289,290,291,292,293,301,302,303,304,311,312,313,314,315,323,324,325,326,333,334,335,336,337,338,344,345,346,347,348,355,356,357,358,359,360,364,365,366,367,368,377,378,379,380,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +1130 - 80,81,82,101,102,103,104,105,113,114,115,123,124,125,126,127,136,137,138,139,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,231,232,233,234,236,237,238,253,254,255,256,257,258,259,275,276,277,278,279,280,281,296,297,298,299,300,301,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,385,386,407,408,429,430,451,452,473,474,492 +1131 - 97,98,106,107,117,118,119,120,127,128,129,138,139,140,141,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +1132 - 14,15,16,35,36,37,56,57,58,77,78,79,99,100,120,121,122,141,142,143,163,164,184,185,206,207,227,228,249,250,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,300,301,315,322,323,337,338,343,344,359,360,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +1133 - 31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,104,105,106,107,108,114,115,116,117,118,127,128,129,130,131,135,136,137,150,151,152,153,156,157,158,172,173,174,175,178,179,180,182,183,184,195,196,197,203,204,205,206,217,218,219,225,226,227,228,239,240,241,245,246,247,248,249,260,261,262,263,267,268,269,270,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,345,346,347,348,349,354,355,356,365,366,367,368,369,370,376,377,378,379,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +1134 - 34,35,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +1135 - 57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +1136 - 29,30,39,40,51,52,53,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,140,141,142,162,163,164,183,184,185,186,205,206,207,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,299,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,378,379,380,387,388,389,390,391,400,401,402,403,404,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,490 +1137 - 93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,168,169,170,180,181,182,183,190,191,192,202,203,204,212,213,214,224,225,226,234,235,236,255,256,257,258,277,278,279,280,299,300,301,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,471,472,473,474,492 +1138 - 23,24,25,26,27,28,29,30,45,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,90,91,94,95,96,97,98,99,100,101,102,119,120,121,122,123,124,143,144,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,303,314,315,322,323,324,325,336,337,338,339,345,346,347,348,358,359,360,361,362,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,488 +1139 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,125,126,127,140,141,142,143,147,148,149,161,162,163,169,170,171,183,184,185,190,191,192,193,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,472,494 +1140 - 13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,80,97,98,99,100,119,120,121,122,141,142,143,162,163,164,183,184,185,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,301,302,303,314,315,316,322,323,324,325,336,337,338,343,344,345,346,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +1141 - 87,100,101,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,182,183,184,203,204,205,206,224,225,226,227,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,320,321,322,341,342,343,344,358,362,363,364,365,379,380,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,490 +1142 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,126,127,128,129,130,137,138,139,140,141,147,148,149,150,151,152,159,160,161,162,169,170,171,172,173,174,181,182,183,184,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,384,385,386,387,401,402,403,404,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,477,493 +1143 - 36,37,58,59,79,80,81,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,446,447,448,449,486 +1144 - 49,50,51,71,72,73,74,80,81,93,94,95,96,102,103,104,115,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,255,256,257,258,270,271,272,273,277,278,279,280,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,489 +1145 - 74,75,76,85,86,94,95,96,97,98,106,107,108,115,116,117,118,127,128,129,130,136,137,138,139,140,148,149,150,151,158,159,160,161,170,171,172,173,179,180,181,182,191,192,193,194,201,202,203,204,205,206,207,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,472,473,474,489 +1146 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,139,140,141,142,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,493 +1147 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,102,103,104,105,118,119,120,125,126,127,139,140,141,142,143,147,148,149,161,162,163,164,165,169,170,171,183,184,185,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,412,422,423,424,425,426,427,428,444,445,446,447,448,487 +1148 - 60,61,82,83,103,104,105,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,167,168,169,181,182,183,189,190,191,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +1149 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,83,84,85,96,97,98,99,100,105,106,107,117,118,119,120,127,128,129,139,140,141,149,150,151,160,161,162,163,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,299,300,301,313,314,315,316,321,322,323,334,335,336,337,338,343,344,345,356,357,358,359,360,365,366,367,378,379,380,381,382,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +1150 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,143,144,145,146,159,160,161,166,167,168,169,181,182,183,189,190,191,203,204,205,212,213,214,225,226,227,228,233,234,235,236,248,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,455,475,476,477,494 +1151 - 77,78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,125,126,140,141,142,147,148,161,162,163,169,170,183,184,185,190,191,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,470,494 +1152 - 32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,451,452,453,454,486 +1153 - 85,86,87,106,107,108,109,116,117,118,127,128,129,130,138,139,140,148,149,150,151,158,159,160,170,171,172,173,179,180,181,182,191,192,193,194,200,201,202,203,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,405,406,407,426,427,428,429,449,450,489 +1154 - 51,52,53,54,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,145,146,157,158,159,160,161,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,236,237,238,239,245,246,247,248,249,250,259,260,261,268,269,270,271,272,281,282,283,284,291,304,305,306,326,327,328,348,349,350,355,356,370,371,372,377,378,390,391,392,393,394,399,400,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,466,467,468,469,470,471,472,473,474,475,476,490 +1155 - 31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,102,103,104,105,113,114,115,116,124,125,126,127,136,137,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,252,253,254,255,256,257,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,326,345,346,347,348,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,488 +1156 - 33,34,35,54,55,56,57,58,77,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,486 +1157 - 36,37,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,447,448,449,486 +1158 - 12,13,14,15,33,34,35,36,54,55,56,57,74,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,161,162,163,182,183,184,204,205,206,226,227,228,234,235,248,249,250,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,323,324,325,326,337,338,339,340,341,342,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,406,407,408,409,410,491 +1159 - 98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,168,169,170,171,180,181,182,189,190,191,192,193,203,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +1160 - 36,37,55,58,75,76,77,78,79,80,96,97,98,101,102,118,119,122,123,139,140,144,145,161,162,163,165,166,184,185,187,188,206,207,208,209,228,229,230,231,251,252,273,274,275,294,295,296,297,298,316,317,319,320,321,338,339,342,343,344,360,361,365,366,382,383,387,388,389,405,406,407,410,411,428,429,430,432,433,451,452,453,454,455,493 +1161 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,82,83,84,96,97,98,99,105,106,107,117,118,119,120,121,127,128,129,138,139,140,141,142,149,150,151,160,161,162,163,170,171,172,182,183,184,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,300,301,302,313,314,315,316,322,323,324,335,336,337,344,345,346,357,358,359,365,366,367,378,379,380,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +1162 - 34,35,36,37,55,56,57,58,59,78,79,80,81,82,101,102,103,104,119,120,121,123,124,125,126,140,141,142,143,145,146,147,148,162,163,164,165,167,168,169,170,184,185,186,187,189,190,191,192,206,207,208,212,213,214,228,229,230,233,234,235,236,249,250,251,252,255,256,257,271,272,273,274,277,278,279,293,294,295,296,298,299,300,301,315,316,317,318,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,448,449,450,485 +1163 - 32,33,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,100,101,102,115,116,117,118,119,122,123,124,137,138,139,140,144,145,146,160,161,166,167,168,188,189,190,209,210,211,212,231,232,233,253,254,255,268,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,299,311,312,313,315,316,317,318,319,320,321,322,333,334,337,338,339,340,341,342,343,344,345,346,347,351,355,356,357,358,359,360,361,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,388,389,390,391,392,393,394,395,401,402,412,413,414,415,416,417,487 +1164 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,165,167,168,169,170,171,172,178,179,180,181,182,189,190,191,192,193,194,200,201,202,203,204,211,212,213,214,215,223,224,225,233,234,235,236,237,245,246,247,254,255,256,257,258,267,268,269,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,478,480,492 +1165 - 74,75,76,95,96,97,98,108,109,117,118,119,120,129,130,131,138,139,140,141,142,149,150,151,152,153,158,159,160,161,162,163,164,170,171,172,173,174,175,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,205,212,213,214,215,216,223,224,225,226,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,472,489 +1166 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,187,188,189,190,191,201,209,210,211,212,213,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,318,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +1167 - 91,96,97,98,99,100,108,109,116,117,118,119,120,121,122,128,129,130,131,136,137,138,139,140,141,142,143,144,148,149,150,151,152,158,159,160,161,162,163,164,165,169,170,171,172,173,174,180,181,182,183,184,185,186,190,191,192,193,194,195,196,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,472,489 +1168 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,137,138,139,140,141,142,143,144,145,146,147,148,166,167,168,187,188,189,190,209,210,211,212,231,232,233,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,313,314,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,449,450,451,471,472,473,492 +1169 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,100,101,102,103,114,115,116,117,118,121,122,123,124,136,137,138,139,142,143,144,145,146,158,159,160,163,164,165,166,167,168,181,185,186,187,188,189,207,208,209,210,211,230,231,232,233,234,235,254,255,256,257,258,259,277,278,279,280,281,300,301,302,303,304,324,325,326,346,347,348,349,368,369,370,371,380,381,382,383,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,442,443,444,445,446,447,448,449,450,451,452,453,454,488 +1170 - 100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,190,191,192,193,194,202,203,212,213,214,215,233,234,235,236,237,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,359,360,362,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +1171 - 30,31,32,33,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,93,94,95,96,97,99,100,101,102,103,114,115,116,117,118,119,122,123,124,125,136,137,138,139,142,143,144,145,146,147,158,159,160,161,164,165,166,167,168,169,186,187,188,189,208,209,210,230,231,232,233,253,254,255,256,275,276,277,278,279,299,300,301,302,322,323,324,325,345,346,347,359,360,361,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +1172 - 31,32,33,34,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,103,104,105,116,117,118,119,121,122,126,127,138,139,140,143,144,148,149,150,159,160,161,171,172,180,181,182,183,193,194,202,203,204,205,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,357,358,367,368,369,370,380,381,382,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,485 +1173 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,180,181,182,183,184,201,202,203,204,205,206,223,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,326,327,328,329,335,336,337,338,339,340,341,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,491 +1174 - 11,12,13,33,34,35,54,55,56,76,77,78,97,98,99,119,120,121,140,141,142,143,162,163,164,184,185,186,189,190,191,205,206,207,210,211,212,213,214,227,228,229,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,278,279,280,293,294,295,296,297,299,300,301,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,491 +1175 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,138,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,205,206,207,208,209,210,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,274,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,494 +1176 - 57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,104,105,118,119,120,121,125,126,127,139,140,141,146,147,148,149,161,162,167,168,169,170,183,184,189,190,191,192,205,206,207,210,211,212,213,214,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,341,342,358,359,360,361,363,364,365,380,381,382,385,386,387,402,403,404,405,407,408,409,425,426,427,428,430,431,448,449,450,451,452,453,471,472,473,474,475,493 +1177 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,125,126,127,138,139,140,147,148,149,159,160,161,162,163,169,170,180,181,182,183,189,190,191,192,193,203,204,205,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,494 +1178 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,428,429,430,450,451,452,472,473,474,486 +1179 - 76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,187,202,203,204,205,206,207,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,320,321,322,323,324,332,344,345,346,354,355,366,367,368,369,376,377,378,379,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,490 +1180 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,170,171,172,173,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,444,445,446,447,448,466,467,468,469,492 +1181 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,107,117,118,119,120,121,127,128,129,138,139,140,141,142,143,149,150,151,159,160,161,162,163,164,165,166,170,171,172,173,181,182,183,184,185,186,187,188,191,192,193,194,195,203,204,205,206,213,214,215,216,225,226,227,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,323,324,325,334,335,336,337,338,346,347,356,357,358,359,360,368,369,378,379,380,381,389,390,391,400,401,402,403,404,410,411,412,422,423,424,425,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,493 +1182 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,126,127,128,129,139,140,141,160,161,162,163,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,226,227,228,231,232,233,234,248,249,254,255,256,257,277,278,279,300,301,322,323,334,335,344,345,346,356,357,366,367,368,378,379,380,388,389,390,400,401,402,403,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +1183 - 13,14,15,16,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,160,161,162,163,182,183,184,203,204,205,206,211,212,225,226,227,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,280,281,282,290,291,292,293,295,296,297,302,303,304,312,313,314,315,317,318,324,325,326,334,335,336,337,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +1184 - 59,60,80,81,82,102,103,104,105,123,124,125,126,127,137,138,139,140,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,489 +1185 - 98,99,100,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,212,213,214,215,216,222,223,224,225,226,227,234,235,236,237,244,245,246,247,255,256,257,258,267,268,269,277,278,279,280,299,300,301,320,321,322,323,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,474,492 +1186 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,122,123,124,139,140,141,145,146,160,161,162,167,168,169,170,182,183,184,189,190,191,192,204,205,212,213,214,225,226,227,234,235,236,247,248,255,256,257,258,269,270,276,277,278,279,291,292,297,298,299,300,301,313,314,317,318,319,320,322,323,335,336,337,338,339,340,341,344,345,358,359,360,361,366,367,388,389,410,411,432,433,454,455,476,477,494 +1187 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,124,125,126,127,128,129,136,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,163,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,245,246,247,248,249,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,292,302,303,304,305,310,311,312,313,314,324,325,326,327,332,333,334,335,336,345,346,347,348,349,354,355,356,357,358,366,367,368,369,370,377,378,379,380,381,382,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +1188 - 80,81,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +1189 - 11,12,13,14,32,33,34,35,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,140,141,142,143,162,163,164,183,184,185,205,206,207,226,227,228,229,248,249,250,255,256,257,258,259,260,261,270,271,272,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,303,304,305,314,315,316,317,318,319,320,325,326,327,336,337,338,339,340,341,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +1190 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,225,226,227,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,319,320,321,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,472,473,474,475,494 +1191 - 55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,103,106,107,108,116,117,118,119,120,121,128,129,130,137,138,139,140,141,142,149,151,152,153,159,160,161,162,163,171,172,173,174,175,181,182,183,187,188,192,193,194,195,196,197,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,302,303,304,305,313,314,315,324,325,326,334,335,336,337,346,347,348,349,355,356,357,358,359,368,369,370,377,378,379,380,381,382,383,389,390,391,392,399,400,401,403,404,405,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +1192 - 78,79,80,81,98,99,100,101,102,103,119,120,121,122,124,125,140,141,142,143,146,147,148,149,162,163,164,168,169,170,171,183,184,185,186,190,191,192,193,205,206,207,212,213,214,226,227,228,234,235,236,248,249,250,256,257,258,270,271,277,278,279,291,292,293,299,300,301,313,314,315,319,320,321,322,323,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,385,386,387,407,408,409,429,430,451,452,472,473,474,494 +1193 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,79,80,81,82,83,93,94,95,96,97,98,99,102,103,104,105,114,115,116,117,118,119,120,121,122,124,125,126,127,128,136,137,138,139,140,141,142,146,147,148,149,150,159,160,161,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,256,257,258,259,277,278,279,280,299,300,301,302,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,410,411,421,422,423,424,425,426,427,428,444,445,446,447,448,487 +1194 - 95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,143,144,145,157,158,159,160,166,167,179,180,181,189,193,194,201,202,211,214,215,216,223,224,225,236,237,245,246,247,248,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,339,340,341,346,347,368,369,390,391,412,413,434,435,436,457,458,479,480,494 +1195 - 12,13,14,15,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,211,212,213,225,226,227,228,230,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,279,280,281,282,290,291,292,295,296,297,302,303,304,312,313,314,317,318,319,320,324,325,326,334,335,336,341,342,345,346,347,348,357,358,359,360,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +1196 - 77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,254,255,256,257,258,266,267,268,269,270,271,272,273,274,276,277,278,279,280,288,289,290,291,292,293,294,295,298,299,300,301,302,310,311,312,313,314,315,316,320,321,322,323,324,332,333,334,335,336,337,343,344,345,346,357,365,366,367,368,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,452,453,454,455,456,457,475,476,477,478,479,494 +1197 - 52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,144,145,146,147,158,159,160,161,165,166,167,168,169,181,182,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,274,275,276,277,278,297,298,299,300,301,320,321,322,323,343,344,345,346,366,367,368,388,389,390,401,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,488 +1198 - 78,79,98,99,100,101,102,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,193,205,206,207,208,209,210,227,228,229,230,231,232,233,234,252,253,254,255,256,276,277,278,279,298,299,300,301,319,320,321,322,331,341,342,343,344,353,354,361,362,363,364,365,375,376,377,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,444,445,446,490 +1199 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,126,127,139,140,141,142,146,147,148,149,160,161,162,163,167,168,169,170,182,183,184,185,189,190,191,192,204,205,206,210,211,212,213,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,494 +1200 - 33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +1201 - 31,32,33,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,100,101,102,103,104,113,114,115,116,117,118,123,124,125,126,134,135,136,137,138,139,145,146,147,148,149,156,157,158,159,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,252,253,254,255,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,325,344,345,346,347,367,368,369,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,488 +1202 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,124,125,126,127,128,129,135,136,137,138,139,146,147,148,149,150,151,157,158,159,160,168,169,170,171,172,178,179,180,181,189,190,191,192,193,200,201,202,203,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,257,258,259,268,269,270,271,272,273,274,275,279,280,281,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,387,388,389,390,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,494 +1203 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,49,50,51,52,53,55,56,57,58,59,71,72,73,74,75,78,79,80,81,82,92,93,94,95,96,101,102,103,104,115,116,117,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,412,413,414,415,416,417,421,422,423,424,425,436,437,438,439,487 +1204 - 70,71,72,73,74,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,164,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,472,473,474,475,492 +1205 - 37,38,39,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +1206 - 75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,145,146,147,148,162,163,164,168,169,170,184,185,186,189,190,191,192,206,207,211,212,213,214,228,229,232,233,234,235,236,250,251,252,254,255,256,257,258,272,273,274,275,276,277,278,279,295,296,297,298,299,300,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,494 +1207 - 96,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,468,469,470,471,492 +1208 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,124,125,126,127,134,135,136,137,146,147,148,149,156,157,158,167,168,169,170,171,172,178,179,180,188,189,190,191,192,193,194,200,201,202,208,209,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,258,259,260,261,268,269,270,271,272,273,274,280,281,282,283,302,303,304,305,324,325,326,334,335,345,346,347,348,355,356,357,366,367,368,369,370,377,378,379,386,387,388,389,390,391,400,401,402,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,494 +1209 - 98,99,100,101,109,119,120,121,122,129,130,131,139,140,141,142,143,144,150,151,152,153,161,162,163,164,165,171,172,173,174,175,182,183,184,185,186,192,193,194,195,196,202,203,204,205,206,213,214,215,216,217,223,224,225,226,227,228,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,315,316,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,489 +1210 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,141,142,145,146,160,161,167,168,182,183,184,189,190,205,206,207,211,212,228,229,230,233,234,251,252,253,254,255,256,275,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,493 +1211 - 36,37,38,39,40,47,56,57,58,59,60,61,62,63,76,77,78,79,80,82,83,84,85,96,97,98,99,100,106,107,108,117,118,119,120,121,128,129,130,138,139,140,141,142,150,151,159,160,161,162,163,171,172,173,181,182,183,184,191,192,193,194,195,203,204,205,206,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,279,280,281,282,291,292,293,294,302,303,304,305,312,313,314,315,316,324,325,326,327,334,335,336,337,338,346,347,348,355,356,357,358,359,360,361,368,369,370,377,378,379,381,382,383,389,390,391,400,401,402,403,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,493 +1212 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,168,169,182,183,184,185,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,271,272,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,339,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +1213 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,81,82,83,84,94,95,96,97,104,105,106,116,117,118,119,120,126,127,128,137,138,139,140,141,148,149,150,159,160,161,162,170,171,172,181,182,183,191,192,193,194,203,204,205,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,301,302,303,313,314,315,316,317,323,324,325,335,336,337,338,339,345,346,347,348,356,357,358,360,367,368,369,378,379,380,381,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,493 +1214 - 32,33,34,53,54,55,56,57,75,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +1215 - 78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,147,148,149,160,161,162,163,169,170,171,182,183,184,190,191,192,193,204,205,206,207,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,494 +1216 - 73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,140,141,142,146,147,163,164,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,255,275,276,277,298,299,300,320,321,322,342,343,344,345,365,366,367,387,388,389,401,402,409,410,423,424,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,475,488 +1217 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,84,92,93,94,95,96,102,103,104,105,106,113,114,115,116,117,124,125,126,127,128,129,134,135,136,137,138,148,149,150,151,156,157,158,159,162,170,171,172,173,178,179,180,182,183,184,185,193,194,195,196,200,201,202,203,204,205,206,207,216,217,218,222,223,224,225,226,227,228,238,239,240,241,245,246,247,248,249,260,261,262,263,267,268,269,270,281,282,283,284,285,288,289,290,291,292,303,304,305,306,310,311,312,313,314,325,326,327,332,333,334,335,336,346,347,348,349,354,355,356,357,358,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,485 +1218 - 12,13,14,15,16,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,227,228,229,248,249,250,251,271,272,273,276,277,278,293,294,295,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,344,345,346,347,359,360,361,362,363,366,367,368,369,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +1219 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,103,104,105,115,116,117,118,119,124,125,126,127,137,138,139,140,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,273,274,275,276,277,278,295,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,347,367,368,369,376,377,378,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,488 +1220 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,191,192,193,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,342,343,344,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,470,471,472,473,492 +1221 - 51,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,98,99,100,101,102,103,104,105,114,115,116,117,118,122,123,124,125,126,136,137,138,139,144,145,146,147,148,165,166,167,168,186,187,188,189,208,209,210,230,231,232,233,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,321,322,323,324,344,345,346,347,365,366,367,368,369,386,387,388,389,390,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,488 +1222 - 55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,126,127,128,137,138,139,140,141,142,149,150,151,159,160,161,162,163,171,172,173,181,182,183,184,193,194,195,202,203,204,205,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,281,282,283,289,290,291,303,304,305,311,312,313,325,326,327,332,333,334,346,347,348,349,354,355,356,367,368,369,370,376,377,378,388,389,390,391,392,398,399,400,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,485 +1223 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,147,148,149,159,160,161,162,169,170,171,181,182,183,184,191,192,193,203,204,205,206,213,214,215,226,227,228,229,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +1224 - 73,74,75,76,77,78,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,136,137,138,139,143,144,158,159,160,166,180,181,182,183,189,190,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,475,476,477,478,479,494 +1225 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,125,126,127,140,141,142,147,148,149,161,162,163,169,170,171,182,183,184,185,191,192,193,204,205,206,207,212,213,214,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,494 +1226 - 6,7,27,28,29,49,50,51,70,71,72,73,92,93,94,95,114,115,116,136,137,138,145,146,147,148,158,159,160,166,167,168,169,170,171,172,180,181,182,188,189,190,191,192,193,194,201,202,203,204,209,210,211,212,215,216,217,223,224,225,230,231,232,233,237,238,239,245,246,247,252,253,254,258,259,260,261,268,269,270,274,275,276,280,281,282,290,291,292,293,296,297,298,301,302,303,304,313,314,315,316,318,319,320,321,322,323,324,325,335,336,337,338,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,405,406,407,408,409,491 +1227 - 76,77,78,84,85,86,96,97,98,99,100,105,106,107,108,117,118,119,120,121,126,127,128,129,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,169,170,171,172,180,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,489 +1228 - 56,57,58,78,79,80,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,486 +1229 - 60,61,62,63,64,80,81,82,83,84,85,86,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,445,446,447,448,467,468,469,470,486 +1230 - 6,7,8,9,10,11,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,121,122,123,124,125,126,127,128,145,146,147,148,149,150,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,234,235,236,237,238,239,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,487 +1231 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,143,148,149,150,151,160,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,251,258,259,260,261,268,269,270,271,272,273,280,281,282,283,290,291,292,293,301,302,303,304,312,313,314,315,322,323,324,325,333,334,335,336,337,343,344,345,346,347,355,356,357,358,365,366,367,368,377,378,379,380,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +1232 - 56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,126,127,128,129,135,136,137,138,139,140,149,150,151,152,156,157,158,159,160,171,172,173,174,178,179,180,181,191,192,193,194,195,200,201,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,301,320,321,322,323,331,332,333,343,344,345,346,353,354,366,367,368,375,376,377,388,389,390,397,398,399,400,401,402,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +1233 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,123,124,125,126,135,136,137,138,139,144,145,146,147,157,158,159,160,165,166,167,168,169,179,180,181,186,187,188,189,190,201,202,207,208,209,210,211,228,229,230,231,232,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,323,342,343,344,345,346,365,366,367,368,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +1234 - 70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,237,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,488 +1235 - 95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,143,144,145,146,147,148,149,158,159,160,161,162,168,169,170,171,181,182,183,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +1236 - 34,35,36,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,427,428,429,450,451,486 +1237 - 97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,146,147,148,149,160,161,162,163,181,182,183,184,185,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,332,333,343,344,345,354,355,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,490 +1238 - 34,35,36,56,57,77,78,79,98,99,100,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,162,163,164,165,166,184,185,186,206,207,208,227,228,229,249,250,251,271,272,293,294,295,316,317,318,319,339,340,341,342,343,344,345,363,364,365,366,367,387,388,389,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +1239 - 33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,80,81,82,83,95,96,97,103,104,105,116,117,118,119,126,127,128,136,137,138,139,140,148,149,150,158,159,160,161,162,170,171,172,179,180,181,182,183,192,193,201,202,203,204,208,209,213,214,215,223,224,225,226,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,303,304,305,314,315,316,317,318,319,320,325,326,327,336,337,338,339,340,347,348,349,358,359,360,361,369,370,371,381,382,383,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,493 +1240 - 77,78,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,147,148,149,150,157,158,159,160,170,171,172,173,178,179,180,181,193,194,195,196,200,201,202,217,218,219,222,223,224,239,240,241,244,245,246,247,262,263,267,268,269,270,284,285,289,290,291,292,293,306,307,312,313,314,315,316,327,328,329,335,336,337,338,339,340,341,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,383,384,385,386,387,388,389,390,391,392,485 +1241 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,83,84,85,96,97,98,99,106,107,108,118,119,120,121,128,129,130,140,141,142,143,144,150,151,152,161,162,163,164,165,171,172,173,183,184,185,186,192,193,194,195,205,206,207,208,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,300,301,302,312,313,314,315,322,323,324,333,334,335,336,337,344,345,346,355,356,357,358,359,360,366,367,368,377,378,379,381,382,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,493 +1242 - 28,29,30,31,32,48,49,50,51,52,53,54,55,70,71,74,75,76,77,93,94,98,99,120,121,122,142,143,144,164,165,166,186,187,208,209,230,231,251,252,253,273,274,275,295,296,316,317,318,338,339,340,360,361,362,383,384,394,405,406,407,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,487 +1243 - 31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,105,106,107,108,115,116,117,118,119,127,128,129,130,138,139,140,149,150,151,152,171,172,173,174,193,194,195,196,214,215,216,217,218,236,237,238,239,257,258,259,260,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,391,392,393,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,427,442,443,444,445,446,487 +1244 - 53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,121,122,123,137,138,139,143,144,145,159,160,164,165,166,167,185,186,187,188,207,208,209,210,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,299,300,301,302,315,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,389,402,403,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,488 +1245 - 78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,148,149,150,160,161,162,170,171,172,181,182,183,184,192,193,194,203,204,205,206,213,214,215,226,227,228,229,230,231,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +1246 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,169,170,171,182,183,184,190,191,192,193,204,205,212,213,214,226,227,228,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,470,471,472,494 +1247 - 96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +1248 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,255,274,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,486 +1249 - 59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,486 +1250 - 34,35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,105,116,117,118,119,120,124,125,126,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,365,366,367,368,379,380,381,382,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,487 +1251 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,103,104,105,114,115,116,117,118,125,126,127,135,136,137,138,146,147,148,149,157,158,159,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,367,368,369,370,377,378,379,380,381,382,383,390,391,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,487 +1252 - 75,76,77,78,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,143,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +1253 - 12,13,14,15,33,34,35,36,54,55,56,57,75,76,77,78,79,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,189,190,191,192,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,280,281,282,290,291,292,293,294,295,296,297,302,303,304,312,313,314,315,316,317,318,323,324,325,326,334,335,336,337,338,339,340,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +1254 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,126,138,139,140,143,144,145,146,147,148,149,168,169,170,189,190,191,192,210,211,212,213,232,233,234,253,254,255,274,275,276,277,295,296,297,298,317,318,319,338,339,340,360,361,362,382,383,403,404,405,425,426,446,447,448,468,469,470,492 +1255 - 76,77,78,79,80,98,99,100,101,102,108,109,120,121,122,123,128,129,130,131,140,141,142,143,144,149,150,151,152,162,163,164,165,171,172,173,174,182,183,184,185,186,191,192,193,194,195,203,204,205,206,207,213,214,215,216,224,225,226,227,228,230,231,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +1256 - 50,51,52,72,73,74,93,94,95,96,102,103,104,115,116,117,118,124,125,126,127,137,138,139,140,145,146,147,148,149,158,159,160,161,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,268,269,270,271,276,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,428,429,430,431,432,450,451,452,453,454,473,474,475,489 +1257 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,128,129,130,137,138,139,140,141,142,143,144,145,150,151,152,159,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,203,204,205,214,215,216,217,235,236,237,238,239,257,258,259,260,278,279,280,281,282,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,389,390,391,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,441,442,443,444,445,446,447,464,465,466,467,487 +1258 - 56,57,58,59,60,61,76,77,78,79,80,81,82,96,97,98,99,100,101,102,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,159,160,161,162,164,165,166,181,182,183,184,186,187,204,205,206,207,208,209,227,228,229,230,231,250,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,301,317,318,321,322,323,324,339,340,344,345,346,347,360,361,362,367,368,369,383,384,390,391,392,405,406,412,413,414,427,428,429,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +1259 - 30,31,32,33,35,36,37,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,102,103,104,105,114,115,116,117,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,230,231,232,233,234,253,254,255,256,257,276,277,278,279,280,299,300,301,302,321,322,323,324,325,344,345,346,347,365,366,367,368,369,374,375,376,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,450,451,452,453,488 +1260 - 100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,183,184,185,186,205,206,207,208,228,229,230,231,251,252,253,254,275,276,297,298,299,311,312,319,320,321,333,334,340,341,342,343,355,356,357,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,424,425,490 +1261 - 10,11,12,13,31,32,33,34,52,53,54,55,74,75,76,77,95,96,97,98,99,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,184,202,203,204,205,215,216,224,225,226,227,232,233,234,235,236,237,238,239,240,246,247,248,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,273,274,275,276,277,278,279,283,284,285,290,291,292,293,295,296,297,298,305,306,307,312,313,314,315,316,317,318,319,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,491 +1262 - 37,38,58,59,60,80,81,82,101,102,103,123,124,125,144,145,146,166,167,168,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,447,448,486 +1263 - 13,14,15,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,211,212,213,214,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,295,296,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,426,427,428,429,491 +1264 - 50,51,60,61,71,72,73,81,82,83,95,103,104,105,117,125,126,127,139,147,148,160,161,169,170,182,183,191,192,204,205,212,213,214,226,227,228,234,235,236,247,248,249,250,251,252,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,296,297,298,299,300,301,312,313,322,323,334,335,343,344,345,365,366,367,387,388,409,410,430,431,452,453,474,475,489 +1265 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,193,194,195,196,197,204,205,206,207,208,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,295,296,297,298,299,300,320,321,322,323,343,344,345,354,365,366,367,376,377,378,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,490 +1266 - 89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,170,171,172,173,174,194,195,196,215,216,217,218,236,237,238,239,257,258,259,260,278,279,280,281,282,299,300,301,302,303,320,321,322,323,341,342,343,344,345,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,472,492 +1267 - 68,75,76,77,78,79,80,81,82,90,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,148,149,150,151,152,158,159,160,161,162,163,164,165,171,172,173,174,175,180,181,182,183,184,185,186,187,188,194,195,196,197,202,203,204,205,206,207,208,217,218,219,223,224,225,226,227,228,229,239,240,241,245,246,247,248,249,250,251,260,261,262,263,267,268,269,270,271,272,282,283,284,285,289,290,291,292,293,303,304,305,306,307,310,311,312,313,314,322,323,324,325,326,327,328,332,333,334,335,336,343,344,345,346,347,348,349,354,355,356,357,358,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,485 +1268 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +1269 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,171,172,173,174,178,179,180,181,182,183,184,193,194,195,196,200,201,202,203,204,205,216,217,218,219,222,223,224,225,226,239,240,241,244,245,246,247,248,261,262,263,266,267,268,269,270,283,284,285,289,290,291,292,293,304,305,306,307,312,313,314,315,316,317,318,319,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,485 +1270 - 27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,91,92,93,113,114,115,135,136,137,158,159,160,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,235,236,237,238,239,259,260,261,282,283,304,305,326,327,328,348,349,350,356,357,358,369,370,371,378,379,380,381,382,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,490 +1271 - 32,35,36,37,52,53,54,55,57,58,59,60,73,74,75,76,77,80,81,82,83,94,95,96,97,98,102,103,104,105,115,116,117,118,119,124,125,126,127,136,137,138,139,140,146,147,148,149,158,159,160,161,168,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,420,421,422,423,424,425,442,443,444,445,487 +1272 - 53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,486 +1273 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,105,117,118,119,120,121,122,126,127,138,139,140,141,142,143,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,302,303,314,315,316,317,318,324,325,336,337,338,339,346,347,358,359,360,368,369,380,381,382,389,390,391,402,403,404,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +1274 - 88,89,90,91,92,93,94,95,96,97,98,100,101,102,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,433,452,453,454,455,456,474,475,476,477,478,492 +1275 - 58,59,60,61,79,80,81,82,83,101,102,103,104,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,486 +1276 - 119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,343,344,365,366,386,387,388,408,409,430,431,451,452,453,473,474,475,494 +1277 - 13,14,15,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,247,248,249,250,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,402,403,404,405,406,491 +1278 - 32,53,54,55,75,76,77,98,99,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,449,450,486 +1279 - 37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,377,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +1280 - 76,77,78,79,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,158,159,160,161,166,167,168,179,180,181,182,188,189,190,201,202,203,204,209,210,211,212,223,224,225,226,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,297,298,299,300,320,321,322,342,343,344,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,478,494 +1281 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,148,149,150,151,152,160,161,162,163,164,165,166,171,172,173,174,180,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,228,236,237,238,239,240,244,245,246,247,248,249,258,259,260,261,262,265,266,267,268,269,270,271,280,281,282,283,287,288,289,290,291,292,301,302,303,304,305,309,310,311,312,313,322,323,324,325,326,331,332,333,334,335,343,344,345,346,347,353,354,355,356,357,364,365,366,367,368,369,375,376,377,378,379,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +1282 - 11,12,13,14,32,33,34,53,54,55,74,75,76,96,97,117,118,139,140,161,162,182,183,190,204,205,209,210,211,212,213,214,226,227,229,230,231,232,233,234,235,236,237,248,249,250,251,252,259,260,270,271,272,273,282,283,292,293,294,304,305,314,315,316,326,327,336,337,338,348,359,360,369,370,381,382,383,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +1283 - 83,84,85,86,96,97,98,104,105,106,107,117,118,119,120,125,126,127,128,138,139,140,141,142,147,148,149,159,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,446,447,448,449,468,469,470,489 +1284 - 71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,144,145,146,147,157,163,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,229,230,231,232,253,254,255,256,276,277,278,279,280,300,301,302,303,304,324,325,326,327,347,348,349,368,369,370,371,389,390,391,392,404,405,406,410,411,412,413,426,427,431,432,433,434,447,448,449,451,452,453,454,455,469,470,471,472,473,474,475,488 +1285 - 34,35,36,37,38,50,51,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,101,102,103,104,113,114,115,116,122,123,124,125,136,137,142,143,144,145,146,147,164,165,166,167,186,187,188,208,209,210,211,212,231,232,233,234,235,254,255,256,257,258,259,278,279,280,281,300,301,302,303,304,323,324,325,326,337,338,345,346,347,348,357,358,359,360,365,366,367,368,369,377,378,379,380,381,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +1286 - 6,7,8,9,10,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,75,76,77,78,79,80,92,93,99,100,101,102,103,122,123,124,125,144,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,388,389,390,391,392,393,401,402,403,404,405,406,407,411,412,413,414,415,423,424,425,426,427,434,435,436,437,487 +1287 - 37,38,39,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,486 +1288 - 37,38,39,40,58,59,60,61,62,78,79,80,81,83,99,100,101,105,120,121,122,127,141,142,143,148,149,153,162,163,164,170,171,172,173,174,175,183,184,185,190,191,192,193,194,195,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,247,248,252,253,254,268,269,270,272,273,274,275,291,292,293,294,295,313,314,315,316,335,336,337,338,339,340,341,342,343,344,345,357,358,359,362,363,364,365,366,367,378,379,380,387,388,389,400,401,402,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,493 +1289 - 12,13,14,15,16,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,340,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,491 +1290 - 94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +1291 - 36,37,38,39,40,58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,448,486 +1292 - 11,12,13,33,34,35,55,56,57,77,78,79,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,231,232,233,253,254,255,275,276,277,297,298,299,304,319,320,321,322,323,324,325,326,333,334,335,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,486 +1293 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,149,150,151,160,161,162,163,170,171,172,182,183,184,193,194,204,205,206,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +1294 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,181,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,248,249,250,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,477,492 +1295 - 57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,126,127,128,141,142,143,144,145,148,149,150,163,164,165,166,170,171,172,185,186,187,188,192,193,194,206,207,208,209,210,213,214,215,228,229,230,231,235,236,237,249,250,251,252,257,258,259,271,272,273,274,278,279,280,292,293,294,295,296,297,299,300,301,302,313,314,315,316,321,322,323,324,335,336,337,342,343,344,345,357,358,359,364,365,366,378,379,380,385,386,387,388,400,401,402,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,485 +1296 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,100,101,102,116,117,118,119,122,123,124,138,139,140,141,143,144,145,162,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,255,275,276,277,278,291,298,299,300,312,313,314,320,321,322,323,333,334,335,343,344,345,355,356,357,365,366,367,368,377,378,379,380,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +1297 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,429,448,449,450,451,470,471,472,486 +1298 - 44,45,46,47,48,49,66,67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,390,391,400,401,402,403,404,405,406,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,487 +1299 - 30,31,32,33,51,52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,160,161,162,166,167,168,169,188,189,190,191,210,211,212,213,233,234,235,254,255,256,257,276,277,278,279,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,433,434,435,436,447,448,449,450,455,456,457,458,487 +1300 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,136,137,138,139,140,143,144,145,147,148,149,157,158,159,160,161,165,166,169,170,171,178,179,180,181,190,191,192,193,199,200,201,202,211,212,213,214,215,221,222,223,224,233,234,235,236,237,243,244,245,253,254,255,256,257,258,259,265,266,267,268,274,275,276,277,278,279,280,281,288,289,290,291,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,322,323,324,325,333,334,335,336,337,338,339,340,341,345,346,347,357,358,359,360,367,368,369,389,390,391,392,411,412,413,414,434,435,436,437,456,457,458,459,479,480,481,482,494 +1301 - 8,9,10,11,12,30,31,32,33,34,35,52,53,54,55,56,57,58,78,79,80,100,101,102,103,122,123,124,143,144,145,146,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,234,235,252,253,254,255,256,257,277,278,279,299,300,301,302,320,321,322,323,334,335,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,488 +1302 - 51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,84,85,90,91,92,93,94,95,102,103,105,106,107,111,112,113,114,115,124,125,126,127,128,133,134,135,147,148,149,155,156,157,158,167,168,169,170,178,179,180,181,182,183,184,185,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,260,261,273,274,281,282,283,284,294,295,296,304,305,306,315,316,317,326,327,328,336,337,338,348,349,350,358,359,368,369,370,371,379,380,381,389,390,391,392,401,402,403,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,493 +1303 - 60,61,82,83,104,105,115,116,126,127,137,138,139,147,148,149,159,160,161,169,170,171,180,181,182,191,192,193,202,203,204,212,213,214,215,224,225,226,234,235,236,245,246,247,248,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,474,475,489 +1304 - 25,26,46,47,48,49,50,51,68,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,139,140,141,142,143,144,145,146,147,156,157,158,163,164,165,166,167,168,169,170,171,178,179,180,181,187,188,189,190,191,192,193,194,200,201,202,203,212,213,214,215,216,217,222,223,224,225,236,237,238,239,240,245,246,247,259,260,261,262,263,267,268,269,283,284,285,289,290,291,292,305,306,307,311,312,313,314,315,328,329,335,336,337,338,339,349,350,351,357,358,359,360,361,362,363,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,436,454,455,485 +1305 - 40,54,55,75,76,77,78,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,161,162,163,164,168,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,255,256,257,278,279,280,300,301,302,313,314,321,322,323,324,335,336,342,343,344,345,346,357,358,359,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,451,490 +1306 - 48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,144,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,328,335,336,337,338,339,340,347,348,349,350,351,357,358,359,360,361,362,367,368,369,370,371,372,373,379,380,381,382,383,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,487 +1307 - 14,15,35,36,37,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,185,186,187,206,207,208,227,228,229,249,250,253,254,255,256,257,271,272,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,322,323,324,325,336,337,338,340,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +1308 - 56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,405,406,427,428,449,450,471,472,486 +1309 - 96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,188,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,473,492 +1310 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,137,138,139,140,141,142,143,158,159,160,161,162,163,180,181,182,183,184,185,186,188,189,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,279,280,281,301,302,303,323,324,325,344,345,346,347,356,357,358,366,367,368,369,378,379,380,386,387,388,389,390,400,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +1311 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,138,139,140,148,149,160,161,162,169,170,171,183,184,185,190,191,192,193,205,206,207,208,211,212,213,214,228,229,230,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,493 +1312 - 57,58,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +1313 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,203,204,209,210,211,212,213,225,226,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,470,471,472,494 +1314 - 29,30,51,52,72,73,74,80,81,94,95,96,102,103,116,117,118,124,125,126,138,139,140,145,146,147,148,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,205,211,212,213,224,225,226,227,228,232,233,234,235,236,237,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,489 +1315 - 34,35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,105,106,107,108,118,119,120,121,122,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,164,165,172,173,174,182,183,184,185,186,187,194,195,196,203,204,205,206,208,209,216,217,218,224,225,226,227,231,232,237,238,239,246,247,248,249,259,260,261,267,268,269,270,280,281,282,283,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,326,332,333,334,335,343,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,379,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +1316 - 10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,99,100,116,117,118,137,138,139,140,159,160,161,180,181,182,183,201,202,203,204,223,224,225,226,236,246,247,248,249,255,256,257,258,259,260,268,269,270,271,276,277,278,279,280,281,282,290,291,292,293,296,297,298,299,300,301,302,303,304,305,313,314,315,318,319,320,321,322,325,326,327,335,336,337,338,340,341,342,343,346,347,348,349,357,358,359,360,361,362,363,364,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +1317 - 56,57,58,59,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,486 +1318 - 33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,102,103,104,105,116,117,118,119,125,126,127,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,247,248,249,258,259,260,268,269,270,271,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,345,346,347,356,357,358,359,366,367,368,369,379,380,381,387,388,389,390,391,401,402,403,404,405,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +1319 - 11,12,13,14,15,33,34,35,36,37,38,56,57,58,59,60,61,78,79,80,81,82,83,84,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,366,367,368,369,370,375,376,377,378,379,380,381,382,383,390,391,392,393,398,399,400,401,402,413,414,415,435,436,437,438,487 +1320 - 29,30,31,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,101,102,103,104,116,117,118,125,126,127,138,139,148,149,150,160,161,171,172,181,182,183,193,194,195,203,204,205,216,217,225,226,227,238,239,240,247,248,249,261,262,269,270,271,283,284,291,292,293,305,306,313,314,315,327,328,335,336,337,348,349,350,357,358,359,369,370,371,380,381,390,391,392,402,403,404,410,411,412,413,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +1321 - 27,28,29,30,31,32,50,51,52,53,54,55,72,73,74,75,76,77,78,98,99,100,101,121,122,123,143,144,145,146,164,165,166,167,184,185,186,187,188,189,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,276,277,278,279,280,300,301,302,322,323,324,344,345,346,358,359,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,449,450,451,452,453,488 +1322 - 34,35,36,37,56,57,58,59,60,77,78,79,81,82,83,98,99,100,103,104,105,120,121,122,125,126,127,142,143,144,147,148,149,164,165,166,169,170,171,186,187,188,191,192,193,208,209,210,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,279,294,295,296,297,298,299,314,315,316,317,318,319,320,334,335,336,337,338,340,341,342,356,357,358,362,363,364,378,379,385,386,387,400,401,402,403,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +1323 - 59,60,61,81,82,83,103,104,105,116,117,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,183,184,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,489 +1324 - 60,61,62,63,80,81,82,83,84,85,100,101,102,103,104,105,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,182,202,203,224,225,226,227,228,248,249,250,251,252,271,272,273,274,275,295,296,297,298,319,320,321,342,343,364,365,386,387,407,408,409,424,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,490 +1325 - 53,54,55,61,62,63,64,65,74,75,76,77,82,83,84,85,86,87,95,96,97,98,99,102,103,104,105,106,107,108,109,117,118,119,120,124,125,126,127,128,129,130,131,138,139,140,141,142,146,147,148,149,150,160,161,162,163,169,182,183,184,203,204,205,206,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,318,319,320,321,322,323,343,344,345,365,366,367,378,379,380,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +1326 - 33,34,54,55,56,76,77,98,99,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,318,319,340,341,362,363,384,385,406,407,427,428,429,449,450,451,486 +1327 - 13,14,15,16,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,227,228,229,233,234,235,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +1328 - 92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,492 +1329 - 92,93,94,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,190,191,192,193,211,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +1330 - 50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,123,124,125,126,127,135,136,137,138,147,148,149,157,158,159,160,169,170,171,172,173,179,180,181,192,193,194,195,201,202,203,215,216,217,223,224,225,237,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,292,304,305,306,311,312,313,314,326,327,328,333,334,335,336,347,348,349,356,357,358,359,369,370,371,378,379,380,381,382,389,390,391,392,401,402,403,404,405,406,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,485 +1331 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,149,162,163,164,168,169,170,184,185,186,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,493 +1332 - 91,92,93,94,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,475,492 +1333 - 97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,277,278,279,292,293,298,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,494 +1334 - 70,71,72,73,74,92,93,94,95,96,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,210,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +1335 - 31,32,33,34,52,53,54,55,56,58,59,60,61,74,75,76,77,80,81,82,83,84,95,96,97,98,99,101,102,103,104,105,106,107,116,117,118,119,120,123,124,125,126,127,128,129,138,139,140,141,145,146,149,150,151,152,159,160,161,162,163,171,172,173,174,180,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,218,224,225,226,227,237,238,239,240,245,246,247,248,249,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,301,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,355,356,357,358,359,365,366,367,368,369,377,378,379,380,381,383,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +1336 - 7,8,9,10,11,28,29,30,31,32,33,50,51,52,53,56,71,72,73,74,93,94,95,114,115,116,117,136,137,138,157,158,159,160,167,168,169,170,171,172,173,179,180,181,182,188,189,190,191,192,193,194,195,196,201,202,203,209,210,211,212,213,214,216,217,218,219,223,224,225,229,230,231,232,233,239,240,241,245,246,247,250,251,252,253,261,262,263,267,268,269,270,272,273,274,283,284,285,289,290,291,292,294,295,296,304,305,306,307,311,312,313,314,316,317,318,325,326,327,328,334,335,336,338,339,340,347,348,349,357,358,359,360,361,362,363,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +1337 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +1338 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,122,123,124,125,136,137,138,146,147,157,158,159,160,179,180,181,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,256,257,258,259,260,267,268,269,280,281,282,283,303,304,305,306,326,327,328,348,349,350,370,371,372,391,392,393,394,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,477,490 +1339 - 74,75,76,77,78,96,97,98,99,100,101,120,121,122,123,124,143,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,234,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,344,345,346,347,348,349,350,354,355,356,357,368,369,370,371,372,373,487 +1340 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,147,148,149,150,161,162,163,164,170,171,172,183,184,185,186,192,193,194,204,205,206,207,214,215,216,226,227,228,229,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,281,291,292,293,294,300,301,302,313,314,315,316,321,322,323,324,335,336,337,338,339,342,343,344,345,358,359,360,361,363,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,485 +1341 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,277,278,279,280,281,300,301,302,303,322,323,324,325,345,346,347,358,359,366,367,368,369,379,380,381,382,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +1342 - 55,56,57,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,161,162,163,165,166,167,183,184,187,188,189,209,210,211,232,233,254,255,275,276,277,297,298,299,319,320,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,446,447,448,449,468,469,470,486 +1343 - 62,63,64,84,85,86,105,106,107,108,116,117,126,127,128,129,137,138,139,140,148,149,150,151,159,160,161,162,170,171,172,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,224,225,226,234,235,236,245,246,247,248,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,489 +1344 - 30,31,32,33,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,99,100,101,102,115,116,122,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,318,319,320,339,340,341,360,361,362,363,367,368,382,383,384,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,487 +1345 - 55,56,64,65,76,77,78,84,85,86,87,97,98,99,100,102,103,104,105,106,107,108,109,119,120,121,123,124,125,126,127,128,129,130,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,167,168,169,181,182,183,184,185,203,204,205,206,225,226,227,228,248,249,250,251,252,272,273,274,275,276,296,297,298,319,320,321,341,342,343,344,355,356,363,364,365,366,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,469,470,490 +1346 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,116,117,118,123,124,125,126,145,146,147,148,160,161,162,163,164,167,168,169,170,181,182,183,184,185,186,187,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,263,267,268,269,275,276,277,278,279,284,285,289,290,291,297,298,299,300,301,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,387,388,389,390,391,392,393,394,403,404,411,412,413,414,487 +1347 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,100,101,102,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,299,300,301,302,313,314,315,316,321,322,323,335,336,337,341,342,343,344,345,357,358,359,361,362,363,364,365,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,491 +1348 - 15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,98,99,100,101,102,119,120,121,122,141,142,143,161,162,163,164,183,184,185,186,205,206,207,226,227,228,229,233,234,235,236,248,249,250,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,291,292,293,296,297,302,303,313,314,315,319,320,323,324,325,335,336,337,345,346,347,357,358,359,366,367,368,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +1349 - 79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,190,191,192,193,194,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,472,492 +1350 - 98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +1351 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,140,141,142,143,144,161,162,163,164,165,183,184,185,194,195,196,197,205,206,207,213,214,215,216,217,218,219,227,228,229,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,313,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,406,422,423,424,425,426,427,428,444,445,446,447,448,449,450,468,469,470,471,493 +1352 - 36,37,57,58,59,60,79,80,81,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +1353 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,138,139,140,141,142,146,147,148,159,160,161,162,163,167,168,169,170,171,181,182,183,184,188,189,190,191,192,202,203,204,205,209,210,211,212,213,224,225,226,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,276,277,278,279,291,292,293,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +1354 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,129,138,139,140,141,142,146,147,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,214,215,216,217,223,224,225,226,236,237,238,239,245,246,247,248,258,259,260,261,262,267,268,269,270,279,280,281,282,283,289,290,291,301,302,303,304,305,311,312,313,322,323,324,325,326,333,334,335,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +1355 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,125,126,127,128,129,130,138,139,140,141,146,147,148,149,150,151,160,161,162,163,167,168,169,170,171,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,340,341,342,343,356,357,358,359,362,363,364,365,377,378,379,380,384,385,386,399,400,401,402,405,406,407,408,421,422,423,424,426,427,428,429,430,443,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +1356 - 29,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,116,117,118,137,138,139,140,160,161,162,167,168,169,170,182,183,184,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,236,237,238,248,249,250,251,252,259,260,261,270,271,272,273,281,282,283,293,294,303,304,305,325,326,327,347,348,349,357,369,370,371,378,379,380,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,490 +1357 - 11,12,13,32,33,34,35,49,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,162,163,164,183,184,185,204,205,206,207,226,227,228,233,234,235,236,248,249,250,253,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,302,303,304,314,315,316,317,318,319,323,324,325,326,336,337,338,339,344,345,346,347,358,359,360,361,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +1358 - 32,33,34,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,486 +1359 - 16,17,18,19,20,21,36,37,38,39,40,41,42,43,52,53,56,57,58,59,60,61,62,63,64,65,73,74,75,78,79,80,81,82,83,95,96,97,101,102,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,256,257,258,259,279,280,281,301,302,303,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,490 +1360 - 32,33,34,54,55,56,75,76,77,78,79,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,428,429,430,431,451,452,453,486 +1361 - 34,35,36,55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,149,162,163,164,165,168,169,170,171,183,184,185,186,191,192,193,194,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,256,257,258,259,260,269,270,271,272,278,279,280,281,291,292,293,299,300,301,302,303,313,314,315,321,322,323,324,335,336,337,342,343,344,345,346,357,358,359,363,364,365,366,367,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +1362 - 57,58,59,79,80,81,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,470,471,472,486 +1363 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,235,236,237,249,250,251,252,253,257,258,259,270,271,272,273,274,279,280,281,292,293,294,295,301,302,303,314,315,316,322,323,324,336,337,338,343,344,345,346,358,359,360,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,426,427,428,429,430,491 +1364 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,99,100,101,102,103,115,116,117,121,122,123,124,137,138,142,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,210,228,229,230,231,249,250,251,252,253,271,272,273,274,292,293,294,295,296,314,315,316,317,336,337,338,339,348,349,358,359,360,361,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,487 +1365 - 62,63,64,80,81,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,167,168,169,170,171,181,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,225,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,338,339,340,341,342,356,357,358,359,360,363,364,378,379,380,381,385,386,387,400,401,402,407,408,409,422,423,424,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +1366 - 97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,144,145,146,161,162,163,165,166,167,168,183,184,185,186,187,188,189,190,206,207,208,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +1367 - 79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,188,189,190,191,192,203,204,205,206,207,209,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,277,278,279,280,289,290,291,292,293,294,295,296,299,300,301,312,313,314,315,316,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,494 +1368 - 70,71,72,73,74,75,91,92,93,94,95,96,97,98,112,113,114,115,116,118,119,120,121,122,134,135,136,142,143,144,145,155,156,157,165,166,167,168,169,170,177,178,179,188,189,190,191,192,200,201,210,211,212,213,214,222,223,224,233,234,235,244,245,246,247,248,249,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,300,301,302,322,323,324,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,494 +1369 - 59,60,81,82,102,103,104,118,119,124,125,126,139,140,141,142,146,147,148,161,162,163,164,167,168,169,170,182,183,184,185,188,189,190,191,204,205,206,207,210,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,489 +1370 - 94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,226,227,228,232,233,234,249,250,254,255,256,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,492 +1371 - 35,36,37,56,57,58,59,78,79,80,85,100,101,102,107,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,349,359,360,361,362,371,380,381,382,383,393,402,403,404,405,424,425,426,446,447,448,486 +1372 - 72,73,74,75,76,94,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,146,147,167,168,169,189,190,191,211,212,213,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,492 +1373 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,191,192,193,194,201,202,203,204,212,213,214,215,216,223,224,225,233,234,235,236,237,238,245,246,247,255,256,257,258,259,267,268,275,276,277,278,279,280,281,289,290,291,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,473,494 +1374 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,80,81,93,94,95,103,104,114,115,116,125,126,136,137,145,146,147,148,158,159,160,166,167,168,169,180,181,182,187,188,189,190,203,204,205,206,208,209,210,211,226,227,228,229,230,231,250,251,252,253,271,272,273,274,275,276,277,293,294,295,297,298,299,300,315,316,321,322,323,324,337,338,345,346,347,348,359,360,368,369,370,381,382,383,391,392,393,404,405,406,413,414,415,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,493 +1375 - 57,58,64,65,78,79,80,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,162,163,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,333,334,335,336,337,338,339,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,490 +1376 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,123,124,125,126,136,137,138,139,146,147,148,158,159,160,168,169,170,179,180,181,189,190,191,192,201,202,203,210,211,212,213,214,223,224,225,231,232,233,234,235,245,246,247,248,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,453,454,475,476,494 +1377 - 12,13,14,15,33,34,35,36,37,38,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,104,105,106,107,127,128,129,147,148,149,150,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,297,298,299,300,301,308,309,316,317,318,319,320,321,330,331,332,333,334,335,336,337,338,339,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,374,375,376,377,378,379,380,381,382,383,384,396,397,398,399,400,401,402,403,404,488 +1378 - 71,72,73,74,92,93,94,95,96,114,115,116,117,125,126,127,128,136,137,138,139,144,145,146,147,148,149,150,157,158,159,160,164,165,166,167,168,169,170,171,172,179,180,181,182,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,233,234,235,236,237,246,247,248,249,250,255,256,257,258,269,270,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,489 +1379 - 36,37,38,39,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,190,191,192,193,194,203,204,205,206,207,208,209,212,213,214,215,216,224,225,226,227,228,229,234,235,236,237,238,246,247,248,249,250,255,256,257,258,259,267,268,269,270,271,272,276,277,278,279,280,281,289,290,291,292,297,298,299,300,301,302,310,311,312,313,314,318,319,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,354,355,356,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +1380 - 51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,143,144,145,146,147,148,157,158,159,160,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,237,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,413,414,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,487 +1381 - 60,61,62,74,75,82,83,84,95,96,97,104,105,106,117,118,119,120,125,126,127,128,138,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,224,225,226,227,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,317,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,470,471,472,473,489 +1382 - 57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,147,148,149,150,151,152,158,159,160,161,162,168,169,170,171,172,173,174,180,181,182,183,189,190,191,192,193,194,195,201,202,203,204,205,210,211,212,213,214,215,216,223,224,225,226,227,228,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,475,493 +1383 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,147,148,149,150,151,152,162,163,164,170,171,172,184,185,186,190,191,192,193,194,206,207,208,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,364,365,379,380,381,382,386,387,401,402,403,407,408,409,423,424,425,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +1384 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,125,138,139,140,141,142,144,145,146,147,160,161,162,163,166,167,168,169,183,184,185,188,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,453,454,455,456,457,458,487 +1385 - 77,78,79,80,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,163,167,168,169,170,181,182,183,187,188,189,190,191,203,204,205,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,254,255,256,257,270,271,272,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,469,470,471,472,494 +1386 - 7,8,29,30,50,51,52,72,73,74,94,95,96,104,105,106,116,117,124,125,126,127,128,137,138,139,145,146,147,148,149,150,151,159,160,161,166,167,168,169,172,173,181,182,183,187,188,189,193,194,195,203,204,205,209,210,211,215,216,225,226,230,231,232,237,238,246,247,248,252,253,254,258,259,260,268,269,270,274,275,276,279,280,281,290,291,292,296,297,298,300,301,302,303,312,313,314,318,319,320,321,322,323,324,334,335,336,341,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +1387 - 36,37,58,59,79,80,81,101,102,103,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +1388 - 70,71,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,158,159,160,163,164,165,166,167,178,179,180,181,182,183,186,187,188,189,192,200,201,202,203,204,205,206,209,211,212,213,214,215,216,223,224,225,226,227,228,229,230,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,321,322,323,324,325,326,343,344,345,346,347,348,349,365,366,367,368,369,370,371,388,389,390,391,392,393,410,411,412,413,414,415,432,433,434,435,436,437,438,455,456,457,458,459,460,478,479,480,481,494 +1389 - 39,40,61,62,82,83,84,97,98,104,105,106,118,119,120,125,126,127,140,141,147,148,149,161,162,163,168,169,170,183,184,185,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,489 +1390 - 11,12,13,14,15,31,32,33,34,35,36,37,52,53,54,55,56,57,58,74,75,76,77,78,95,96,97,98,100,116,117,118,119,120,138,139,140,141,160,161,162,163,181,182,183,184,187,188,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,299,300,301,302,303,304,313,314,315,316,317,322,323,324,325,326,336,337,338,339,340,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +1391 - 33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,163,164,165,166,168,169,170,171,184,185,186,187,190,191,192,193,205,206,207,208,212,213,214,215,227,228,229,230,233,234,235,236,237,248,249,250,251,254,255,256,257,258,269,270,271,272,273,276,277,278,279,280,291,292,293,294,297,298,299,300,301,313,314,315,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,449,485 +1392 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,100,101,102,115,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,209,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,320,321,322,323,324,343,344,345,346,347,366,367,368,369,378,379,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,488 +1393 - 40,41,42,60,61,62,63,64,65,77,78,80,81,82,83,84,85,86,98,99,100,102,103,104,105,106,107,119,120,121,122,124,125,126,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,230,231,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,320,321,322,323,334,335,343,344,345,356,357,358,359,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +1394 - 9,10,11,31,32,33,34,54,55,56,57,77,78,79,99,100,101,102,122,123,124,125,145,146,147,167,168,169,190,191,212,213,234,235,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,295,296,297,298,299,300,301,302,310,311,312,320,321,322,323,324,325,326,332,333,340,341,342,343,344,345,346,347,348,349,354,355,356,360,361,362,363,364,368,369,370,371,376,377,378,379,380,381,382,383,384,399,400,401,402,403,404,487 +1395 - 37,38,39,58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,106,122,123,124,125,126,127,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,450,486 +1396 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,209,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,282,283,301,302,303,304,323,324,325,326,342,343,344,345,346,347,348,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,463,464,465,466,467,490 +1397 - 77,78,85,86,87,98,99,100,101,104,105,106,107,108,109,119,120,121,122,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,204,205,206,207,208,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,276,277,278,279,299,300,301,320,321,322,342,343,363,364,365,366,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,490 +1398 - 39,40,41,42,43,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,143,144,145,146,147,158,159,160,161,165,166,167,168,180,181,182,186,187,188,189,201,202,203,204,206,207,208,209,210,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,344,345,346,347,348,358,359,360,361,367,368,369,370,382,383,384,390,391,392,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,493 +1399 - 78,79,80,81,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,468,469,470,471,472,492 +1400 - 115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,169,170,191,192,212,213,233,234,235,255,256,277,278,298,299,320,321,341,342,363,364,384,385,386,406,407,428,429,450,451,471,472,492 +1401 - 13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,281,282,291,292,294,313,314,315,316,317,326,335,336,337,338,339,346,347,348,357,358,359,360,361,366,367,368,369,379,380,381,382,383,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +1402 - 58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,138,139,140,141,160,161,162,181,182,183,202,203,204,205,206,225,226,227,228,229,230,231,248,249,250,251,252,253,254,274,275,276,277,297,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +1403 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,103,104,105,106,118,119,120,121,122,126,127,128,139,140,141,142,143,148,149,150,151,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,191,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,267,268,269,270,277,278,279,280,281,288,289,290,291,292,299,300,301,302,303,310,311,312,313,321,322,323,332,333,334,341,342,343,344,345,354,355,356,363,364,365,366,367,377,378,385,386,387,388,399,400,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +1404 - 31,32,53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,486 +1405 - 57,58,59,78,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,486 +1406 - 47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,97,98,99,100,101,111,112,113,114,115,121,122,123,133,134,135,143,144,145,150,151,155,156,157,164,165,166,167,170,171,172,173,174,177,178,179,180,187,188,189,191,192,193,194,195,196,199,200,201,202,203,204,212,213,214,215,216,222,223,224,225,226,227,228,229,230,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,304,317,318,319,320,321,322,323,324,325,326,339,340,341,345,346,347,348,361,362,363,368,369,370,371,382,383,384,390,391,392,393,404,405,406,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,493 +1407 - 100,101,102,103,104,105,112,113,114,115,116,117,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,446,447,448,449,450,468,469,470,471,472,492 +1408 - 37,38,39,60,61,82,83,104,105,113,126,127,134,135,148,149,155,156,157,170,171,172,177,178,179,192,193,194,199,200,201,214,215,216,221,222,223,236,237,238,243,244,245,246,257,258,259,265,266,267,268,269,270,271,272,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,342,343,345,346,347,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,489 +1409 - 56,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,170,171,172,182,183,184,185,186,192,193,194,204,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,251,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,290,291,292,293,294,298,299,300,301,302,303,311,312,313,314,315,316,320,321,322,323,324,332,333,334,335,336,337,341,342,343,344,345,354,355,356,357,358,362,363,364,365,366,367,376,377,378,379,380,381,382,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,444,445,446,447,448,466,467,468,485 +1410 - 8,9,10,11,12,29,30,31,32,33,50,51,52,53,54,72,73,74,94,95,115,116,117,138,139,140,141,160,161,162,163,164,165,183,184,185,186,187,188,189,208,209,210,211,212,232,233,234,235,255,256,257,258,278,279,280,291,301,302,303,313,314,323,324,325,326,335,336,337,346,347,348,357,358,359,360,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,433,490 +1411 - 13,14,15,35,36,37,38,56,57,58,59,78,79,80,99,100,101,121,122,123,142,143,144,145,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,313,314,315,316,317,322,323,324,335,336,337,338,343,344,345,346,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +1412 - 54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +1413 - 79,80,81,82,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,168,169,170,171,184,185,186,187,189,190,191,192,193,205,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,362,363,364,378,379,380,381,385,386,400,401,402,407,408,422,423,424,428,429,444,445,446,449,450,451,467,468,469,470,471,472,473,493 +1414 - 75,76,77,96,97,98,99,102,103,104,118,119,120,121,124,125,126,140,141,142,143,145,146,147,148,162,163,164,167,168,169,170,171,183,184,185,186,189,190,191,192,193,204,205,206,207,208,210,211,212,213,215,226,227,228,229,232,233,234,247,248,249,250,253,254,255,256,259,260,269,270,271,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,361,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,472,489 +1415 - 99,100,101,102,103,104,105,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,210,211,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,312,313,314,315,316,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,494 +1416 - 75,76,77,96,97,98,99,118,119,120,121,139,140,141,142,143,160,161,162,164,182,183,184,189,190,191,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,256,257,270,271,272,273,278,279,299,300,301,321,322,342,343,344,364,365,366,385,386,387,406,407,408,428,429,430,449,450,451,470,471,472,473,494 +1417 - 34,35,42,43,56,57,61,62,63,64,65,77,78,79,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,163,164,165,166,167,168,184,185,186,187,206,207,208,209,210,228,229,230,231,232,233,252,253,254,255,256,277,278,299,300,301,322,323,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,490 +1418 - 33,34,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +1419 - 53,54,62,63,75,76,83,84,85,97,98,105,106,118,119,120,126,127,128,140,141,142,147,148,149,161,162,163,169,170,171,182,183,184,185,190,191,192,203,204,205,206,212,213,214,225,226,227,228,233,234,235,236,246,247,248,249,250,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,489 +1420 - 29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,99,100,101,102,103,104,123,124,125,126,127,147,148,149,150,170,171,172,173,193,194,195,216,217,238,239,260,261,262,283,284,301,302,303,304,305,306,319,320,321,322,323,324,325,326,327,328,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,367,368,369,370,371,375,376,377,378,379,380,381,382,383,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,422,423,424,425,426,427,428,429,430,431,432,487 +1421 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,184,185,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +1422 - 54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,126,127,128,129,135,136,137,138,139,140,149,150,151,152,157,158,159,160,172,173,174,175,179,180,181,194,195,196,197,200,201,202,203,217,218,219,222,223,224,225,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,291,304,305,306,307,311,312,313,326,327,328,333,334,335,336,347,348,349,350,355,356,357,358,368,369,370,371,378,379,380,381,389,390,391,392,393,400,401,402,403,404,405,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,485 +1423 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,253,254,255,256,257,258,272,273,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +1424 - 61,62,71,72,73,81,82,83,84,93,94,95,103,104,105,106,113,114,115,116,117,125,126,127,128,134,135,136,137,138,147,148,149,150,156,157,158,159,160,169,170,171,172,177,178,179,180,181,191,192,193,194,199,200,201,202,212,213,214,215,216,221,222,223,224,234,235,236,237,242,243,244,245,248,249,250,251,252,253,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +1425 - 58,59,60,61,62,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,148,149,150,162,163,164,165,168,169,170,171,184,185,186,190,191,206,207,208,211,212,213,228,229,230,232,233,234,250,251,252,254,255,256,272,273,274,275,276,293,294,295,296,297,298,313,314,315,316,317,318,319,335,336,337,340,341,342,356,357,358,359,362,363,364,378,379,380,384,385,386,399,400,401,406,407,408,421,422,423,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +1426 - 75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,225,226,227,232,233,234,235,248,249,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,360,363,364,365,366,367,368,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +1427 - 11,12,13,32,33,34,35,53,54,55,56,75,76,77,78,97,98,99,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,212,213,214,215,226,227,228,233,234,235,236,237,238,239,248,249,250,254,255,256,257,259,260,261,270,271,272,275,276,277,281,282,283,291,292,293,294,296,297,298,299,303,304,305,314,315,316,317,318,319,320,324,325,326,336,337,338,339,340,341,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,405,406,407,408,409,491 +1428 - 54,55,56,57,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,150,158,159,160,161,162,163,164,165,166,169,170,171,172,180,181,182,183,184,185,186,187,188,191,192,193,194,201,202,203,204,205,207,208,209,210,213,214,215,216,217,223,224,225,226,227,236,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,335,344,345,346,347,348,354,355,356,357,365,366,367,368,369,370,377,378,379,387,388,389,390,391,399,400,401,402,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,485 +1429 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,103,104,105,106,107,119,120,121,122,123,126,127,128,129,140,141,142,143,144,149,150,151,161,162,163,164,165,171,172,173,174,182,183,184,185,186,193,194,195,196,204,205,206,207,215,216,217,218,225,226,227,228,237,238,239,240,246,247,248,249,250,258,259,260,261,268,269,270,271,279,280,281,282,283,290,291,292,293,301,302,303,304,311,312,313,314,322,323,324,325,326,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +1430 - 91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,167,168,169,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,492 +1431 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,96,97,98,99,104,105,106,118,119,120,121,125,126,127,128,140,141,142,143,146,147,148,149,162,163,164,165,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,319,320,321,322,335,336,337,338,341,342,343,344,357,358,359,363,364,365,379,380,381,385,386,387,401,402,403,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +1432 - 54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,472,473,486 +1433 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +1434 - 55,56,77,78,91,92,99,100,101,114,115,122,123,136,137,144,145,158,159,166,167,168,180,181,189,190,202,203,211,212,224,225,233,234,235,245,246,247,248,249,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,322,323,344,345,366,367,368,388,389,390,411,412,433,434,455,456,477,478,489 +1435 - 75,76,77,97,98,99,100,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,190,191,192,202,203,204,205,206,212,213,214,224,225,226,227,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +1436 - 11,12,13,14,15,32,33,34,36,37,38,54,55,58,59,60,76,77,81,82,98,103,104,125,126,147,148,149,169,170,171,191,192,213,214,234,235,236,256,257,258,269,270,271,272,273,274,275,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,317,318,319,320,321,322,323,333,334,335,341,342,343,344,345,346,347,355,356,357,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,487 +1437 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,167,168,169,170,178,179,180,181,182,183,189,190,191,192,193,200,201,202,203,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,492 +1438 - 5,6,7,8,27,28,29,30,31,50,51,52,53,54,73,74,75,76,95,96,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,416,487 +1439 - 57,58,59,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,425,426,427,447,448,449,469,470,471,486 +1440 - 34,35,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,450,451,452,486 +1441 - 10,11,12,13,32,33,34,35,36,55,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,249,250,253,254,255,256,276,277,278,298,299,300,301,320,321,322,323,342,343,344,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,488 +1442 - 114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,166,167,168,169,170,171,177,178,179,180,187,188,189,190,191,192,193,198,199,200,201,208,209,210,211,212,213,214,215,220,221,222,223,228,229,230,231,232,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,257,258,259,266,267,268,269,270,271,272,273,279,280,281,289,290,291,292,301,302,303,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +1443 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,96,97,98,102,103,104,105,124,125,126,127,146,147,148,149,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,396,397,398,399,400,401,402,403,409,410,411,412,413,414,415,419,420,421,422,423,487 +1444 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,118,119,120,123,124,125,126,139,140,141,142,145,146,147,162,163,164,167,168,169,184,185,186,187,188,189,190,191,207,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +1445 - 33,34,35,55,56,57,58,77,78,79,80,81,98,99,100,101,102,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,449,486 +1446 - 28,29,30,31,32,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,97,98,99,100,101,102,103,122,123,124,125,145,146,147,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,258,259,260,261,262,263,273,274,275,276,277,279,280,281,282,283,284,285,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,377,378,379,380,381,382,398,399,400,401,402,403,420,421,422,423,442,443,487 +1447 - 16,17,18,38,39,40,60,61,81,82,83,93,94,103,104,105,115,116,117,125,126,127,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,254,255,256,257,266,267,268,269,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,360,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,489 +1448 - 10,11,12,13,32,33,34,35,53,54,55,57,74,75,76,95,96,97,117,118,119,138,139,140,160,161,181,182,183,203,204,205,215,216,225,226,232,233,234,235,236,237,238,239,247,248,253,254,255,256,257,258,259,260,261,262,269,270,273,274,275,276,277,283,284,290,291,292,295,296,297,305,306,313,314,317,318,327,328,335,336,337,339,340,341,342,348,349,350,358,359,360,361,363,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +1449 - 27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,101,102,103,104,105,124,125,126,127,128,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,256,257,258,259,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,441,442,443,444,445,446,487 +1450 - 51,52,53,54,55,56,57,58,59,73,74,75,76,78,79,80,81,82,95,96,101,102,103,104,117,118,119,122,123,124,125,126,140,141,142,143,144,145,146,163,164,165,166,186,187,188,207,208,209,210,229,230,231,232,233,250,251,252,254,255,256,272,273,277,278,293,294,295,300,301,315,316,322,323,337,338,345,359,360,366,367,381,382,388,389,403,404,410,411,425,426,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +1451 - 31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,102,103,104,105,106,118,119,120,121,126,127,128,139,140,141,142,143,148,149,150,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,195,204,205,206,207,213,214,215,216,225,226,227,228,234,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,272,277,278,279,280,281,282,290,291,292,293,298,299,300,301,302,303,312,313,314,315,319,320,321,322,323,324,333,334,335,336,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,485 +1452 - 75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,145,146,147,159,160,161,162,167,168,169,170,181,182,183,190,191,192,202,203,204,205,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,300,301,302,322,323,324,343,344,345,346,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +1453 - 36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,104,105,106,107,108,117,118,119,120,121,127,128,129,130,139,140,141,142,149,150,151,152,153,160,161,162,163,171,172,173,174,181,182,183,184,192,193,194,195,203,204,205,214,215,216,217,224,225,226,227,235,236,237,238,239,246,247,248,249,257,258,259,260,267,268,269,270,278,279,280,281,282,289,290,291,292,299,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,340,341,342,343,344,345,354,355,356,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +1454 - 26,27,28,29,30,31,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,92,98,99,100,101,121,122,123,143,144,145,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,253,254,255,256,257,277,278,279,280,300,301,302,303,323,324,325,345,346,347,357,367,368,369,378,379,380,381,382,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,488 +1455 - 79,80,81,82,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,146,147,148,149,157,158,159,160,161,162,163,164,168,169,170,178,179,180,181,182,183,184,189,190,191,192,200,201,202,203,204,211,212,213,214,221,222,223,224,225,233,234,235,236,244,245,246,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,492 +1456 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,124,125,126,127,128,129,130,137,138,139,140,141,142,158,159,160,161,162,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,257,258,259,260,266,267,268,269,270,280,281,282,302,303,304,324,325,326,345,346,347,348,356,366,367,368,369,370,378,379,380,381,382,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,471,490 +1457 - 57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,162,163,164,165,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,378,379,380,381,384,385,386,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +1458 - 8,9,10,11,12,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,78,79,80,81,94,95,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,276,277,278,292,293,294,295,298,299,300,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,411,412,413,414,422,423,424,425,426,487 +1459 - 81,82,83,95,96,97,103,104,105,116,117,118,119,125,126,127,138,139,140,141,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,184,190,191,192,202,203,204,205,212,213,214,224,225,226,227,228,229,230,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,489 +1460 - 52,53,73,74,75,76,83,95,96,97,98,104,105,106,116,117,118,119,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,168,169,170,171,172,181,182,183,184,190,191,192,193,194,202,203,204,205,206,212,213,214,215,216,222,223,224,225,226,227,234,235,236,237,238,242,243,244,245,246,247,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,346,347,348,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,478,479,480,489 +1461 - 13,14,15,32,33,34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,166,184,185,186,187,206,207,208,209,212,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,342,343,344,345,346,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +1462 - 52,53,54,55,57,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,126,127,128,137,138,139,140,141,142,148,149,150,158,159,160,161,162,163,171,172,173,180,181,182,183,184,185,193,194,195,202,203,204,205,206,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,337,347,348,349,356,357,358,359,369,370,371,379,380,381,382,390,391,392,401,402,403,404,405,411,412,413,414,424,425,426,427,428,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,485 +1463 - 60,61,81,82,83,97,98,103,104,105,119,120,121,124,125,126,140,141,142,143,146,147,148,161,162,163,164,167,168,169,182,183,184,185,189,190,191,204,205,206,207,208,210,211,212,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,489 +1464 - 98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,162,163,165,166,167,183,184,185,187,188,189,205,206,209,210,211,227,228,231,232,233,249,250,253,254,255,271,272,275,276,293,294,295,296,297,298,316,317,318,319,320,341,342,363,364,385,386,407,408,430,431,452,453,474,475,494 +1465 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,145,146,147,148,149,157,158,159,160,161,166,167,168,169,170,171,179,180,181,182,188,189,190,191,192,193,194,201,202,203,210,211,212,213,214,215,216,223,224,225,233,234,235,236,237,238,245,246,247,255,256,257,258,259,267,268,269,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,343,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,472,473,474,475,476,494 +1466 - 14,15,16,17,35,36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,255,256,270,271,272,273,275,276,277,278,279,280,292,293,294,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,491 +1467 - 31,32,33,34,35,36,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,103,104,105,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,270,272,274,275,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,400,401,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +1468 - 12,13,14,34,35,55,56,57,77,78,98,99,100,120,121,122,141,142,143,146,147,163,164,167,168,169,184,185,186,188,189,190,205,206,207,210,211,212,227,228,229,232,233,248,249,250,253,254,255,269,270,271,275,276,277,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,341,342,346,347,363,364,385,386,388,406,407,408,409,410,429,430,431,489 +1469 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,127,128,140,141,142,143,148,149,150,151,161,162,163,164,168,169,170,171,172,183,184,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,356,357,358,359,360,362,363,364,365,378,379,380,381,383,384,385,386,400,401,402,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +1470 - 101,102,103,104,105,106,107,118,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,181,182,183,184,203,204,224,225,226,246,247,248,249,250,251,267,268,269,270,271,272,273,274,275,290,291,292,295,296,297,298,318,319,320,321,342,343,344,365,366,388,389,409,410,431,432,452,453,454,468,469,471,472,473,474,475,490 +1471 - 39,40,60,61,62,74,75,82,83,84,91,96,97,98,104,105,106,118,119,120,125,126,127,140,141,142,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,186,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,229,233,234,235,236,246,247,248,249,250,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,335,336,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,489 +1472 - 58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,140,141,161,162,163,184,185,186,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,277,278,279,293,294,295,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,401,402,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +1473 - 101,102,103,104,105,117,118,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,259,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +1474 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,147,159,160,161,162,166,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,322,323,324,344,345,346,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +1475 - 11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,141,142,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,382,383,384,385,386,387,388,389,396,397,398,404,405,406,407,408,409,410,411,412,487 +1476 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,78,79,80,81,82,94,95,103,104,105,116,117,125,126,144,145,146,147,148,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,237,238,239,248,249,250,251,252,253,259,260,261,265,266,270,271,281,282,283,286,287,288,303,304,305,308,309,324,325,326,330,331,344,345,346,347,348,352,353,365,366,367,368,369,374,375,376,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,444,445,446,447,488 +1477 - 60,61,62,63,76,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,248,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,320,321,322,323,342,343,344,345,346,352,365,366,367,368,374,375,376,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,490 +1478 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,102,103,104,118,119,123,124,125,126,140,141,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,207,208,209,210,229,230,231,232,250,251,252,253,254,255,271,272,273,275,276,277,293,294,295,298,299,300,315,316,320,321,322,337,338,342,343,344,358,359,360,364,365,366,381,382,386,387,388,403,404,407,408,409,425,426,428,429,430,431,447,448,449,450,451,452,470,471,472,473,493 +1479 - 14,15,16,35,36,37,56,57,58,59,78,79,80,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,335,336,337,338,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,402,403,404,405,406,491 +1480 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,119,120,123,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,368,377,378,379,384,385,386,387,388,389,398,399,400,401,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,488 +1481 - 30,31,32,33,34,51,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,97,98,100,101,102,103,104,105,124,125,126,127,145,146,147,148,149,166,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,279,280,281,301,302,303,322,323,324,325,343,344,345,346,363,364,365,366,367,377,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,449,488 +1482 - 38,39,40,41,42,59,60,61,62,63,64,80,81,82,83,84,86,101,102,103,104,121,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,151,152,164,165,166,167,169,170,171,172,173,174,175,185,186,187,188,196,197,206,207,208,209,218,219,228,229,230,231,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,293,294,295,310,311,315,316,332,333,337,338,339,354,355,359,360,361,376,377,378,381,382,383,399,400,401,403,404,405,406,422,423,424,425,426,427,428,445,446,447,448,449,450,493 +1483 - 14,15,16,17,35,36,37,38,57,58,59,60,79,80,81,100,101,102,122,123,124,143,144,145,165,166,186,187,188,207,208,209,210,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,320,321,322,323,324,335,336,337,338,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,403,404,405,406,407,491 +1484 - 54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,160,161,162,163,164,181,182,183,184,185,186,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,299,300,301,302,322,323,324,334,335,343,344,345,346,356,357,358,364,365,366,367,368,378,379,380,381,382,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,490 +1485 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,167,168,169,170,171,181,182,183,184,185,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,256,257,258,271,272,273,278,279,280,299,300,301,302,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,470,471,472,473,494 +1486 - 62,63,64,82,83,84,85,86,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,182,183,184,185,186,187,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,249,250,253,254,255,256,276,277,278,299,300,321,322,323,343,344,345,357,364,365,366,367,379,386,387,388,389,401,402,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +1487 - 12,13,14,34,35,36,56,57,58,77,78,79,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,188,206,207,208,209,211,212,213,214,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,280,281,293,294,295,296,297,298,301,302,303,315,316,317,318,323,324,325,337,338,339,344,345,346,358,359,360,361,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +1488 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,145,146,147,160,161,167,168,169,182,183,189,190,191,204,205,212,213,226,227,228,233,234,235,248,249,250,255,256,257,270,271,272,277,278,279,293,299,300,301,321,322,323,343,344,345,365,366,387,388,409,410,411,431,432,453,454,475,476,477,492 +1489 - 30,31,32,33,34,52,53,54,55,56,57,75,76,77,78,79,80,100,101,102,122,123,124,142,143,144,145,163,164,165,166,167,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,300,301,321,322,323,324,343,344,345,363,364,365,366,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,488 +1490 - 13,14,15,16,34,35,36,37,55,56,57,58,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,186,206,207,211,212,213,214,227,228,229,232,233,234,235,236,237,249,250,251,253,254,255,256,257,258,259,271,272,280,281,292,293,294,301,302,303,314,315,316,323,324,336,337,338,344,345,346,358,359,360,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,491 +1491 - 33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,125,126,141,142,143,147,148,168,169,170,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,270,271,272,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,387,388,389,390,400,401,402,403,410,411,412,413,433,434,435,456,457,458,487 +1492 - 52,53,59,60,61,62,73,74,75,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,170,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,277,278,279,280,281,300,301,302,303,304,314,323,324,325,326,335,336,337,345,346,347,348,357,358,359,366,367,368,369,370,379,380,381,382,383,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,472,473,474,490 +1493 - 11,12,13,14,32,33,34,35,36,37,38,55,56,57,58,59,60,61,80,81,82,83,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,211,212,213,214,215,233,234,235,236,249,250,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,387,388,389,390,391,398,399,400,401,402,411,412,413,433,434,435,487 +1494 - 112,113,114,125,126,127,128,134,135,136,137,146,147,148,149,150,155,156,157,158,159,160,168,169,170,171,172,173,177,178,179,180,181,190,191,192,193,194,199,200,201,202,203,212,213,214,215,216,221,222,223,224,225,233,234,235,236,237,238,243,244,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,343,344,345,346,347,348,366,367,368,369,370,388,389,390,391,392,412,413,414,489 +1495 - 61,62,82,83,84,96,97,104,105,106,117,118,119,126,127,128,139,140,141,147,148,149,161,162,163,169,170,171,182,183,184,185,191,192,193,203,204,205,206,212,213,214,215,225,226,227,228,229,230,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,470,471,472,489 +1496 - 60,61,62,63,81,82,83,84,85,98,99,102,103,104,119,120,121,122,124,125,126,140,141,142,143,145,146,147,161,162,163,164,165,167,168,169,181,182,183,184,185,186,189,190,191,195,203,204,205,206,210,211,212,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,489 +1497 - 15,16,36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,254,255,256,257,258,259,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,323,324,325,326,335,336,337,338,339,340,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,425,491 +1498 - 93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,143,144,145,156,157,166,167,168,189,190,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,429,430,431,451,452,453,472,473,474,492 +1499 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,168,169,181,182,183,184,185,189,190,191,192,202,203,204,205,206,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,494 +1500 - 26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,114,115,116,136,137,138,157,158,159,160,179,180,181,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,259,260,261,262,267,268,269,282,283,284,304,305,306,307,326,327,328,337,347,348,349,350,358,359,368,369,370,371,379,380,381,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,490 +1501 - 32,33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,128,139,140,141,143,144,145,147,148,149,150,161,162,164,165,166,167,170,171,172,183,184,185,186,187,188,191,192,193,194,206,207,208,209,210,213,214,215,216,228,229,230,231,235,236,237,238,250,251,252,253,256,257,258,259,271,272,273,274,278,279,280,281,292,293,294,295,299,300,301,302,314,315,316,317,321,322,323,324,335,336,337,338,342,343,344,345,357,358,359,360,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,485 +1502 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,434,486 +1503 - 5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,100,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,256,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,410,411,412,413,414,415,416,417,437,438,439,487 +1504 - 32,33,34,35,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,486 +1505 - 32,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,231,232,233,234,235,254,255,256,257,277,278,279,299,300,301,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,490 +1506 - 54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,102,103,104,118,119,120,125,126,127,128,140,141,142,146,147,148,149,162,163,164,167,168,169,170,171,185,186,187,188,189,190,192,193,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,319,320,337,338,339,341,342,359,360,362,363,364,381,382,384,385,386,403,404,406,407,425,426,427,428,429,447,448,449,450,469,470,471,493 +1507 - 32,33,39,40,41,42,54,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,119,120,121,122,123,124,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,208,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,293,294,298,299,300,301,302,322,323,324,334,344,345,346,355,356,357,365,366,367,368,377,378,379,380,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +1508 - 38,39,60,61,81,82,102,103,104,124,125,126,145,146,147,167,168,169,188,189,190,210,211,212,230,231,232,233,252,253,254,255,274,275,276,295,296,297,317,318,319,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,486 +1509 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,486 +1510 - 80,81,82,102,103,104,105,123,124,125,126,143,144,145,146,147,148,156,157,158,159,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,210,211,212,213,224,225,226,227,232,233,234,235,254,255,256,257,258,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,318,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +1511 - 31,32,33,34,35,53,54,55,56,57,58,76,77,78,79,80,81,82,102,103,104,125,126,127,146,147,148,149,168,169,170,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,276,277,278,299,300,321,322,323,343,344,345,363,364,365,366,367,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +1512 - 33,34,55,56,75,76,77,78,97,98,99,119,120,121,140,141,142,161,162,163,164,169,170,183,184,185,186,191,192,193,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,451,452,489 +1513 - 30,31,32,33,34,52,53,54,55,56,57,58,75,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,188,189,190,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,298,299,320,321,322,342,343,344,363,364,365,378,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +1514 - 50,51,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,125,126,127,128,134,135,136,137,138,139,148,149,150,151,156,157,158,170,171,172,173,178,179,180,193,194,195,199,200,201,215,216,217,221,222,223,237,238,239,243,244,245,259,260,261,262,265,266,267,268,281,282,283,284,288,289,303,304,305,310,311,324,325,326,332,333,346,347,348,349,354,355,356,367,368,369,370,376,377,378,389,390,391,392,398,399,400,401,410,411,412,413,421,422,423,424,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,485 +1515 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,168,169,170,180,181,182,183,184,188,189,190,191,192,202,203,204,208,209,210,211,212,213,214,224,225,226,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,256,257,258,268,269,270,271,272,273,274,278,279,300,301,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,471,472,473,474,494 +1516 - 147,148,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,220,221,222,223,224,225,226,227,228,229,230,231,235,236,237,245,257,258,259,279,280,281,300,301,302,303,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,492 +1517 - 100,101,102,103,104,117,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,211,212,213,214,222,223,224,225,226,227,228,232,233,234,235,245,246,247,248,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +1518 - 52,53,54,74,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +1519 - 13,14,15,16,17,18,33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,83,84,98,99,100,101,105,106,126,127,128,148,149,150,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,385,386,387,388,389,390,391,397,398,399,400,401,402,409,410,411,412,487 +1520 - 25,26,27,28,29,30,31,32,33,45,46,47,48,49,50,51,52,53,54,55,56,57,67,68,69,70,71,72,73,76,77,78,79,80,90,100,101,102,122,123,124,144,145,146,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,255,256,257,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,370,389,390,391,392,401,402,403,404,405,406,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,488 +1521 - 10,11,12,13,14,15,31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,76,79,80,81,82,83,103,104,105,106,125,126,127,128,148,149,150,169,170,171,172,191,192,193,212,213,214,215,234,235,236,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,389,390,391,392,393,397,398,399,400,401,402,403,412,413,414,415,420,421,422,423,436,437,487 +1522 - 102,103,104,123,124,125,126,145,146,147,148,167,168,169,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,338,339,340,360,361,381,382,383,403,404,425,426,447,448,469,486 +1523 - 85,86,87,99,100,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,184,185,186,187,188,204,205,206,207,208,225,226,227,228,229,230,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,296,297,298,299,313,314,320,321,334,335,336,337,338,342,343,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,404,405,406,407,408,490 +1524 - 30,31,32,52,53,54,55,56,74,75,76,77,78,79,98,99,100,101,102,103,104,121,122,123,124,125,126,127,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,271,272,273,274,275,276,294,295,296,297,298,299,317,318,319,320,321,322,331,332,340,341,342,343,344,353,354,355,356,363,364,365,366,376,377,378,379,380,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +1525 - 103,104,105,106,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,200,201,202,203,204,205,206,207,213,214,215,222,223,224,225,226,227,234,235,236,237,244,245,246,247,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +1526 - 33,34,35,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,144,145,148,149,150,151,158,159,160,161,170,171,172,173,179,180,181,182,183,193,194,195,196,200,201,202,203,204,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,336,337,345,346,347,348,349,350,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,485 +1527 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,211,212,213,214,215,216,223,224,225,226,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,301,302,303,314,316,322,323,324,344,345,346,365,366,367,368,387,388,389,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,494 +1528 - 92,106,107,108,111,112,113,114,115,116,117,118,127,128,129,130,133,134,135,136,137,138,139,140,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,209,210,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +1529 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,140,141,142,143,144,148,149,150,151,161,162,163,164,165,169,170,171,172,182,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,378,379,380,381,384,385,386,400,401,402,403,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +1530 - 11,12,13,14,15,16,32,33,34,35,36,37,38,39,54,55,56,57,74,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,282,283,284,290,291,292,293,294,295,296,302,303,304,305,306,311,312,313,314,315,316,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,491 +1531 - 11,12,13,14,15,33,34,35,36,55,56,57,58,59,79,80,81,82,101,102,103,104,124,125,126,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,214,225,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,377,378,379,380,487 +1532 - 31,32,33,51,52,53,54,55,56,73,74,75,77,78,79,94,95,96,100,101,116,117,122,123,124,125,137,138,139,144,145,146,147,148,159,160,165,166,167,168,169,170,171,180,181,182,187,188,189,192,193,202,203,204,209,210,211,214,215,216,224,225,232,237,238,246,247,259,260,261,268,269,281,282,283,290,291,304,305,312,313,326,327,334,335,336,348,349,356,357,358,369,370,371,378,379,380,381,390,391,392,401,402,403,404,405,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +1533 - 35,36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,352,353,358,359,360,361,362,363,374,375,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,486 +1534 - 176,177,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,278,279,280,281,282,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,427,428,492 +1535 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,166,167,168,169,186,187,188,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,275,276,277,278,298,299,300,320,321,322,323,342,343,344,345,355,356,363,364,365,366,367,377,378,379,380,381,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +1536 - 54,55,56,57,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,164,168,169,170,171,183,184,185,190,191,192,204,205,206,212,213,214,226,227,228,233,234,235,236,248,249,250,255,256,257,270,271,272,276,277,278,279,292,293,294,297,298,299,300,301,314,315,316,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +1537 - 57,58,59,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,450,468,469,470,471,486 +1538 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,168,169,170,182,183,184,185,190,191,192,204,205,206,212,213,226,227,233,234,235,247,248,249,254,255,256,257,270,271,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +1539 - 33,34,35,36,40,55,56,57,58,59,62,77,78,79,80,81,84,101,102,103,104,106,124,125,126,145,146,147,148,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,251,252,253,254,255,275,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,366,380,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,488 +1540 - 68,69,70,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +1541 - 30,31,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,105,106,107,115,116,117,118,128,129,130,137,138,139,150,151,152,158,159,160,172,173,174,180,181,182,194,195,196,202,203,204,216,217,218,219,224,225,238,239,240,245,246,247,260,261,262,267,268,269,281,282,283,284,288,289,290,291,303,304,305,310,311,312,313,323,324,325,326,332,333,334,335,344,345,346,347,348,354,355,356,357,363,364,365,366,367,368,369,377,378,379,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +1542 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,94,95,100,101,102,103,116,117,118,138,139,140,161,162,183,184,205,206,226,227,228,230,231,232,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,299,300,301,322,323,344,345,366,367,368,388,389,390,410,411,425,426,427,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,490 +1543 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,486 +1544 - 49,50,51,52,53,54,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,390,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +1545 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,79,80,81,82,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,170,188,189,190,191,210,211,212,232,233,254,255,276,277,278,298,299,300,320,321,322,340,341,342,343,344,355,356,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,488 +1546 - 55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,104,105,106,118,119,120,126,127,128,139,140,141,148,149,150,161,162,169,170,171,172,183,184,190,191,192,193,205,206,211,212,213,214,227,228,229,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,317,318,319,320,321,338,339,340,342,343,360,361,364,365,366,381,382,383,386,387,388,403,404,405,408,409,425,426,427,429,430,431,448,449,450,451,452,470,471,472,473,493 +1547 - 42,43,50,63,64,72,84,85,86,93,94,106,107,115,116,127,128,129,136,137,138,148,149,150,151,158,159,160,170,171,172,173,180,181,182,191,192,193,194,201,202,203,213,214,215,216,223,224,225,226,227,228,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,489 +1548 - 102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,185,186,187,190,191,192,193,194,201,202,203,204,212,213,214,215,224,225,226,227,234,235,236,237,247,248,249,255,256,257,258,269,270,271,272,277,278,279,280,292,293,294,298,299,300,301,314,315,316,319,320,321,322,323,337,338,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,492 +1549 - 59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,121,122,123,124,125,142,143,144,164,165,166,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,276,296,297,298,311,312,318,319,320,333,334,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +1550 - 79,80,81,82,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,171,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +1551 - 13,14,34,35,36,56,57,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,185,186,187,206,207,208,209,228,229,230,249,250,251,252,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,405,406,407,408,409,491 +1552 - 12,13,14,15,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,104,116,117,118,119,124,125,126,138,139,140,146,147,148,161,168,169,170,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,276,277,278,279,290,291,292,293,297,298,299,300,311,312,313,314,318,319,320,321,322,323,324,333,334,335,339,340,341,342,343,344,345,346,355,356,359,360,361,362,363,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,389,390,391,392,393,394,399,400,401,402,403,404,405,412,413,414,415,421,422,423,424,425,426,435,436,487 +1553 - 78,79,80,81,82,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,168,169,170,171,180,181,182,183,184,185,186,190,191,192,193,203,204,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +1554 - 29,30,31,50,51,52,53,54,55,72,73,74,75,76,77,78,79,98,99,100,101,102,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,319,320,321,341,342,343,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,488 +1555 - 35,36,37,38,39,40,56,57,58,59,60,61,62,75,76,78,79,80,81,82,83,84,85,97,98,100,101,102,103,104,105,106,107,119,120,127,128,129,140,141,142,148,149,150,151,162,163,164,170,171,172,184,185,186,191,192,193,194,207,208,212,213,214,215,229,230,232,233,234,235,236,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,493 +1556 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,121,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +1557 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,162,163,164,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +1558 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,450,451,471,472,486 +1559 - 34,35,36,37,38,55,56,57,58,59,60,77,78,79,80,81,82,83,99,100,101,103,104,105,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,150,162,163,164,165,169,170,171,172,184,185,186,192,193,194,205,206,207,213,214,215,216,227,228,229,235,236,237,238,248,249,250,257,258,259,270,271,272,278,279,280,281,291,292,293,300,301,302,312,313,314,315,321,322,323,334,335,336,341,342,343,344,345,355,356,357,358,361,362,363,364,365,366,377,378,379,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,443,444,445,446,447,448,485 +1560 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,148,159,160,167,168,169,170,181,182,189,190,191,192,211,212,213,214,233,234,235,252,253,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,319,320,321,322,337,338,342,343,344,359,360,364,365,366,367,381,382,383,385,386,387,388,389,390,403,404,405,406,407,408,410,411,412,427,428,429,430,433,434,435,450,451,455,456,457,478,479,487 +1561 - 36,37,38,39,58,59,60,61,79,80,81,82,83,100,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +1562 - 29,30,31,32,50,51,52,53,54,55,56,57,58,59,60,71,72,73,75,76,77,78,79,80,81,82,83,92,93,94,95,99,100,101,102,103,104,105,106,114,115,116,126,127,128,129,136,137,138,149,150,151,158,159,160,171,172,173,180,181,182,193,194,195,201,202,203,204,216,217,218,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,326,327,328,333,334,335,347,348,349,355,356,357,368,369,370,377,378,379,380,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +1563 - 11,12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,60,79,80,81,82,83,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,230,231,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,318,319,320,321,322,323,324,325,326,331,332,333,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,487 +1564 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,450,467,468,469,470,471,472,492 +1565 - 10,11,12,13,14,15,16,32,33,34,35,36,37,38,39,56,57,58,59,60,61,62,80,81,82,83,84,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,332,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,418,419,420,421,422,488 +1566 - 91,92,93,94,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,207,208,209,210,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +1567 - 52,53,54,64,65,74,75,76,86,87,95,96,97,98,106,107,108,117,118,119,127,128,129,130,138,139,140,141,148,149,150,151,159,160,161,162,169,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,216,223,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,469,470,471,472,489 +1568 - 54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,122,123,124,138,139,140,141,144,145,146,162,163,164,166,167,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,256,274,275,277,278,279,295,296,297,299,300,301,317,318,322,323,338,339,340,345,346,360,361,367,368,382,383,389,390,404,405,411,412,427,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +1569 - 15,19,20,21,33,34,35,36,37,38,39,40,41,42,43,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,99,100,101,102,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,255,256,275,276,277,278,288,289,297,298,299,300,310,311,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,423,424,490 +1570 - 95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,167,168,169,170,180,181,190,191,192,212,213,214,233,234,235,236,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,471,472,473,474,488 +1571 - 4,5,6,12,13,14,25,26,27,34,35,55,56,57,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,184,185,186,187,206,207,208,227,228,229,233,234,235,236,237,249,250,251,254,255,256,257,258,259,260,271,272,273,275,276,277,278,279,280,281,282,292,293,294,296,297,298,299,301,302,303,304,314,315,316,317,318,319,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,491 +1572 - 52,53,54,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,190,191,192,204,205,206,213,214,215,227,235,236,237,257,258,259,279,280,281,301,302,303,312,313,323,324,325,334,335,345,346,347,356,357,367,368,369,378,379,389,390,391,400,401,402,403,411,412,413,423,424,425,426,427,428,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,490 +1573 - 99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,190,191,192,193,212,213,214,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,446,447,448,449,468,469,470,471,492 +1574 - 30,31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,98,99,100,101,102,103,115,116,117,118,120,121,122,123,124,125,126,137,138,139,143,144,145,146,147,148,149,158,159,160,161,170,171,180,181,182,193,194,202,203,204,215,216,224,225,226,237,238,239,245,246,247,260,261,267,268,269,282,283,289,290,291,304,305,311,312,313,326,327,334,335,336,348,349,356,357,358,359,369,370,371,378,379,380,381,382,383,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,485 +1575 - 56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,128,129,130,139,140,141,142,143,150,151,152,162,163,164,171,172,173,174,184,185,186,191,192,193,194,195,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,356,357,358,360,361,362,363,377,378,379,380,382,383,384,385,399,400,401,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,493 +1576 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,102,103,104,118,119,120,121,123,124,125,126,140,141,145,146,147,162,163,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,336,337,338,339,340,358,359,360,361,362,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,453,454,455,456,487 +1577 - 35,36,37,38,39,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,148,149,150,151,159,160,161,162,163,164,165,171,172,173,183,184,185,186,187,193,194,195,205,206,207,208,214,215,216,217,226,227,228,229,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,278,279,280,281,290,291,292,293,298,299,300,301,302,303,311,312,313,314,315,319,320,321,322,323,324,333,334,335,336,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,442,443,444,445,446,447,448,485 +1578 - 9,10,31,32,33,53,54,55,75,76,77,97,98,99,103,104,119,120,121,122,125,126,127,141,142,143,146,147,148,149,163,164,168,169,170,171,184,185,186,190,191,192,206,207,208,212,213,214,227,228,229,234,235,236,249,250,251,256,257,270,271,272,273,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,365,366,367,372,375,376,377,387,388,409,410,431,432,489 +1579 - 38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +1580 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,125,126,127,136,137,138,139,140,148,149,150,157,158,159,160,169,170,171,178,179,180,181,191,192,193,199,200,201,202,211,212,213,214,215,221,222,223,232,233,234,235,236,242,243,244,245,253,254,255,256,257,258,259,264,265,266,267,271,272,273,274,275,276,277,279,280,287,288,289,290,291,292,293,294,295,296,297,301,302,309,310,311,312,313,314,315,316,317,323,324,333,334,335,336,345,346,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,480,494 +1581 - 11,12,13,14,15,35,36,37,38,39,57,58,59,60,61,79,80,81,82,83,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,189,190,191,192,193,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,238,239,240,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,304,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,375,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,487 +1582 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,189,190,191,192,193,201,202,203,204,211,212,213,214,215,222,223,224,232,233,234,235,236,244,245,246,247,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,494 +1583 - 10,11,12,13,14,15,32,33,34,35,36,37,38,54,55,56,57,58,59,60,79,80,81,82,83,101,102,103,104,105,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,231,232,233,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,332,333,334,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,488 +1584 - 57,58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,120,121,122,128,129,130,141,142,143,151,152,153,161,162,163,164,165,166,167,168,169,173,174,175,183,184,185,186,187,188,189,190,191,192,195,196,197,204,205,206,207,208,212,213,214,215,217,218,219,225,226,227,228,229,235,236,237,240,241,246,247,248,249,250,258,259,267,268,269,270,271,272,280,281,289,290,291,293,294,302,303,310,311,312,315,323,324,325,332,333,334,345,346,347,354,355,356,366,367,368,376,377,378,387,388,389,398,399,400,408,409,410,411,421,422,423,424,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +1585 - 74,75,86,87,95,96,97,108,109,117,118,119,128,129,130,131,138,139,140,150,151,152,160,161,162,171,172,173,181,182,183,184,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,489 +1586 - 29,30,31,32,33,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,77,78,79,80,81,82,83,92,93,94,95,99,100,102,103,104,105,106,114,115,116,127,128,136,137,138,148,149,150,158,159,160,161,169,170,171,172,181,182,183,184,187,188,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,227,228,229,230,231,232,233,234,235,239,240,247,248,249,250,251,252,253,254,255,261,262,263,269,270,271,272,283,284,285,290,291,292,293,305,306,311,312,313,314,326,327,328,333,334,335,347,348,349,354,355,356,357,367,368,369,370,376,377,378,379,388,389,390,391,399,400,401,402,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,493 +1587 - 36,37,38,39,40,42,43,57,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,107,108,120,121,122,123,141,142,143,144,163,164,185,186,206,207,208,227,228,229,230,249,250,251,252,253,254,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,333,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,490 +1588 - 55,56,57,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,122,123,124,125,126,136,137,138,139,140,146,147,148,157,158,159,160,161,169,170,171,172,179,180,181,182,192,193,194,195,200,201,202,203,215,216,217,218,222,223,224,238,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,306,307,310,311,312,313,327,328,329,333,334,335,336,348,349,350,351,355,356,357,358,359,360,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,485 +1589 - 13,14,15,35,36,56,57,58,73,78,79,99,100,101,121,122,123,142,143,144,163,164,165,185,186,206,207,208,227,228,229,230,234,235,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,381,382,383,384,385,491 +1590 - 50,51,52,62,63,64,65,72,73,74,75,76,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,159,160,161,181,182,183,202,203,204,205,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,257,258,259,260,268,269,270,271,272,281,282,283,289,290,291,292,303,304,305,312,313,325,326,327,334,335,346,347,348,356,357,367,368,369,370,378,379,380,388,389,390,391,401,402,403,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +1591 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,212,213,214,215,216,220,221,222,223,224,226,234,235,236,237,238,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,492 +1592 - 36,37,38,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,190,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,293,294,295,299,300,301,314,315,316,317,320,321,322,323,336,337,338,339,342,343,344,358,359,360,361,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,491 +1593 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,148,161,162,163,164,167,168,169,170,183,184,185,188,189,190,191,205,206,207,209,210,211,212,213,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,469,470,471,472,494 +1594 - 116,117,118,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,246,247,248,249,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,323,324,334,335,344,345,346,366,367,368,388,389,390,409,410,411,431,432,453,454,474,475,476,492 +1595 - 77,78,79,80,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,182,183,184,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +1596 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,83,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,181,182,183,184,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,257,258,259,260,268,269,270,271,272,273,274,280,281,282,291,292,293,294,295,302,303,304,313,314,315,324,325,326,346,347,348,366,367,368,369,370,375,376,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,490 +1597 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,121,122,123,124,125,126,127,140,141,146,147,148,149,150,161,162,163,169,170,171,172,182,183,184,185,191,192,193,194,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,256,257,258,259,260,269,270,271,277,278,279,280,281,282,290,291,292,298,299,300,301,302,303,304,312,313,314,320,321,322,323,324,325,334,335,336,341,342,343,344,345,346,356,357,358,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +1598 - 57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,447,448,449,469,470,471,489 +1599 - 35,56,57,58,77,78,79,98,99,100,101,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,167,168,169,170,171,182,183,184,185,204,205,206,207,208,209,226,227,228,229,230,231,232,249,250,251,252,253,254,255,274,275,276,277,278,297,298,299,300,320,321,322,341,342,343,344,355,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,447,448,490 +1600 - 49,50,51,71,72,73,74,91,92,93,94,95,96,97,112,113,114,115,116,117,118,119,120,134,135,136,137,138,139,140,141,142,156,157,158,159,160,161,162,163,164,165,178,179,180,183,184,185,186,187,200,201,202,205,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,253,254,255,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,364,365,366,367,368,369,370,371,372,387,388,389,390,391,392,487 +1601 - 11,12,13,33,34,35,36,56,57,58,78,79,80,81,100,101,102,103,123,124,125,145,146,147,167,168,169,170,189,190,191,192,210,211,212,213,214,230,231,232,233,234,235,236,237,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,487 +1602 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,103,104,105,117,118,119,126,127,139,140,141,148,149,160,161,162,170,171,182,183,184,193,204,205,206,213,214,215,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,316,317,318,319,320,321,337,338,339,342,343,358,359,360,364,365,366,379,380,381,382,386,387,388,401,402,403,408,409,410,423,424,425,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +1603 - 78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,146,147,148,162,163,164,165,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,255,256,257,271,272,273,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,472,494 +1604 - 52,53,54,74,75,76,97,98,119,120,121,141,142,143,164,165,186,187,208,209,210,230,231,232,252,253,254,275,276,297,298,319,320,341,342,363,364,385,386,407,408,409,429,430,431,451,452,453,473,474,475,486 +1605 - 33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,99,100,101,102,103,104,105,117,118,119,124,125,126,127,128,138,139,140,141,147,148,149,150,151,160,161,162,163,170,171,172,173,182,183,184,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,228,235,236,237,238,239,246,247,248,249,256,257,258,259,260,261,268,269,270,271,277,278,279,280,281,282,290,291,292,298,299,300,301,302,303,304,312,313,314,318,319,320,321,322,323,324,325,333,334,335,336,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +1606 - 34,35,56,57,58,78,79,80,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +1607 - 38,39,40,59,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +1608 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +1609 - 83,84,85,86,87,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,143,144,145,146,164,165,166,184,185,186,187,206,207,208,228,229,250,251,252,272,273,274,275,295,296,297,298,318,319,320,333,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,401,402,403,404,490 +1610 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,83,84,85,97,98,99,100,101,106,107,118,119,120,121,122,128,129,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,226,227,228,248,249,250,270,271,272,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,322,323,324,335,336,337,338,339,340,345,346,357,358,359,360,361,362,366,367,368,369,380,381,383,384,388,389,390,391,402,403,404,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,491 +1611 - 79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,169,170,171,172,173,174,185,186,187,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,317,318,319,333,334,335,339,340,341,354,355,356,357,361,362,363,376,377,378,382,383,384,385,398,399,400,402,403,404,405,406,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,493 +1612 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,149,150,151,162,163,164,165,166,167,171,172,173,184,185,186,187,194,195,205,206,207,208,215,216,217,226,227,228,229,237,238,239,247,248,249,250,259,260,261,268,269,270,271,280,281,282,283,290,291,292,301,302,303,304,311,312,313,314,323,324,325,326,332,333,334,335,344,345,346,347,354,355,356,357,365,366,367,368,375,376,377,378,386,387,388,389,397,398,399,400,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +1613 - 36,37,38,39,40,41,57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,120,122,123,124,125,126,127,141,142,145,146,147,148,163,164,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,444,445,446,447,448,493 +1614 - 53,54,55,56,75,76,77,78,79,96,97,98,99,100,101,118,119,120,129,130,131,139,140,141,146,147,148,149,150,151,152,153,161,162,163,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,227,228,229,230,231,232,248,249,250,251,253,254,255,269,270,271,272,276,277,291,292,298,299,312,313,314,320,321,322,334,335,336,342,343,344,356,357,358,364,365,378,379,380,385,386,387,401,402,407,408,409,423,424,425,428,429,430,446,447,448,449,450,451,468,469,470,471,472,473,493 +1615 - 9,10,11,30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,123,124,125,126,127,128,138,139,140,141,146,147,148,149,150,151,160,161,162,169,170,171,172,173,181,182,183,184,192,193,194,195,196,203,204,205,206,214,215,216,217,218,223,224,225,226,227,236,237,238,239,240,245,246,247,248,249,257,258,259,260,261,262,267,268,269,270,277,278,279,280,281,282,283,284,288,289,290,291,298,299,300,301,302,303,304,305,310,311,312,313,314,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,485 +1616 - 91,92,93,94,95,112,113,114,115,116,117,118,119,120,121,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,181,184,185,186,187,188,189,190,191,192,199,200,201,210,211,212,213,214,221,222,223,234,235,236,243,244,245,256,257,258,266,267,278,279,280,288,289,294,295,296,297,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +1617 - 80,81,82,83,100,101,102,103,104,105,106,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,168,169,170,171,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,494 +1618 - 49,50,51,52,53,54,55,56,57,67,68,69,70,71,72,73,74,75,76,77,78,79,80,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,121,122,123,124,125,126,133,145,146,147,148,167,168,169,170,188,189,190,191,192,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,300,301,302,303,304,323,324,325,326,345,346,347,348,349,365,366,367,368,369,370,381,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,468,469,470,488 +1619 - 14,15,16,17,18,19,35,36,37,38,39,40,41,57,58,59,60,61,62,63,79,82,83,84,85,103,104,105,106,107,124,125,126,127,128,129,143,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,231,232,233,253,254,255,256,275,276,277,278,297,298,299,300,317,318,319,320,321,322,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,488 +1620 - 61,62,74,75,76,77,78,79,82,83,84,95,96,97,98,99,100,101,102,103,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,146,147,148,149,150,151,159,160,161,169,170,171,172,173,181,182,183,192,193,194,195,203,204,205,215,216,217,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,312,313,314,324,325,326,334,335,346,347,348,356,357,358,368,369,378,379,380,389,390,391,401,402,403,410,411,412,423,424,425,426,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,485 +1621 - 12,13,34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,212,217,218,219,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,487 +1622 - 32,33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +1623 - 74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,492 +1624 - 90,91,101,102,103,104,105,111,112,113,114,123,124,125,126,127,128,133,134,135,136,145,146,147,148,149,150,151,154,155,156,157,158,167,168,169,170,171,172,173,176,177,178,179,180,188,189,190,191,192,193,194,198,199,200,201,202,203,204,209,210,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,392,409,410,411,412,413,414,432,433,434,435,436,455,456,457,458,478,479,489 +1625 - 80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,167,168,169,170,171,172,173,174,185,186,187,189,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,292,293,294,295,296,312,313,314,315,316,317,318,333,334,335,336,337,338,339,340,354,355,356,357,360,361,362,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,444,445,446,447,493 +1626 - 71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,142,143,144,145,146,147,148,156,157,158,159,160,167,168,169,170,178,179,180,181,189,190,191,192,200,201,202,203,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,245,246,247,248,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,322,323,324,325,326,337,338,345,346,347,348,367,368,369,370,389,390,391,392,393,411,412,413,414,415,416,434,435,436,437,438,456,457,458,459,460,461,478,479,480,481,482,494 +1627 - 52,73,74,87,95,96,108,109,116,117,118,129,130,131,137,138,139,150,151,152,153,159,160,161,171,172,173,174,181,182,192,193,194,195,203,204,205,206,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,422,423,424,425,426,444,445,446,447,466,467,468,489 +1628 - 96,97,98,99,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,143,144,145,146,147,159,160,161,165,166,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,234,235,236,247,248,249,255,256,257,258,259,269,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,322,323,324,344,345,346,366,367,387,388,389,409,410,411,431,432,453,454,474,475,476,494 +1629 - 84,85,86,94,95,106,107,108,116,117,118,127,128,129,130,137,138,139,140,149,150,151,159,160,161,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,208,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,425,426,427,428,429,448,449,450,470,471,472,489 +1630 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,475,476,486 +1631 - 59,60,61,62,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,162,163,164,165,184,185,186,205,206,207,227,228,229,249,250,251,271,272,273,274,293,294,295,296,316,317,318,338,339,340,360,361,362,363,382,383,384,385,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +1632 - 7,8,9,30,31,32,53,54,55,75,76,77,98,99,120,121,122,142,143,144,165,166,187,188,209,210,231,232,233,253,254,255,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,360,361,363,364,382,383,384,385,386,404,405,406,407,487 +1633 - 77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,161,162,163,164,167,168,169,170,183,184,185,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,469,470,471,494 +1634 - 54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,453,472,473,474,486 +1635 - 13,14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,141,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,230,249,250,251,256,257,271,272,273,277,278,279,280,292,293,294,295,298,299,300,301,302,313,314,315,316,319,320,321,322,323,324,335,336,337,338,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,491 +1636 - 15,16,36,37,38,39,57,58,59,60,61,78,79,80,81,82,83,84,100,101,102,105,106,121,122,123,127,128,142,143,144,145,149,150,163,164,165,166,171,172,184,185,186,187,193,194,205,206,207,208,215,216,227,228,229,237,238,248,249,250,251,258,259,260,269,270,271,272,279,280,281,282,290,291,292,293,301,302,303,312,313,314,322,323,324,334,335,336,343,344,345,355,356,357,363,364,365,366,377,378,379,380,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,485 +1637 - 59,60,61,80,81,82,83,102,103,104,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,379,380,381,382,383,384,401,402,403,405,406,425,426,445,446,447,448,467,468,469,470,486 +1638 - 87,98,99,106,107,108,109,120,121,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,205,206,207,226,227,228,229,248,249,250,270,271,272,273,274,275,293,294,295,296,297,298,317,318,319,320,321,342,343,364,365,386,387,407,408,409,428,429,430,444,445,449,450,451,452,466,467,468,469,470,471,472,490 +1639 - 34,35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,125,126,127,128,147,148,149,150,151,160,161,169,170,171,172,173,182,183,191,192,193,194,195,204,205,206,213,214,215,216,217,226,227,228,234,235,236,237,238,247,248,249,255,256,257,258,259,260,268,269,270,271,276,277,278,279,280,281,290,291,292,293,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,445,446,447,485 +1640 - 89,90,91,92,93,94,95,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,191,192,193,194,214,215,216,236,237,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,328,343,344,345,346,365,366,367,386,387,388,408,409,410,430,431,450,451,452,453,472,473,474,492 +1641 - 75,76,85,86,96,97,98,106,107,108,118,119,120,128,129,130,139,140,141,149,150,151,160,161,162,163,170,171,172,173,182,183,184,191,192,193,194,195,203,204,205,206,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,448,449,450,470,471,472,489 +1642 - 92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,470,471,472,473,474,492 +1643 - 36,37,38,39,40,41,42,43,57,58,59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,100,101,102,103,122,123,143,144,163,164,165,166,185,186,187,207,208,229,230,231,251,252,253,273,274,275,276,296,297,298,299,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,407,490 +1644 - 76,77,78,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,183,184,204,205,206,226,227,228,248,249,270,271,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,338,339,340,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,427,428,429,430,431,447,448,449,450,451,452,468,469,470,471,472,490 +1645 - 24,33,34,35,36,37,38,45,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,102,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,172,188,189,190,191,192,193,194,209,210,211,212,213,214,215,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,429,431,442,443,444,445,446,447,448,449,488 +1646 - 58,59,72,73,74,80,81,93,94,95,96,102,103,104,114,115,116,117,118,124,125,126,136,137,138,139,146,147,148,149,157,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,321,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,489 +1647 - 59,60,61,62,79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,494 +1648 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,104,105,106,118,119,120,121,126,127,128,140,141,142,148,149,150,164,165,169,170,171,172,186,191,192,193,213,214,215,224,225,226,227,228,235,236,237,244,245,246,247,248,249,250,251,252,253,256,257,258,259,265,266,267,268,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,319,320,321,322,323,324,325,326,327,328,331,332,333,342,343,344,345,353,354,355,363,364,365,366,375,376,377,378,379,380,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,447,448,487 +1649 - 31,32,51,52,53,54,65,73,74,75,86,87,94,95,96,107,108,109,115,116,117,128,129,130,136,137,138,139,149,150,151,152,158,159,160,161,171,172,173,174,179,180,181,182,192,193,194,195,196,201,202,203,204,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,447,448,449,489 +1650 - 112,113,114,115,116,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,192,193,202,203,204,213,214,215,225,226,227,235,236,237,248,249,257,258,259,270,271,278,279,280,299,300,301,302,321,322,323,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +1651 - 30,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,102,103,104,123,124,125,126,144,145,146,147,148,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,275,276,277,297,298,299,300,301,320,321,322,323,341,342,343,344,345,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,443,444,445,446,447,448,488 +1652 - 46,47,59,67,68,69,79,80,81,89,90,91,101,102,103,111,112,113,122,123,124,125,133,134,135,145,146,147,155,156,157,167,168,169,177,178,179,180,189,190,191,199,200,201,202,211,212,213,216,217,221,222,223,224,225,226,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,366,367,368,369,388,389,390,391,411,412,413,414,433,434,435,436,456,457,458,459,460,479,480,481,482,489 +1653 - 83,84,85,97,104,105,106,118,119,120,126,127,128,139,140,141,142,147,148,149,161,162,163,164,169,170,171,182,183,184,185,190,191,192,204,205,206,211,212,213,214,215,226,227,228,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,405,406,425,426,427,447,448,449,468,469,470,489 +1654 - 77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,152,158,159,160,161,162,163,171,172,173,174,175,179,180,181,182,183,194,195,196,197,201,202,203,204,205,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,260,261,262,263,266,267,268,281,282,283,284,288,289,290,302,303,304,305,306,310,311,312,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,355,356,357,358,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,485 +1655 - 11,12,13,14,15,34,35,36,37,38,56,57,58,59,60,80,81,82,83,103,104,105,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,330,331,332,333,335,336,337,338,339,340,341,342,343,344,352,353,354,357,358,359,360,361,362,363,364,365,375,377,379,380,381,382,400,401,487 +1656 - 36,37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,160,161,162,163,164,181,182,183,184,185,203,204,205,206,224,225,226,227,228,246,247,248,249,250,251,252,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,346,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,448,449,450,451,452,490 +1657 - 76,77,78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,167,168,169,170,171,182,183,184,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,246,247,248,249,254,255,256,257,258,259,268,269,270,271,274,275,276,277,278,279,280,281,290,291,292,293,296,297,298,299,300,301,302,312,313,314,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,402,403,404,405,406,485 +1658 - 54,55,56,76,77,78,97,98,99,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,191,192,193,204,205,206,207,212,213,214,226,227,228,234,235,236,248,249,250,251,252,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,320,321,322,323,342,343,344,363,364,365,385,386,387,407,408,429,430,450,451,452,473,489 +1659 - 56,57,58,59,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,183,184,185,186,205,206,207,208,228,229,230,250,251,252,253,273,274,275,276,296,297,298,299,318,319,320,321,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,490 +1660 - 110,111,112,113,114,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,364,365,366,367,368,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,475,476,477,478,492 +1661 - 31,32,33,34,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,162,163,164,168,169,170,183,184,185,186,190,191,192,193,194,204,205,206,207,212,213,214,215,216,225,226,227,228,229,234,235,236,237,238,247,248,249,250,256,257,258,259,260,269,270,271,272,278,279,280,281,282,290,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,326,334,335,336,337,338,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +1662 - 31,32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,117,118,119,124,125,139,140,141,161,162,163,184,185,190,191,192,193,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,364,365,366,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +1663 - 37,38,39,58,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,424,425,426,446,447,448,486 +1664 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,166,167,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,324,342,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,492 +1665 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,101,102,103,104,105,125,126,127,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,275,276,277,297,298,299,320,321,342,343,344,363,364,365,366,379,380,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +1666 - 56,57,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,471,472,486 +1667 - 8,9,10,31,32,33,53,54,55,76,77,78,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,401,402,403,404,405,406,487 +1668 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,146,147,148,149,150,151,157,158,159,160,161,162,171,172,173,174,179,180,181,182,183,194,195,201,202,203,204,216,217,223,224,225,238,239,245,246,247,248,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,344,345,346,347,365,366,367,368,387,388,389,390,408,409,410,411,412,430,431,432,433,451,452,453,454,473,474,475,476,494 +1669 - 57,58,59,78,79,80,81,99,100,101,102,103,120,121,122,123,125,141,142,143,144,146,147,148,162,163,164,165,167,168,169,170,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,494 +1670 - 58,59,80,81,82,93,94,102,103,115,116,117,124,125,137,138,139,140,145,146,147,159,160,161,162,167,168,169,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,320,321,322,323,336,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,451,452,453,454,474,475,489 +1671 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +1672 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,121,122,123,124,137,138,139,140,159,160,161,162,182,183,184,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,320,321,322,323,337,338,339,343,344,345,359,360,361,365,366,367,381,382,383,388,389,403,404,405,406,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,472,473,474,475,476,493 +1673 - 13,14,15,34,35,36,37,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,188,190,191,206,207,208,209,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +1674 - 32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,116,117,118,119,120,136,137,138,139,140,141,142,157,158,159,160,161,178,179,180,181,182,200,201,202,203,204,205,206,207,208,223,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,346,347,348,349,359,368,369,370,371,381,382,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,490 +1675 - 12,13,14,15,35,36,37,38,39,57,58,59,60,61,75,76,77,78,80,81,82,83,96,97,98,99,100,102,103,104,105,106,118,119,120,121,124,125,126,127,128,139,140,141,142,147,148,149,150,151,160,161,162,163,164,169,170,171,172,173,182,183,184,185,186,191,192,193,194,195,204,205,206,207,212,213,214,215,216,217,225,226,227,228,229,233,234,235,236,237,238,239,246,247,248,249,250,255,256,257,258,259,260,268,269,270,271,272,275,276,277,278,279,280,281,282,290,291,292,293,294,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,485 +1676 - 36,37,57,58,59,78,79,80,100,101,102,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,430,450,451,452,453,486 +1677 - 14,15,35,36,37,57,58,59,78,79,80,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,486 +1678 - 9,10,30,31,32,52,53,54,55,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,162,167,168,181,182,183,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,235,236,237,238,246,247,248,250,251,258,259,260,261,268,269,270,272,273,274,281,282,283,290,291,292,295,296,303,304,305,313,314,315,324,325,326,327,335,336,337,346,347,348,357,358,359,360,361,362,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +1679 - 12,13,14,34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,486 +1680 - 10,11,12,32,33,34,53,54,55,74,75,76,96,97,117,118,119,139,140,160,161,162,182,183,203,204,205,210,211,212,213,214,225,226,227,231,232,233,234,235,236,237,247,248,251,252,253,254,255,258,259,269,270,271,273,274,280,281,291,292,293,302,303,313,314,315,324,325,336,337,338,345,346,359,360,361,366,367,368,381,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,491 +1681 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,105,106,107,126,127,128,129,141,142,147,148,149,150,163,164,169,170,171,172,185,186,190,191,192,193,207,208,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,342,356,357,358,359,362,363,364,378,379,380,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,493 +1682 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,124,125,139,140,141,145,146,160,161,162,167,168,182,183,184,188,189,190,204,205,209,210,211,212,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,276,277,278,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,454,474,475,476,494 +1683 - 34,35,36,37,38,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,124,125,126,127,128,140,141,142,143,147,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,194,205,206,207,213,214,215,216,226,227,228,229,235,236,237,238,239,247,248,249,250,251,257,258,259,260,269,270,271,272,278,279,280,281,282,291,292,293,294,299,300,301,302,303,304,312,313,314,315,320,321,322,323,324,325,334,335,336,337,341,342,343,344,345,346,356,357,358,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +1684 - 10,11,31,32,33,52,53,54,55,74,75,76,95,96,97,98,117,118,119,139,140,141,146,147,160,161,162,166,167,168,169,182,183,184,187,188,189,190,191,192,204,205,208,209,210,211,212,213,214,226,227,230,231,232,233,234,236,237,248,249,250,251,252,253,254,258,259,270,271,272,273,274,275,276,279,280,281,293,294,295,296,297,301,302,303,315,316,317,318,322,323,324,325,337,338,339,343,344,345,346,360,361,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,491 +1685 - 53,54,64,65,74,75,76,85,86,87,96,97,98,106,107,108,117,118,119,127,128,129,139,140,141,148,149,150,160,161,162,163,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,450,469,470,471,489 +1686 - 99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,188,189,190,191,192,193,198,199,200,201,202,203,204,210,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +1687 - 74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,146,147,148,149,167,168,169,170,171,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,492 +1688 - 53,54,55,74,75,76,77,95,96,97,98,116,117,118,119,122,123,124,137,138,139,140,144,145,146,159,160,161,165,166,167,168,180,181,182,187,188,189,190,202,203,204,208,209,210,211,212,224,225,226,230,231,232,233,234,235,246,247,248,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,279,291,292,293,294,295,299,300,301,315,321,322,323,343,344,345,346,366,367,368,388,389,390,391,411,412,413,433,434,435,456,457,458,478,479,480,481,494 +1689 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +1690 - 72,73,79,80,93,94,95,96,101,102,103,115,116,117,118,123,124,125,137,138,139,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,430,431,432,433,434,452,453,454,455,456,475,476,477,478,489 +1691 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,191,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +1692 - 83,84,92,104,105,106,113,114,115,126,127,135,136,137,147,148,149,157,158,168,169,170,171,172,178,179,180,188,189,190,191,192,193,194,200,201,202,208,209,210,211,212,213,214,222,223,224,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,277,278,279,291,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,477,478,489 +1693 - 12,13,14,15,34,35,36,37,38,57,58,59,60,61,80,81,82,83,103,104,105,106,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,172,188,189,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,253,254,255,256,275,276,277,287,288,289,297,298,299,309,310,311,312,313,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,488 +1694 - 31,32,33,34,35,53,54,55,56,57,59,60,61,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,105,106,119,120,121,122,123,124,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,170,182,183,184,185,190,191,192,193,203,204,205,206,213,214,215,216,224,225,226,227,236,237,238,245,246,247,248,259,260,261,267,268,269,270,281,282,283,284,289,290,291,304,305,311,312,313,326,327,333,334,335,347,348,349,355,356,357,369,370,371,377,378,379,380,389,390,391,392,399,400,401,402,403,404,405,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,485 +1695 - 55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,125,126,127,140,141,142,143,161,162,163,164,183,184,185,205,206,207,227,228,229,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,319,320,321,322,323,324,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,490 +1696 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,157,158,159,160,178,179,180,200,201,222,223,227,228,229,230,231,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,276,277,278,279,280,281,282,283,284,288,289,290,304,305,306,307,327,328,329,349,350,351,370,371,372,392,393,394,413,414,415,416,432,433,434,435,436,437,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,490 +1697 - 4,5,12,13,14,26,34,35,55,56,57,76,77,78,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,191,205,206,207,208,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,301,302,303,304,305,313,314,315,316,317,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +1698 - 93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,135,136,137,138,139,141,142,143,144,145,146,147,148,149,156,157,158,159,165,166,167,168,169,170,171,178,179,180,181,182,188,189,190,191,192,193,200,201,202,203,204,205,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,477,494 +1699 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,233,234,235,236,248,249,250,251,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +1700 - 8,9,10,11,12,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,74,77,78,79,80,100,101,102,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,254,255,256,257,271,272,276,277,278,292,293,294,295,296,298,299,300,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,345,357,358,359,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,429,430,431,432,487 +1701 - 35,36,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,161,162,163,164,165,166,169,170,171,172,182,183,184,185,186,187,190,191,192,193,194,203,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,233,234,235,236,237,246,247,248,249,250,255,256,257,258,259,268,269,270,271,276,277,278,279,280,289,290,291,292,293,297,298,299,300,301,302,311,312,313,314,315,318,319,320,321,322,323,324,333,334,335,336,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,485 +1702 - 60,61,82,83,103,104,105,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,229,230,231,233,234,249,250,251,252,254,255,256,267,268,269,270,271,272,273,276,277,288,289,290,291,292,293,294,297,298,299,310,311,312,313,319,320,321,341,342,362,363,364,384,385,386,406,407,408,428,429,449,450,451,471,472,473,486 +1703 - 73,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,183,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +1704 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,103,104,114,115,116,117,126,127,135,136,137,138,147,148,149,150,158,159,160,161,162,167,168,169,170,171,181,182,183,184,185,186,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,299,300,301,316,317,318,322,323,324,337,338,339,340,344,345,346,359,360,361,366,367,368,381,382,383,388,389,390,403,404,405,409,410,411,412,425,426,427,428,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +1705 - 9,10,11,12,13,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,101,102,103,104,105,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,301,319,320,321,322,323,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,488 +1706 - 51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,117,118,119,139,140,141,160,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,234,235,236,256,257,258,278,279,280,300,301,302,322,323,324,325,344,345,346,347,365,366,367,368,380,381,386,387,388,389,390,402,403,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +1707 - 36,37,38,39,40,41,42,43,53,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,78,79,80,81,82,83,85,96,97,98,118,119,120,140,141,142,161,162,163,164,184,185,186,206,207,208,228,229,230,231,251,252,253,254,273,274,275,276,295,296,297,298,299,318,319,320,321,322,341,342,343,344,355,356,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,490 +1708 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,146,147,148,149,150,157,158,159,160,161,169,170,171,172,181,182,183,191,192,193,194,203,204,205,213,214,215,216,225,226,234,235,236,237,238,252,253,254,255,256,257,258,259,274,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,323,342,343,344,345,365,366,367,378,387,388,389,400,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +1709 - 55,56,77,84,85,98,99,104,105,106,107,119,120,121,125,126,127,128,141,142,147,148,162,163,164,168,169,170,173,184,185,186,189,190,191,194,195,205,206,207,208,210,211,212,213,215,216,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,470,489 +1710 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,78,79,80,81,91,92,93,94,100,101,102,113,114,122,123,124,143,144,145,146,165,166,167,186,187,188,189,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,280,281,282,283,290,291,303,304,305,326,327,347,348,349,357,358,369,370,371,378,379,380,389,390,391,392,393,400,401,402,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +1711 - 97,98,99,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,300,312,313,314,315,316,317,318,319,335,336,337,338,487 +1712 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,123,124,125,126,140,141,142,146,147,148,162,163,168,169,170,183,184,185,190,191,192,205,206,207,212,213,214,227,228,234,235,236,249,250,256,257,258,271,272,278,279,280,293,294,300,301,315,316,322,323,337,338,343,344,345,359,360,364,365,366,367,381,382,383,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,485 +1713 - 64,65,85,86,87,94,95,96,105,106,107,108,116,117,118,127,128,129,130,137,138,139,148,149,150,151,159,160,161,169,170,171,172,180,181,182,191,192,193,194,202,203,204,211,212,213,214,215,224,225,226,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,318,319,320,321,339,340,341,342,361,362,363,382,383,384,404,405,406,426,427,447,448,449,469,470,489 +1714 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,122,123,124,125,135,136,137,144,145,146,147,166,167,168,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,279,280,281,301,302,303,322,323,324,325,344,345,346,347,357,358,365,366,367,368,378,379,380,386,387,388,389,390,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +1715 - 38,39,40,59,60,61,62,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +1716 - 98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,168,169,176,177,178,179,180,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,299,300,321,322,342,343,344,364,365,366,386,387,388,408,409,411,412,413,430,431,432,433,434,435,451,452,453,454,455,456,473,474,475,476,492 +1717 - 38,39,40,41,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,127,128,129,141,142,143,144,145,146,148,149,150,163,164,165,166,170,171,185,186,190,191,192,207,208,212,213,229,230,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,357,358,359,361,362,363,378,379,383,384,385,399,400,401,403,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +1718 - 30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,125,126,127,128,129,146,147,148,149,150,151,168,169,170,171,172,173,188,189,190,191,192,193,194,209,210,211,212,213,214,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,319,335,336,337,338,339,340,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,487 +1719 - 34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,103,104,105,125,126,127,146,147,148,149,167,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,274,275,276,296,297,298,318,319,320,340,341,342,355,356,357,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,445,446,447,448,449,488 +1720 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,120,121,122,134,135,136,137,138,143,144,145,148,149,156,157,158,159,160,165,166,167,168,169,170,171,179,180,181,182,183,184,185,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,316,317,318,319,321,322,323,324,325,338,339,340,341,344,345,346,347,348,360,361,362,366,367,368,369,370,382,383,384,389,390,391,392,404,405,406,412,413,414,426,427,428,434,435,436,437,448,449,450,456,457,458,459,470,471,472,473,478,479,480,481,493 +1721 - 14,15,35,36,37,43,56,57,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,121,122,128,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,289,297,298,299,310,311,312,319,320,321,332,333,334,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,490 +1722 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,124,125,126,127,139,140,141,142,146,147,148,160,161,162,163,164,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,207,208,209,210,211,212,225,226,230,231,232,233,247,248,251,252,253,254,255,256,269,270,273,274,275,276,277,278,294,295,296,298,299,300,301,315,316,317,321,322,323,337,338,339,343,344,345,346,359,360,366,367,368,381,382,387,388,389,390,403,404,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,493 +1723 - 6,12,13,33,34,35,55,56,76,77,78,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,205,206,207,208,211,212,213,227,228,229,231,232,233,234,235,236,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,382,383,384,385,386,491 +1724 - 54,55,56,57,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,145,146,147,162,163,166,167,168,184,185,188,189,206,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,320,337,338,339,341,342,359,360,361,363,364,381,382,385,386,403,404,407,408,425,426,429,430,447,448,449,450,451,452,470,471,472,473,474,493 +1725 - 54,55,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,141,142,143,144,162,163,164,165,184,185,186,206,207,208,209,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,297,298,299,300,318,319,320,321,322,339,340,341,342,343,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,490 +1726 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,116,117,118,125,126,127,138,139,140,141,147,148,149,150,161,162,163,164,169,170,171,184,185,186,187,191,192,207,208,209,210,211,212,213,230,231,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,321,322,323,337,338,339,340,344,345,346,358,359,360,366,367,368,380,381,388,389,390,402,403,404,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +1727 - 9,10,11,12,13,31,32,33,34,35,36,54,56,57,58,78,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,378,379,380,381,382,383,400,401,402,403,487 +1728 - 58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,447,448,469,470,486 +1729 - 34,35,36,37,38,39,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,127,128,129,130,138,139,140,141,142,143,144,150,151,152,153,160,161,162,163,164,172,173,174,175,181,182,183,184,194,195,196,197,202,203,204,205,216,217,218,219,224,225,226,227,238,239,240,241,246,247,248,258,259,260,261,262,267,268,269,270,279,280,281,282,283,289,290,291,300,301,302,303,304,310,311,312,320,321,322,323,324,325,332,333,334,340,341,342,343,344,345,346,347,354,355,356,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,485 +1730 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,182,183,184,204,205,206,226,227,247,248,249,269,270,276,277,278,291,292,294,295,296,297,298,299,300,301,302,313,314,316,317,318,319,320,321,322,323,324,325,335,336,337,338,346,347,348,358,359,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +1731 - 14,15,16,35,36,37,56,57,58,78,79,80,99,100,101,102,121,122,123,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +1732 - 96,97,98,99,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,187,188,189,190,191,192,202,203,204,209,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,338,339,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +1733 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,189,190,191,192,193,200,201,202,203,204,205,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,473,492 +1734 - 55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,119,120,121,122,123,124,125,135,136,137,141,142,143,146,147,156,157,158,162,163,164,178,179,184,185,186,200,201,206,207,208,222,223,228,229,230,244,245,246,250,251,266,267,268,269,272,273,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,327,328,329,338,339,340,349,350,351,361,362,363,371,372,373,384,385,386,392,393,394,395,407,408,409,410,413,414,415,416,430,431,432,433,434,435,436,437,454,455,456,457,458,493 +1735 - 38,39,40,59,60,61,81,82,83,102,103,104,124,125,126,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,445,446,447,486 +1736 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,159,160,161,162,163,169,170,171,179,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +1737 - 13,14,35,36,57,58,59,79,80,81,101,102,103,104,123,124,125,145,146,147,148,167,168,169,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,487 +1738 - 28,29,30,31,32,51,52,53,54,55,56,57,58,75,76,77,78,79,80,81,82,98,99,100,101,102,103,104,124,125,126,127,147,148,149,169,170,171,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,296,297,298,316,317,318,319,320,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,454,487 +1739 - 60,61,62,63,64,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,142,143,144,145,163,164,165,166,185,186,187,207,208,209,229,230,231,251,252,253,272,273,274,275,295,296,297,317,318,319,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,425,426,427,490 +1740 - 57,58,59,60,75,76,77,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,140,141,142,143,145,146,147,162,163,164,167,168,169,183,184,185,186,188,189,190,191,204,205,206,207,208,210,211,212,226,227,228,229,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,342,343,344,346,347,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,433,452,453,454,455,474,475,476,489 +1741 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,148,149,150,151,152,164,165,168,169,170,171,172,173,186,187,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,341,356,357,358,359,361,362,363,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +1742 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,80,81,82,96,97,103,104,117,118,119,125,126,138,139,140,147,148,160,161,162,169,170,182,183,191,192,203,204,205,213,214,225,226,227,235,236,247,248,256,257,258,269,270,278,279,280,291,292,300,301,302,313,314,322,323,334,335,336,343,344,345,357,358,364,365,366,379,380,385,386,387,388,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +1743 - 57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,469,470,486 +1744 - 30,31,32,52,53,54,74,75,76,95,96,97,98,117,118,119,139,140,141,161,162,163,182,183,184,185,188,189,190,204,205,206,210,211,212,226,227,228,232,233,234,235,248,249,250,255,256,257,270,271,272,273,277,278,279,280,293,294,295,296,297,299,300,301,302,316,317,318,319,320,321,322,323,324,341,342,343,344,345,346,365,366,367,368,388,389,390,411,412,433,434,455,489 +1745 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,250,251,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,468,469,470,494 +1746 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,167,168,169,170,171,172,173,180,181,182,183,184,185,190,191,192,193,194,195,202,203,204,205,206,207,213,214,215,216,217,218,224,225,226,227,228,235,236,237,238,239,240,246,247,248,249,250,257,258,259,260,261,262,268,269,270,271,272,279,280,281,282,283,284,290,291,292,293,294,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,485 +1747 - 12,13,14,15,33,34,35,36,37,38,56,57,58,59,60,61,81,82,83,103,104,105,123,124,125,126,127,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,321,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,488 +1748 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,122,123,124,125,126,136,145,146,147,148,168,169,170,190,191,192,211,212,213,232,233,234,235,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,368,369,370,371,372,373,379,380,381,382,383,384,385,386,391,392,393,394,395,402,403,404,405,406,407,415,416,417,424,425,426,427,428,447,448,449,487 +1749 - 39,40,41,42,55,56,57,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,128,129,141,142,143,144,145,148,149,150,163,164,165,169,170,171,185,186,187,190,191,192,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,443,444,445,446,493 +1750 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,61,73,74,75,76,77,78,79,80,82,83,84,94,95,96,97,98,99,101,104,105,106,116,117,118,119,125,126,127,138,139,147,148,149,160,161,162,168,169,170,183,184,185,189,190,191,205,206,207,208,210,211,212,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,321,322,323,335,336,337,338,339,343,344,345,357,358,359,366,367,368,379,380,381,388,389,390,401,402,403,404,405,410,411,412,424,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,493 +1751 - 58,59,60,61,62,63,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,119,122,123,124,125,126,127,128,129,130,131,140,141,143,144,145,146,149,150,151,152,161,162,163,165,166,167,169,170,171,172,173,183,184,185,191,192,193,194,205,206,211,212,213,214,227,228,231,232,233,234,235,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,314,315,316,317,318,335,336,337,338,339,340,357,358,359,360,361,362,379,380,382,383,384,385,400,401,402,404,405,406,407,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,493 +1752 - 54,55,56,57,73,74,75,76,77,78,79,95,96,97,98,100,101,102,116,117,118,119,122,123,138,139,144,145,160,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,231,232,251,252,253,254,255,275,276,277,278,298,299,300,301,322,323,324,345,346,367,368,388,389,390,409,410,411,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +1753 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,147,148,162,163,164,165,168,169,170,184,185,186,187,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,359,360,361,363,364,365,380,381,382,385,386,387,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +1754 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,144,145,146,147,148,149,158,159,160,161,162,167,168,169,170,171,172,180,181,182,183,190,191,192,193,194,202,203,204,205,213,214,215,216,224,225,226,235,236,237,238,246,247,248,257,258,259,260,268,269,270,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,338,344,345,346,347,348,356,357,358,359,360,361,362,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +1755 - 33,34,35,36,37,55,56,57,58,59,60,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,184,185,186,187,188,206,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,299,300,301,321,322,323,342,343,344,345,362,363,364,365,366,367,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +1756 - 52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,143,144,145,146,147,157,158,159,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,345,346,347,366,367,368,369,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,463,464,465,466,467,468,469,470,471,472,473,488 +1757 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,190,191,192,211,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,469,470,471,472,492 +1758 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,165,166,167,168,169,170,171,172,173,179,180,181,182,183,187,188,189,190,191,192,193,194,195,196,200,201,202,203,204,209,210,213,214,215,216,217,218,222,223,224,225,235,236,237,238,239,240,243,244,245,246,247,257,258,259,260,261,262,265,266,267,268,279,280,281,282,283,284,287,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,327,331,332,333,334,345,346,347,348,349,353,354,355,356,365,366,367,368,369,370,375,376,377,378,386,387,388,389,390,391,398,399,400,401,402,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,485 +1759 - 17,18,38,39,40,59,60,61,80,81,82,101,102,103,104,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,426,427,428,429,491 +1760 - 34,35,36,56,57,58,78,79,100,101,102,122,123,124,144,145,166,167,187,188,189,209,210,211,231,232,233,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +1761 - 37,38,39,40,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,141,142,143,147,148,149,150,163,164,165,168,169,170,171,185,186,187,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,493 +1762 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,165,166,167,168,169,170,177,178,179,180,188,189,190,191,192,199,200,201,202,210,211,212,213,214,215,221,222,223,224,232,233,234,235,236,237,244,245,246,247,254,255,256,257,258,259,266,267,268,269,270,276,277,278,279,280,281,289,290,291,292,293,298,299,300,301,302,303,312,313,314,315,316,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,367,368,369,370,382,383,384,389,390,391,392,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,494 +1763 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +1764 - 57,58,59,79,80,81,94,95,102,103,104,115,116,117,124,125,126,137,138,139,146,147,148,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,201,202,203,204,211,212,213,223,224,225,226,227,228,229,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,489 +1765 - 39,40,41,59,60,61,62,63,81,82,83,84,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,444,445,446,447,486 +1766 - 99,100,101,102,103,111,112,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,167,168,169,188,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,476,492 +1767 - 54,62,63,64,68,75,76,77,83,84,85,90,97,98,99,104,105,106,118,119,120,125,126,127,140,141,142,146,147,148,149,162,163,164,165,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,252,253,254,255,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,427,444,445,446,447,448,466,467,468,469,489 +1768 - 94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +1769 - 13,14,15,35,36,37,57,58,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,402,403,404,405,406,491 +1770 - 37,38,39,59,60,74,81,82,96,97,102,103,104,117,118,124,125,126,139,140,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,211,212,225,226,227,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,298,299,313,319,320,321,341,342,363,364,384,385,386,406,407,408,428,429,450,451,489 +1771 - 100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,190,191,192,204,205,206,207,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +1772 - 10,11,12,13,30,31,32,33,34,35,36,51,52,53,56,57,58,73,74,79,80,81,96,102,103,124,125,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,296,297,298,299,300,301,313,314,320,321,322,323,335,336,342,343,344,345,346,357,358,359,363,364,365,366,367,368,379,380,381,384,385,386,389,402,403,404,405,406,407,408,424,425,426,427,428,429,487 +1773 - 57,58,59,60,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,140,141,142,143,149,150,160,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,195,203,204,205,206,211,212,213,214,215,216,225,226,227,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,470,471,494 +1774 - 94,95,96,97,114,115,116,117,118,119,120,121,122,123,136,138,141,142,143,144,145,146,167,168,169,190,191,192,212,213,214,234,235,236,256,257,258,268,269,270,271,272,273,274,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,360,361,362,363,364,370,371,372,373,487 +1775 - 79,80,81,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,276,277,278,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,494 +1776 - 127,128,129,130,131,142,143,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,175,183,184,185,186,187,188,189,190,191,204,205,206,207,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,298,299,300,311,312,313,320,321,322,333,334,335,342,343,344,355,356,357,358,362,363,364,365,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,490 +1777 - 11,12,13,14,15,33,34,35,36,37,38,55,56,57,58,59,60,79,80,81,82,101,102,103,104,105,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,488 +1778 - 102,103,104,112,113,114,115,116,117,118,119,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,188,189,190,210,211,212,232,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +1779 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,256,257,258,259,268,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,312,313,314,315,320,321,322,323,324,334,335,336,337,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +1780 - 78,79,80,81,82,83,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,129,137,138,139,140,141,142,143,144,145,149,150,151,152,159,160,161,162,164,165,166,172,173,174,180,181,182,183,185,186,187,195,196,197,201,202,203,204,207,208,209,217,218,219,223,224,225,229,230,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,310,311,312,326,327,328,332,333,334,347,348,349,354,355,356,368,369,370,371,377,378,379,380,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,485 +1781 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,338,339,341,342,343,344,357,358,362,363,364,365,366,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +1782 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,141,160,161,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,358,359,360,365,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,473,474,475,490 +1783 - 37,38,59,60,80,81,82,102,103,104,123,124,125,126,140,141,145,146,147,161,162,163,164,167,168,169,182,183,184,185,189,190,191,203,204,205,206,207,211,212,213,225,226,227,228,232,233,234,246,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,489 +1784 - 5,6,26,27,28,48,49,50,69,70,71,91,92,113,114,134,135,136,146,147,148,149,150,156,157,158,166,167,168,169,170,171,172,173,178,179,180,186,187,188,189,190,191,192,193,194,195,196,200,201,202,208,209,210,211,212,213,215,216,217,218,222,223,229,230,231,232,239,240,244,245,246,250,251,252,261,262,267,268,269,272,273,283,284,289,290,291,292,293,294,295,305,306,312,313,314,315,316,317,326,327,328,335,336,337,338,339,340,348,349,350,358,359,360,361,362,363,364,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,429,430,431,432,433,491 +1785 - 41,42,43,61,62,63,64,65,82,83,84,85,86,87,103,104,105,106,107,108,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,248,249,250,251,252,253,254,271,272,273,274,275,276,277,297,298,299,319,320,321,340,341,342,343,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,444,445,446,447,490 +1786 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,167,168,169,170,171,172,191,192,193,194,213,214,215,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,471,492 +1787 - 13,14,15,35,36,37,56,57,58,59,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,229,230,231,250,251,252,253,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +1788 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,124,125,126,127,140,141,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,251,252,253,255,256,257,258,259,260,279,280,281,282,301,302,303,304,322,323,324,325,326,344,345,346,347,364,365,366,367,368,385,386,387,388,389,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,440,441,442,443,444,445,446,447,448,449,450,451,463,464,465,466,467,468,469,470,471,488 +1789 - 77,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,172,181,182,183,184,185,186,187,188,191,192,193,194,201,202,203,204,205,206,207,208,209,212,213,214,215,223,224,225,226,227,228,229,230,234,235,236,237,243,244,245,246,247,248,249,250,256,257,258,265,266,267,268,269,270,277,278,279,280,287,288,289,290,291,299,300,301,302,310,311,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,475,492 +1790 - 75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,139,140,141,160,161,162,182,183,184,204,205,206,226,227,248,249,269,270,271,291,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,364,365,366,386,387,388,389,409,410,411,431,432,433,451,453,454,455,473,474,475,476,477,490 +1791 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,171,181,182,183,184,185,190,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,311,312,313,314,321,322,323,324,325,332,333,334,335,336,343,344,345,346,354,355,356,357,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +1792 - 30,31,32,33,51,52,53,54,55,56,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,103,116,117,118,122,123,124,125,126,138,139,140,145,146,147,148,160,161,162,168,169,170,171,181,182,183,184,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,238,247,248,249,257,258,259,260,269,270,271,279,280,281,282,291,292,293,301,302,303,304,313,314,315,323,324,325,335,336,337,345,346,347,358,359,360,366,367,368,369,380,381,382,383,387,388,389,390,403,404,405,406,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +1793 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +1794 - 31,32,33,34,35,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,148,159,160,161,162,163,168,169,170,181,182,183,184,190,191,192,193,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,305,313,314,315,324,325,326,327,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,370,379,380,381,382,383,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +1795 - 11,12,13,14,32,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,162,163,164,165,166,167,168,185,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,412,413,414,415,416,423,424,425,426,487 +1796 - 56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,274,275,276,277,290,291,292,293,297,298,299,300,311,312,313,314,320,321,322,323,332,333,334,335,336,342,343,344,345,354,355,356,357,364,365,366,367,376,377,378,379,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +1797 - 33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,272,273,274,275,277,278,279,280,281,291,295,296,297,299,300,301,302,303,312,313,314,315,317,321,322,323,324,334,335,336,337,343,344,345,346,357,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,450,451,452,488 +1798 - 111,112,125,126,127,128,133,134,135,136,137,138,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,181,182,183,184,185,186,187,188,189,190,192,193,194,200,201,202,214,215,216,222,223,224,235,236,237,251,257,258,259,272,273,279,280,281,294,295,296,297,298,299,300,301,302,303,304,305,306,317,318,319,320,321,322,323,324,325,326,327,328,341,342,343,344,345,346,347,348,364,365,366,386,387,407,408,409,429,430,431,451,452,472,473,474,492 +1799 - 14,15,36,37,38,58,59,60,80,81,101,102,103,117,123,124,125,138,139,145,146,147,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,211,212,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,489 +1800 - 10,11,32,33,53,54,55,74,75,76,95,96,97,117,118,119,139,140,160,161,162,181,182,183,184,189,190,191,192,193,194,203,204,205,210,211,212,213,214,215,216,217,225,226,227,230,231,232,233,234,235,236,237,238,239,247,248,249,251,252,253,254,255,260,261,262,269,270,271,273,274,275,276,281,282,283,291,292,293,294,295,296,297,302,303,304,305,313,314,315,316,317,318,319,323,324,325,326,335,336,337,338,339,340,341,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +1801 - 41,42,43,62,63,64,65,82,83,84,85,86,87,103,104,105,106,107,108,118,119,123,124,125,126,127,128,129,139,140,141,144,145,146,147,148,149,161,162,163,166,167,168,169,182,183,184,185,189,203,204,205,206,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,299,300,301,320,321,322,323,334,342,343,344,345,355,356,357,364,365,366,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +1802 - 82,83,84,85,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,131,140,141,142,143,144,145,146,161,162,163,164,165,166,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,231,232,233,234,235,236,256,257,258,279,280,281,301,302,322,323,324,332,333,343,344,345,346,354,355,363,364,365,366,367,376,377,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,490 +1803 - 12,13,14,15,16,33,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,187,205,206,207,208,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,491 +1804 - 55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,123,124,125,126,133,134,135,136,137,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,322,323,324,325,345,346,347,348,368,369,370,390,391,392,399,411,412,413,421,422,431,432,433,434,435,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,464,465,466,467,468,469,470,471,472,473,474,475,476,477,488 +1805 - 99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,189,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,229,233,234,235,236,247,248,249,254,255,256,257,269,270,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +1806 - 74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,139,140,141,161,162,163,183,184,185,205,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,254,255,256,270,271,272,276,277,278,293,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,423,429,430,431,444,445,446,450,451,452,453,467,468,471,472,473,474,490 +1807 - 38,39,54,55,56,57,60,61,62,75,76,77,78,79,82,83,84,85,96,97,98,99,100,101,105,106,107,117,118,119,120,121,127,128,129,138,139,140,141,142,149,150,151,160,161,162,163,171,172,173,181,182,183,184,193,194,195,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,280,281,282,290,291,292,301,302,303,304,312,313,314,323,324,325,334,335,336,345,346,347,356,357,358,365,366,367,368,378,379,380,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +1808 - 30,31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,78,79,80,81,95,96,102,103,104,117,118,124,125,126,139,140,146,147,148,161,162,163,167,168,169,170,183,184,185,186,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,317,318,320,321,322,323,338,339,340,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,404,405,406,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,493 +1809 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +1810 - 50,51,52,53,54,72,73,74,75,76,77,93,94,95,98,99,100,101,114,115,116,121,122,123,136,137,138,144,145,146,157,158,159,167,168,179,180,189,190,191,212,213,234,235,256,257,274,277,278,279,295,296,297,298,299,300,301,302,303,304,318,319,320,321,322,323,324,325,342,343,344,363,364,365,384,385,386,387,405,406,407,408,426,427,428,448,449,450,470,471,492 +1811 - 12,13,14,33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,118,119,120,121,124,125,126,139,140,141,142,143,146,147,148,162,163,164,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,257,276,277,278,293,294,295,297,298,299,300,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,356,357,358,361,362,363,364,365,366,377,378,379,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,408,409,410,411,412,413,421,422,423,424,425,426,427,428,432,433,434,435,436,487 +1812 - 7,8,9,10,11,12,13,29,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,78,79,80,81,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,487 +1813 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,145,146,165,166,167,168,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,294,295,296,297,299,300,301,302,317,318,320,321,322,323,332,333,342,343,344,345,353,354,355,356,357,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,488 +1814 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,122,123,124,125,135,136,137,138,139,145,146,147,157,158,159,168,169,170,171,178,179,180,190,191,192,193,200,201,202,211,212,213,214,223,224,225,232,233,234,235,236,245,246,247,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,313,314,315,316,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,478,494 +1815 - 14,15,16,36,37,38,58,59,60,80,81,82,101,102,103,123,124,125,145,146,161,162,166,167,168,183,184,188,189,190,204,205,206,210,211,226,227,228,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,317,318,319,320,321,322,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,489 +1816 - 78,79,80,81,82,97,98,99,100,101,102,119,120,121,122,140,141,142,147,148,161,162,163,168,169,170,182,183,184,190,191,192,204,205,212,213,214,225,226,227,233,234,235,236,247,248,253,254,255,256,257,269,270,273,274,275,276,277,278,279,291,292,293,294,295,296,297,299,300,315,316,320,321,322,342,343,363,364,365,385,386,387,407,408,429,430,450,451,472,473,494 +1817 - 41,42,43,61,62,63,64,65,82,83,84,85,86,87,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,183,184,185,186,204,205,206,207,226,227,228,229,249,250,251,252,253,272,273,274,275,276,277,296,297,298,299,300,319,320,321,322,342,343,344,355,356,364,365,366,376,377,378,379,380,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,448,449,450,451,490 +1818 - 91,92,93,94,101,102,103,104,113,114,115,116,117,122,123,124,125,126,134,135,136,137,138,139,144,145,146,147,148,156,157,158,159,160,161,166,167,168,169,170,179,180,181,182,187,188,189,190,191,192,201,202,203,204,205,209,210,211,212,213,214,223,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,318,319,320,321,322,341,342,343,344,345,363,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,475,476,477,489 +1819 - 14,15,16,35,36,37,56,57,58,59,78,79,80,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,185,186,187,207,208,209,228,229,230,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,381,382,383,384,385,386,404,405,406,407,491 +1820 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,144,145,146,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,212,225,226,227,234,235,247,248,249,255,256,257,258,269,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,338,339,343,344,345,365,366,367,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +1821 - 99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,190,191,192,193,201,202,203,204,205,206,212,213,214,222,223,224,225,226,227,233,234,235,236,244,245,246,247,248,255,256,257,267,268,269,277,278,279,289,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,492 +1822 - 93,94,106,115,116,117,127,128,136,137,138,139,140,148,149,150,157,158,159,160,161,162,163,164,165,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,229,236,237,245,246,247,258,259,267,268,269,279,280,281,288,289,290,301,302,303,311,312,323,324,325,333,334,345,346,347,367,368,389,390,411,412,432,433,434,454,455,456,476,477,492 +1823 - 81,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,189,190,191,192,203,204,205,206,207,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,341,342,343,358,359,360,363,364,365,380,381,385,386,387,401,402,403,406,407,408,423,424,425,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +1824 - 60,61,70,71,81,82,83,91,92,93,103,104,105,113,114,115,124,125,126,135,136,137,138,146,147,148,157,158,159,160,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,215,216,222,223,224,225,226,227,228,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,489 +1825 - 100,101,102,103,121,122,123,124,125,137,138,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,189,190,191,192,203,204,205,206,207,209,210,211,212,213,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +1826 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,100,101,102,103,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,409,410,421,422,423,424,425,444,445,446,487 +1827 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,146,147,148,149,159,160,161,162,167,168,169,170,181,182,183,184,188,189,190,191,192,204,205,206,207,209,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,493 +1828 - 12,13,14,33,34,35,54,55,56,57,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,184,185,205,206,207,227,228,229,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,315,316,317,322,323,337,338,343,344,345,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,405,406,407,408,409,491 +1829 - 99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,210,211,212,213,225,226,227,228,229,232,233,234,235,247,248,249,250,254,255,256,270,271,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,472,473,474,475,492 +1830 - 53,54,55,56,73,74,75,76,77,78,94,95,96,97,98,99,100,116,117,118,121,122,123,137,138,139,143,144,145,159,160,161,166,167,181,182,183,188,189,203,204,205,210,211,212,225,226,227,232,233,234,237,248,249,254,255,258,259,260,270,271,276,277,279,280,281,282,292,293,294,295,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,430,431,432,452,453,454,474,475,494 +1831 - 95,100,101,102,103,104,116,117,118,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,189,190,191,192,202,203,204,205,206,207,211,212,213,214,223,224,225,226,227,228,233,234,235,244,245,246,247,248,249,255,256,257,266,267,268,269,276,277,278,279,289,290,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,475,492 +1832 - 11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,301,302,303,314,315,316,317,318,319,320,322,323,324,325,336,337,338,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +1833 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,126,127,128,141,142,143,144,145,148,149,150,162,163,164,165,166,170,171,172,183,184,185,186,187,192,193,194,204,205,206,207,208,209,214,215,216,226,227,228,229,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,277,278,279,280,290,291,292,293,294,298,299,300,301,302,312,313,314,315,319,320,321,322,333,334,335,336,341,342,343,344,355,356,357,358,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,485 +1834 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,145,146,147,148,149,150,158,159,160,161,162,163,168,169,170,171,172,179,180,181,182,183,184,185,191,192,193,194,195,201,202,203,204,205,206,213,214,215,216,217,223,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,257,258,259,260,261,268,269,270,271,279,280,281,282,283,290,291,292,293,301,302,303,304,305,312,313,314,315,316,323,324,325,326,327,334,335,336,337,338,339,345,346,347,348,349,357,358,359,360,361,367,368,369,370,371,380,381,382,383,384,385,386,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,473,474,475,476,477,485 +1835 - 35,36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +1836 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,123,124,125,126,127,128,129,137,138,139,140,141,148,149,150,160,161,162,163,164,169,170,171,183,184,185,186,189,190,191,192,206,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,297,298,299,300,313,314,315,316,320,321,322,323,335,336,337,342,343,344,345,357,358,359,365,366,367,368,379,380,381,387,388,389,401,402,403,404,409,410,411,423,424,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +1837 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,142,143,144,145,146,166,167,168,188,189,190,191,209,210,211,212,213,231,232,233,234,235,236,252,253,254,255,256,257,258,274,275,276,277,278,279,280,296,297,299,300,301,312,313,321,322,323,333,334,335,342,343,344,345,356,357,358,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,488 +1838 - 91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,160,161,162,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,364,365,366,386,387,388,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +1839 - 16,17,18,19,37,38,39,40,41,58,59,60,61,62,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,300,310,311,320,321,322,332,333,334,335,342,343,344,354,355,356,357,358,359,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,490 +1840 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,141,146,147,160,161,162,168,169,182,183,184,189,190,191,204,205,211,212,213,226,227,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +1841 - 34,54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,165,166,167,182,183,184,187,188,189,208,209,210,230,231,232,251,252,253,254,262,263,273,274,275,276,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,367,368,369,377,378,379,380,381,382,399,400,401,402,403,404,422,423,424,425,445,487 +1842 - 77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,168,169,170,171,172,173,174,175,181,182,183,184,193,194,195,196,197,203,204,205,225,226,227,228,248,249,250,251,271,272,273,274,275,294,295,296,297,298,317,318,319,320,321,340,341,342,343,344,364,365,366,386,387,388,402,407,408,409,410,423,424,428,429,430,431,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +1843 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,170,171,172,173,182,183,191,192,193,194,195,204,205,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,343,360,361,363,364,365,382,383,385,386,387,403,404,405,407,408,425,426,429,430,447,448,450,451,469,470,471,472,473,493 +1844 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,313,314,315,316,317,334,335,336,337,338,339,355,356,357,358,359,360,366,367,368,369,377,378,379,380,381,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,487 +1845 - 12,13,14,15,34,35,36,37,38,56,57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,188,191,192,193,194,204,205,206,207,208,213,214,215,225,226,227,228,229,234,235,236,237,246,247,248,249,250,256,257,258,259,267,268,269,270,271,272,278,279,280,281,289,290,291,292,293,299,300,301,302,303,311,312,313,314,320,321,322,323,324,333,334,335,336,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,485 +1846 - 33,34,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,148,149,150,151,158,159,160,161,162,170,171,172,173,174,178,179,180,181,182,183,193,194,195,196,200,201,202,203,204,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,347,348,349,350,354,355,356,357,358,359,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,485 +1847 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,247,248,252,253,254,255,256,257,268,269,270,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,335,336,337,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +1848 - 58,59,60,61,62,63,75,76,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,128,129,130,137,138,139,140,141,142,143,144,146,150,151,152,158,159,160,161,162,163,164,172,173,174,180,181,182,183,184,185,193,194,195,201,202,203,204,205,206,210,211,212,213,215,216,217,223,224,225,226,227,230,231,232,233,234,235,236,237,238,245,246,247,248,251,252,253,254,256,257,258,259,260,266,267,268,269,270,273,278,279,280,281,282,288,289,290,291,292,300,301,302,303,304,310,311,312,313,314,321,322,323,324,325,326,332,333,334,335,336,342,343,344,345,346,347,355,356,357,358,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,485 +1849 - 14,15,16,17,36,37,38,39,57,58,59,60,79,80,81,100,101,102,122,123,124,143,144,145,164,165,166,185,186,187,206,207,208,209,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,318,321,322,323,324,336,337,338,339,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +1850 - 37,38,56,57,58,59,60,74,75,76,77,78,79,80,81,95,96,97,98,99,100,116,117,118,137,138,139,159,160,180,181,182,202,203,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,346,347,368,369,389,390,391,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,490 +1851 - 33,34,35,36,37,55,56,57,58,59,60,78,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,169,170,171,172,184,185,186,187,188,189,191,192,193,194,205,206,207,208,209,212,213,214,215,216,226,227,228,229,230,231,234,235,236,237,247,248,249,250,251,252,256,257,258,259,268,269,270,271,272,273,277,278,279,280,281,289,290,291,292,293,294,298,299,300,301,302,311,312,313,314,315,318,319,320,321,322,323,324,332,333,334,335,336,337,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,446,447,448,449,450,485 +1852 - 27,28,29,49,50,51,52,62,63,64,71,72,73,74,83,84,85,86,93,94,95,96,105,106,107,108,115,116,117,118,127,128,129,130,136,137,138,139,149,150,151,152,158,159,160,161,170,171,172,173,174,179,180,181,182,183,192,193,194,195,196,202,203,204,205,214,215,216,217,218,223,224,225,226,227,236,237,238,239,245,246,247,248,257,258,259,260,261,266,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,365,366,367,368,369,375,376,377,378,379,380,381,386,387,388,389,390,391,397,398,399,400,401,402,408,409,410,411,412,429,430,431,432,433,452,453,454,455,489 +1853 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,160,161,162,163,165,166,167,168,169,182,183,184,187,188,189,190,204,205,208,209,210,211,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,281,282,295,296,297,302,303,304,317,318,319,323,324,325,326,338,339,340,346,347,348,360,361,362,369,370,381,382,383,403,404,405,425,426,427,447,448,449,468,469,470,471,494 +1854 - 101,102,103,104,105,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,148,149,150,157,158,159,160,161,162,163,164,170,171,180,181,182,191,192,193,202,212,213,214,234,235,236,255,256,257,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,492 +1855 - 35,36,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,246,252,253,254,268,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,486 +1856 - 9,10,11,12,13,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,79,80,81,101,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,246,247,248,249,250,256,257,258,267,268,269,270,271,272,273,274,275,278,279,280,289,290,291,294,295,296,297,298,299,300,301,302,311,312,313,317,318,319,320,321,322,323,324,333,334,335,341,342,343,344,345,355,356,357,358,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,411,412,413,414,424,425,426,427,428,429,434,435,487 +1857 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,149,150,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,445,446,447,486 +1858 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,165,166,167,168,169,170,171,187,188,189,190,191,192,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,298,299,300,313,314,315,316,320,321,322,334,335,336,337,342,343,344,355,356,357,358,363,364,365,366,377,378,379,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +1859 - 53,54,55,56,57,58,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,104,105,106,116,117,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,150,161,162,163,168,169,170,171,183,184,185,186,190,191,192,193,205,206,207,208,209,211,212,213,214,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,379,380,381,382,383,385,386,387,388,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +1860 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,104,105,106,107,116,117,118,127,128,129,137,138,139,140,150,151,152,158,159,160,161,172,173,174,180,181,182,195,196,201,202,203,217,218,219,223,224,225,239,240,241,245,246,247,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,333,334,335,347,348,349,350,355,356,357,368,369,370,371,377,378,379,380,381,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +1861 - 16,17,38,39,59,60,61,81,82,83,103,104,125,126,141,142,147,148,163,164,168,169,184,185,190,191,205,206,207,211,212,213,227,228,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,340,341,342,362,363,364,384,385,405,406,407,427,428,489 +1862 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,233,234,235,247,248,249,254,255,256,269,270,271,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,342,343,364,365,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +1863 - 36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,147,164,165,166,167,168,186,188,189,190,210,211,212,231,232,233,234,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,340,342,343,344,363,364,365,366,375,376,377,385,386,387,397,398,399,406,407,408,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,488 +1864 - 53,54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,102,118,119,120,140,141,142,143,144,145,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,204,205,206,207,211,212,213,226,227,228,233,234,235,248,249,250,256,257,278,279,300,301,312,322,323,333,334,344,345,355,356,365,366,367,377,378,387,388,389,399,400,401,409,410,411,422,423,424,425,430,431,432,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +1865 - 12,13,14,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,165,166,167,168,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,268,269,270,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,319,320,321,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,409,410,411,412,413,414,415,416,421,422,423,424,487 +1866 - 11,12,13,33,34,35,54,55,56,76,77,78,97,98,99,118,119,120,140,141,142,161,162,163,183,184,185,193,194,205,206,207,213,214,215,216,226,227,228,234,235,236,237,238,248,249,250,254,255,256,257,259,260,269,270,271,275,276,277,278,281,282,291,292,293,296,297,298,302,303,313,314,315,318,319,320,323,324,335,336,337,340,341,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,410,491 +1867 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,338,339,340,360,361,362,382,383,384,403,404,405,424,425,426,427,446,447,448,449,486 +1868 - 34,35,54,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +1869 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,160,161,162,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,271,272,273,274,275,292,293,294,295,296,297,298,305,314,315,316,317,318,319,320,321,326,327,328,335,336,337,338,339,340,341,342,343,344,345,347,348,349,350,357,358,359,360,361,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,387,388,389,390,391,392,393,400,401,402,403,404,410,411,412,413,414,421,422,423,424,425,434,435,443,444,445,446,447,487 +1870 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,82,83,84,85,96,97,98,99,100,104,105,106,117,118,119,120,125,126,127,139,140,141,160,161,162,182,183,184,203,204,205,225,226,227,247,248,249,256,257,268,269,270,275,276,277,278,279,280,290,291,295,296,297,298,299,300,301,302,312,313,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,344,345,346,347,356,357,358,359,360,361,365,366,367,368,378,379,380,381,386,387,388,389,390,400,401,402,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,446,447,448,449,450,451,491 +1871 - 13,14,15,16,34,35,36,37,56,57,58,59,77,78,79,80,99,100,101,120,121,122,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,231,233,234,235,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,315,316,317,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +1872 - 33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,105,106,117,118,119,120,125,126,127,139,140,141,142,145,146,147,148,161,162,163,166,167,168,169,183,184,185,186,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,299,300,301,316,317,318,319,321,322,323,337,338,339,340,343,344,345,359,360,361,362,364,365,366,367,381,382,383,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,493 +1873 - 63,64,65,83,84,85,86,87,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,189,203,204,205,206,224,225,226,227,228,229,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,288,289,293,294,295,296,297,298,299,300,301,310,311,312,320,321,322,323,332,333,334,335,341,342,343,344,345,355,356,357,358,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +1874 - 50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,147,148,149,150,167,168,169,170,171,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,223,224,225,226,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,251,252,253,254,255,256,257,258,259,260,261,265,266,267,273,274,275,276,277,278,279,280,281,282,283,287,288,289,303,304,305,306,309,310,326,327,328,331,332,333,347,348,349,350,353,354,355,356,368,369,370,371,372,375,376,377,378,379,380,381,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,488 +1875 - 13,14,15,16,34,35,36,37,56,57,58,77,78,79,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,187,190,191,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,279,280,281,291,292,293,294,295,296,297,298,301,302,303,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,341,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +1876 - 80,81,91,93,101,102,103,104,105,106,113,114,115,120,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,161,162,163,164,165,167,178,179,180,181,182,183,184,185,200,201,202,203,204,205,206,207,222,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,321,322,323,324,325,343,344,345,346,365,366,367,368,386,387,388,389,390,407,408,409,410,411,425,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,475,490 +1877 - 81,82,83,102,103,104,105,106,121,122,123,124,125,126,127,128,137,138,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,213,214,215,222,223,224,225,226,227,228,229,230,231,235,236,237,243,244,245,246,247,248,249,250,251,256,257,258,259,265,266,267,268,269,270,271,277,278,279,280,287,288,289,290,291,299,300,301,302,309,310,311,312,321,322,323,324,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,492 +1878 - 10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,96,97,98,118,119,120,140,141,142,162,163,164,184,185,186,206,207,208,227,228,229,230,249,250,251,252,253,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,324,338,339,340,343,344,345,346,360,361,362,365,366,367,368,382,383,384,385,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,491 +1879 - 16,17,37,38,39,59,60,61,81,82,83,102,103,104,124,125,126,146,147,148,162,168,169,170,183,184,190,191,192,205,206,212,213,226,227,228,233,234,235,248,249,250,255,256,257,269,270,271,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,357,358,359,363,364,365,366,385,386,387,388,407,408,409,489 +1880 - 33,34,35,55,56,57,58,77,78,79,80,81,98,99,101,102,103,119,120,121,123,124,125,141,142,143,146,147,148,163,164,165,169,170,185,186,187,191,192,207,208,209,213,214,229,230,231,235,236,251,252,253,257,258,273,274,275,277,278,279,295,296,297,298,299,300,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,384,385,401,402,403,406,407,424,425,426,427,428,429,447,448,449,450,493 +1881 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,140,141,142,145,146,147,148,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,363,364,365,381,382,383,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,493 +1882 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,96,97,98,99,100,101,118,119,120,121,140,141,142,162,163,184,185,186,207,208,209,229,230,231,251,252,253,254,274,275,276,297,298,299,319,320,321,322,337,338,342,343,344,358,359,360,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,490 +1883 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,486 +1884 - 72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,122,123,124,125,134,135,136,137,145,146,147,148,149,156,157,158,168,169,170,171,178,179,180,190,191,192,193,200,201,202,211,212,213,214,215,222,223,224,225,233,234,235,236,237,245,246,247,248,256,257,258,259,268,269,270,271,272,278,279,280,281,291,292,293,294,295,296,297,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,347,363,364,365,366,367,368,388,389,390,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,479,494 +1885 - 96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,169,170,171,172,173,174,181,182,183,190,191,192,193,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,254,255,256,257,269,270,271,272,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,338,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,474,493 +1886 - 53,54,75,76,96,97,98,103,104,117,118,119,125,126,138,139,140,141,147,148,160,161,162,168,169,170,180,181,182,183,184,185,190,191,192,201,202,203,204,205,206,207,208,209,212,213,214,223,224,225,229,230,231,232,233,234,235,236,245,246,253,254,255,256,257,276,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,412,430,431,432,433,434,452,453,454,455,456,475,476,477,489 +1887 - 35,36,37,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,171,183,184,185,186,187,190,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,251,255,256,257,258,269,270,271,272,277,278,279,280,291,292,293,294,298,299,300,301,302,312,313,314,315,319,320,321,322,323,334,335,336,337,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +1888 - 59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,127,128,129,130,139,140,141,142,143,144,145,146,149,150,151,152,161,162,163,164,165,166,172,173,174,182,183,184,185,186,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,237,238,239,240,246,247,248,249,259,260,261,267,268,269,270,280,281,282,283,289,290,291,301,302,303,304,311,312,313,322,323,324,325,326,333,334,335,343,344,345,346,347,355,356,357,363,364,365,366,367,368,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,468,469,470,471,485 +1889 - 15,16,17,18,19,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,189,204,205,206,207,208,209,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,320,321,322,323,334,335,336,342,343,344,345,356,357,358,359,363,364,365,366,367,378,379,380,381,382,383,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,490 +1890 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,125,126,139,140,141,146,147,148,161,162,163,168,169,183,184,185,189,190,191,206,207,208,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,296,297,298,318,319,320,321,339,340,341,342,343,360,361,362,364,365,382,383,386,387,403,404,405,408,409,410,425,426,427,428,430,431,432,448,449,450,451,452,453,471,472,473,474,475,493 +1891 - 79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,161,162,163,164,165,167,168,169,170,182,183,184,185,186,188,189,190,191,192,203,204,205,206,207,209,210,211,212,213,214,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +1892 - 15,16,17,18,19,36,37,38,39,40,56,57,58,59,60,61,62,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,138,139,140,141,142,143,159,160,161,162,163,180,181,182,183,184,202,203,204,205,224,225,226,227,245,246,247,248,249,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,321,322,323,324,325,326,334,335,336,337,338,339,345,346,347,348,358,359,360,361,362,363,364,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,491 +1893 - 37,38,59,60,80,81,82,102,103,104,124,125,126,138,139,146,147,148,160,161,162,168,169,170,181,182,183,190,191,203,204,205,211,212,213,224,225,226,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,489 +1894 - 96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,167,168,169,170,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,476,492 +1895 - 35,36,57,58,59,78,79,80,81,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +1896 - 8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,77,78,79,80,81,95,101,102,103,123,124,144,145,146,166,167,168,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,336,337,338,339,340,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,434,487 +1897 - 99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,183,184,185,186,188,189,190,191,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +1898 - 122,123,124,125,135,136,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,177,178,179,180,181,182,183,184,185,186,190,191,199,200,212,213,214,234,235,236,256,257,258,278,279,280,300,301,302,322,323,344,345,366,367,388,389,410,411,432,433,454,455,476,477,492 +1899 - 10,11,12,13,14,31,32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,139,140,141,144,145,146,161,162,163,166,167,168,188,189,190,209,210,211,231,232,233,253,254,255,274,275,276,277,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,365,366,367,368,369,370,378,379,380,381,382,383,384,389,390,391,400,401,402,403,404,405,412,421,422,423,424,425,426,427,487 +1900 - 97,98,99,100,101,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,148,160,161,162,168,169,170,181,182,183,189,190,191,203,204,205,211,212,213,225,226,233,234,235,247,248,255,256,269,270,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,339,342,343,364,365,386,387,408,409,430,431,452,453,474,475,494 +1901 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,385,386,404,405,406,407,426,427,428,429,449,450,486 +1902 - 34,35,36,37,38,56,57,58,59,60,61,76,77,78,79,81,82,83,84,97,98,99,100,104,105,106,118,119,120,121,127,128,129,139,140,141,142,149,150,151,160,161,162,163,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,223,224,225,226,237,238,239,245,246,247,259,260,261,266,267,268,281,282,283,288,289,290,302,303,304,309,310,311,324,325,326,331,332,333,345,346,347,353,354,355,365,366,367,368,369,376,377,378,385,386,387,388,389,390,398,399,400,401,402,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +1903 - 76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,160,161,162,163,166,167,168,182,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +1904 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,126,127,140,141,142,143,148,149,150,162,163,164,165,170,171,172,185,186,187,193,194,208,209,210,216,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,320,321,322,333,334,335,336,342,343,344,355,356,357,364,365,366,377,378,379,380,381,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,493 +1905 - 13,14,15,34,35,36,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,207,208,209,228,229,230,231,250,251,252,254,255,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +1906 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,168,169,179,180,181,189,190,191,200,201,202,203,211,212,222,223,224,233,234,235,236,245,246,255,256,257,258,267,268,269,270,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,322,323,324,336,337,338,339,340,344,345,346,367,368,389,390,411,412,433,434,455,456,477,478,494 +1907 - 95,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,167,168,169,183,184,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +1908 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,138,139,140,141,142,143,147,148,159,160,161,162,164,165,168,169,170,182,183,184,187,190,191,204,205,206,207,208,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,338,339,340,343,344,345,359,360,361,362,365,366,367,380,381,382,383,386,387,388,389,402,403,404,407,408,409,410,424,425,426,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +1909 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +1910 - 24,25,26,27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,75,76,77,78,79,90,91,100,101,102,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,209,210,211,212,232,233,234,235,256,257,258,279,280,281,301,302,303,304,323,324,325,326,345,346,347,348,366,367,368,369,370,376,377,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,448,449,450,452,453,488 +1911 - 12,13,14,32,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,161,162,163,164,168,169,170,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,234,235,236,237,247,248,249,250,255,256,257,258,259,269,270,271,272,276,277,278,279,280,291,292,293,298,299,300,301,302,312,313,314,315,319,320,321,322,323,334,335,336,337,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,485 +1912 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,125,126,138,139,147,148,159,160,168,169,181,182,190,191,203,204,212,213,225,226,233,234,235,247,248,253,254,255,256,257,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,299,300,314,315,316,317,318,321,322,343,344,365,366,386,387,388,408,409,430,431,452,453,474,475,494 +1913 - 38,39,40,60,61,62,82,83,103,104,105,125,126,127,141,146,147,148,149,162,163,168,169,170,183,184,185,190,191,192,205,206,207,211,212,213,226,227,228,233,234,235,247,248,249,250,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,489 +1914 - 54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,123,124,125,126,127,136,137,138,139,140,141,142,147,148,149,150,158,159,160,161,170,171,172,173,179,180,181,182,183,193,194,195,200,201,202,203,204,215,216,217,218,222,223,224,225,226,238,239,240,244,245,246,247,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,292,305,306,307,311,312,313,314,315,327,328,329,333,334,335,336,337,349,350,351,356,357,358,359,360,368,369,370,371,372,380,381,382,383,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,471,472,485 +1915 - 13,14,15,16,17,35,36,37,38,56,57,58,59,60,77,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,249,250,251,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,304,305,313,314,315,316,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,491 +1916 - 29,30,31,32,51,52,53,63,64,72,73,74,75,83,84,85,86,94,95,96,105,106,107,115,116,117,118,126,127,128,129,137,138,139,148,149,150,159,160,161,170,171,172,180,181,182,183,191,192,193,202,203,204,205,213,214,215,224,225,226,233,234,235,236,237,245,246,247,248,254,255,256,257,258,267,268,269,270,275,276,277,278,279,280,290,291,292,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,364,365,366,367,380,381,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,489 +1917 - 59,60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,467,468,469,470,486 +1918 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,166,167,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,232,233,234,235,236,247,248,252,253,254,255,256,257,258,269,270,272,273,274,275,276,278,279,280,291,292,293,294,295,296,297,300,301,302,313,314,315,316,317,322,323,337,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,494 +1919 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,189,190,191,192,193,202,203,204,205,206,207,211,212,213,214,224,225,226,227,232,233,234,235,236,247,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +1920 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,142,143,144,147,148,149,160,161,162,163,164,165,169,170,171,181,182,183,184,191,192,193,203,204,205,206,213,214,215,225,226,227,228,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,278,279,280,281,290,291,292,300,301,302,312,313,314,321,322,323,324,334,335,336,342,343,344,345,356,357,358,364,365,366,367,378,379,380,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +1921 - 33,34,35,36,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,117,118,119,120,121,122,123,139,140,141,142,143,144,145,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,323,341,342,343,344,362,363,364,365,366,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,488 +1922 - 58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,159,160,161,180,181,182,183,202,203,204,205,206,224,225,226,227,228,229,246,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,293,294,295,296,297,298,299,314,315,319,320,321,322,323,336,337,338,339,342,343,344,345,346,358,359,360,361,362,365,366,367,368,380,381,382,383,384,385,386,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,473,474,475,476,477,490 +1923 - 57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,118,119,120,121,122,123,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,167,168,169,170,182,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,341,342,343,359,360,361,363,364,365,380,381,382,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +1924 - 79,80,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,144,145,146,147,161,162,163,166,167,168,169,182,183,184,188,189,190,204,205,209,210,211,212,226,227,231,232,233,248,249,252,253,254,255,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +1925 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,147,161,162,163,164,165,167,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,469,470,471,472,494 +1926 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,137,138,139,140,141,142,145,159,160,161,167,168,169,180,181,182,189,190,191,202,203,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,278,279,299,300,301,321,322,323,344,345,366,367,388,389,410,411,432,433,454,455,476,477,494 +1927 - 13,14,15,16,17,18,34,35,36,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,225,226,227,228,229,247,248,249,250,251,253,254,255,256,257,269,270,271,272,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,491 +1928 - 51,52,53,54,56,57,58,59,61,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,142,143,148,158,159,160,161,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,278,279,280,281,291,292,301,302,303,304,323,324,325,326,346,347,348,368,369,370,389,390,391,392,402,403,404,405,406,407,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,490 +1929 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,141,142,143,144,145,146,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,279,296,297,299,300,301,321,322,323,343,344,345,364,365,366,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +1930 - 76,98,99,117,118,119,120,121,127,138,139,140,141,142,143,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,185,186,192,193,194,202,203,204,205,206,207,214,215,216,223,224,225,226,227,228,229,230,231,232,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,323,324,325,345,346,347,348,367,368,369,390,391,411,412,413,433,434,435,455,456,457,477,478,479,489 +1931 - 78,79,80,99,100,101,102,119,120,121,122,123,124,140,141,142,143,145,146,147,161,162,163,164,166,167,168,169,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,453,472,473,474,475,494 +1932 - 11,12,13,14,15,31,32,33,34,35,36,37,52,53,54,55,59,60,73,74,75,76,95,96,97,116,117,118,138,139,140,159,160,161,181,182,183,203,204,224,225,226,234,235,236,237,238,239,246,247,248,253,254,255,256,257,258,259,260,261,262,263,268,269,270,274,275,276,277,278,283,284,285,290,291,292,295,296,297,305,306,307,313,314,316,317,318,327,328,329,335,336,337,338,339,340,349,350,357,358,359,360,361,362,370,371,372,380,381,382,383,384,391,392,393,403,404,405,406,407,411,412,413,414,426,427,428,429,430,431,432,433,434,435,491 +1933 - 33,34,35,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,103,104,105,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,150,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,194,205,206,207,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,256,257,258,269,270,271,272,277,278,279,280,291,292,293,299,300,301,313,314,315,320,321,322,323,335,336,337,341,342,343,344,357,358,359,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,485 +1934 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,144,145,146,147,148,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,475,494 +1935 - 16,17,18,37,38,39,40,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,118,119,120,121,122,123,139,140,141,142,160,161,162,163,182,183,184,204,205,206,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,300,301,302,322,323,324,325,344,345,346,354,355,356,365,366,367,368,376,377,378,379,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,490 +1936 - 38,39,40,41,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,139,140,141,161,162,163,183,184,185,187,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,278,279,300,301,321,322,323,343,344,345,364,365,366,384,385,386,387,388,398,399,400,401,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,490 +1937 - 76,77,78,97,98,99,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,210,211,212,213,226,227,228,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,472,492 +1938 - 55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,103,104,118,119,120,139,140,141,160,161,162,168,169,170,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,247,248,254,255,256,257,258,268,269,270,276,277,278,279,280,290,291,292,298,299,300,301,312,313,314,319,320,321,322,335,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,382,383,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +1939 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +1940 - 51,52,53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,207,208,209,210,228,229,230,231,232,233,250,251,254,255,256,271,272,273,276,277,278,293,294,299,300,301,315,316,321,322,323,337,338,344,345,359,360,366,367,368,381,382,389,390,404,405,411,412,426,427,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,493 +1941 - 12,13,34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,185,186,187,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,336,337,338,339,341,342,343,344,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,491 +1942 - 32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,101,102,117,118,119,123,124,125,139,140,141,145,146,147,161,162,166,167,168,169,183,184,188,189,190,191,205,206,207,208,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,297,298,300,301,302,314,315,316,323,324,335,336,337,345,346,357,358,359,367,368,379,380,388,389,390,401,402,403,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,493 +1943 - 38,39,40,41,60,61,62,63,82,83,84,85,103,104,105,106,124,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,426,442,443,444,445,446,447,448,449,486 +1944 - 90,91,112,113,114,115,116,117,135,136,137,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,226,227,228,229,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,304,305,306,318,319,320,324,325,326,327,328,329,339,340,341,351,361,362,363,383,384,385,405,406,407,427,428,429,449,450,471,472,492 +1945 - 36,37,56,57,58,59,77,78,79,80,81,82,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,150,151,161,162,163,164,165,166,171,172,173,182,183,184,185,186,187,193,194,195,196,204,205,206,207,208,215,216,217,218,225,226,227,228,229,236,237,238,239,240,247,248,249,250,257,258,259,260,261,268,269,270,271,272,278,279,280,281,282,283,289,290,291,292,293,299,300,301,302,303,304,310,311,312,313,314,320,321,322,323,324,325,326,332,333,334,335,342,343,344,345,346,347,353,354,355,356,357,361,362,363,364,365,366,367,368,375,376,377,378,379,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,485 +1946 - 72,73,94,95,116,117,118,138,139,140,141,142,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,213,214,215,225,226,227,234,235,236,248,249,256,257,258,270,271,278,279,280,292,293,300,301,302,322,323,324,344,345,365,366,367,387,388,389,409,410,411,431,432,452,453,454,474,475,492 +1947 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,494 +1948 - 50,51,52,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,124,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,172,180,181,182,183,192,193,194,202,203,204,205,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,337,347,348,349,357,358,359,368,369,370,379,380,381,382,389,390,391,392,402,403,404,405,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +1949 - 34,35,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,207,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,363,364,365,366,381,382,384,385,386,387,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,488 +1950 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,104,105,106,117,118,119,120,125,126,127,138,139,140,141,145,146,147,148,160,161,162,166,167,168,169,170,181,182,183,184,187,188,189,190,191,192,193,203,204,205,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,260,261,262,270,271,272,273,274,275,281,282,283,294,295,296,297,303,304,305,315,316,317,318,324,325,326,337,338,339,344,345,346,347,348,359,360,361,365,366,367,368,381,382,383,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,447,448,449,450,451,493 +1951 - 33,34,35,53,54,55,56,57,73,74,75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,160,161,162,163,165,166,167,183,186,187,188,189,190,191,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,324,338,339,340,342,343,344,345,361,363,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +1952 - 13,14,15,16,35,36,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,163,164,184,185,186,206,207,208,212,213,214,227,228,229,233,234,235,236,237,249,250,253,254,255,256,257,258,271,272,274,275,276,277,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,318,321,322,323,336,337,338,339,342,343,344,358,359,360,363,364,365,380,381,382,383,384,385,386,403,404,405,406,407,491 +1953 - 15,16,17,37,38,39,58,59,60,80,81,82,101,102,103,123,124,125,145,146,166,167,168,185,186,188,189,190,206,207,208,210,211,227,228,229,230,231,232,233,249,250,251,253,254,255,256,257,270,271,272,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,360,361,362,363,382,383,384,404,405,406,426,427,489 +1954 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,405,406,407,427,428,429,450,451,472,473,474,486 +1955 - 15,16,37,38,58,59,60,80,81,82,102,103,104,118,119,124,125,140,141,142,145,146,147,162,163,164,167,168,169,183,184,185,189,190,205,206,207,210,211,212,226,227,228,229,232,233,234,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,336,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,489 +1956 - 30,31,52,53,74,75,95,96,97,105,106,107,117,118,119,127,128,129,139,140,141,149,150,151,160,161,162,170,171,172,181,182,183,184,192,193,194,203,204,205,213,214,215,224,225,226,227,234,235,236,237,246,247,248,255,256,257,258,268,269,270,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,343,344,345,365,366,367,386,387,388,408,409,410,411,430,431,432,433,453,454,455,489 +1957 - 32,33,34,35,53,54,55,56,57,75,76,77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,144,146,147,148,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,277,278,279,280,291,292,293,299,300,301,302,312,313,314,315,320,321,322,323,334,335,336,337,342,343,344,345,356,357,358,359,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +1958 - 47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,121,122,123,124,125,133,134,143,144,145,146,163,164,165,166,167,184,185,186,187,188,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,278,279,280,281,282,283,301,302,303,304,305,306,325,326,327,328,348,349,350,369,370,371,372,391,392,393,394,411,412,413,414,415,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,488 +1959 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,232,233,234,235,236,249,250,251,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,300,301,302,303,314,315,316,317,318,319,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +1960 - 51,52,53,54,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,122,123,124,125,132,133,134,146,147,148,154,155,156,168,169,170,176,177,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,281,282,283,293,294,295,296,297,298,303,304,305,315,316,317,318,319,325,326,327,338,339,346,347,348,349,359,360,361,366,367,368,369,370,380,381,382,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,449,450,451,452,488 +1961 - 9,10,11,12,13,14,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,139,140,141,142,144,145,146,147,161,162,163,166,167,168,169,183,188,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,335,336,337,338,339,340,341,342,343,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,487 +1962 - 51,52,53,72,73,74,94,95,96,116,117,118,125,126,138,139,140,146,147,148,160,161,162,168,169,170,182,183,184,190,191,204,205,206,211,212,213,226,227,228,233,234,235,236,248,249,250,254,255,256,257,258,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,344,345,366,367,388,389,390,410,411,412,432,433,434,454,455,456,457,477,478,479,489 +1963 - 40,41,42,43,61,62,63,64,65,81,82,83,84,85,86,87,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,204,205,206,207,226,227,228,229,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,378,379,380,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,490 +1964 - 6,7,8,9,26,27,28,29,30,31,50,51,52,72,73,74,93,94,95,115,116,117,136,137,138,148,149,150,151,152,153,157,158,159,160,169,170,171,172,173,174,175,179,180,181,190,191,192,193,194,195,196,197,200,201,202,203,210,211,212,213,218,219,222,223,224,232,233,234,239,240,241,244,245,253,254,255,261,262,263,266,267,274,275,276,281,282,283,284,288,289,296,297,298,303,304,305,310,311,312,318,319,324,325,326,332,333,334,340,341,342,344,345,346,347,355,356,357,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,426,427,428,491 +1965 - 15,16,37,38,58,59,60,80,81,82,102,103,124,125,140,145,146,147,162,163,167,168,169,183,184,185,189,190,191,205,206,211,212,226,227,228,232,233,234,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,429,489 +1966 - 62,63,64,65,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,179,180,181,182,183,201,202,203,204,205,206,223,224,225,226,227,228,229,230,231,245,246,247,248,249,250,251,252,253,254,255,274,275,276,277,278,298,299,300,301,302,322,323,324,325,345,346,347,354,355,356,367,368,369,376,377,378,379,380,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,490 +1967 - 14,15,16,36,37,38,58,59,80,81,102,103,123,124,125,145,146,162,163,167,168,184,185,189,190,205,206,207,210,211,212,227,228,229,232,233,234,248,249,250,254,255,270,271,272,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,429,489 +1968 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,299,319,320,321,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,486 +1969 - 34,35,36,37,56,57,58,59,60,77,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,233,234,235,236,237,238,248,249,250,251,252,255,256,257,258,259,269,270,271,272,273,276,277,278,279,280,281,291,292,293,294,295,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,445,446,447,448,485 +1970 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,121,122,123,125,136,137,138,139,144,145,146,147,148,158,159,160,166,167,168,169,170,179,180,181,182,188,189,190,191,192,201,202,203,211,212,213,214,223,224,225,234,235,236,245,246,247,248,255,256,257,258,268,269,270,271,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,322,323,324,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +1971 - 9,10,11,12,13,14,30,31,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,78,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,246,247,248,249,250,251,252,253,254,259,267,268,269,270,271,272,273,274,275,276,280,281,289,290,291,292,293,294,295,296,297,298,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,385,386,387,388,389,390,391,401,402,403,409,410,411,412,413,487 +1972 - 13,14,15,16,35,36,37,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,205,206,207,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,278,279,280,281,291,292,293,302,303,313,314,315,323,324,325,335,336,337,344,345,346,357,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +1973 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,191,192,193,194,195,196,203,204,205,206,207,208,209,214,215,216,217,218,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,258,259,260,261,262,266,267,268,269,270,279,280,281,282,283,288,289,290,291,292,300,301,302,303,304,309,310,311,312,313,321,322,323,324,325,331,332,333,334,335,342,343,344,345,346,353,354,355,356,362,363,364,365,366,367,368,375,376,377,378,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,485 +1974 - 31,32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,164,170,171,172,181,182,183,184,185,192,193,194,203,204,205,206,214,215,216,225,226,227,236,237,238,247,248,249,257,258,259,260,269,270,271,279,280,281,282,291,292,293,300,301,302,303,313,314,322,323,324,325,335,336,343,344,345,346,347,357,358,359,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,448,449,450,451,452,485 +1975 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,444,445,446,447,448,486 +1976 - 13,14,15,34,35,36,37,55,56,57,58,77,78,79,98,99,100,120,121,142,143,163,164,165,185,186,207,208,228,229,230,250,251,272,273,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,320,321,322,323,338,339,343,344,345,360,361,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +1977 - 12,13,14,15,16,17,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,104,105,106,107,108,118,119,120,121,126,127,128,129,130,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,217,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,316,317,318,319,320,321,322,323,331,332,333,334,335,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,408,409,410,411,412,413,420,421,422,423,424,431,432,433,434,435,487 +1978 - 33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,335,336,337,341,342,343,344,345,346,356,357,358,359,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,450,488 +1979 - 50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,125,126,127,128,129,138,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,194,209,210,211,212,213,214,215,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,355,356,357,358,359,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,455,472,473,474,475,476,488 +1980 - 54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,135,136,137,138,139,140,141,157,158,159,160,161,162,180,181,182,183,184,185,186,204,205,206,207,208,209,210,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,280,300,301,302,303,313,314,323,324,325,335,336,345,346,347,357,358,366,367,368,369,379,380,387,388,389,390,401,402,403,404,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +1981 - 83,84,85,105,106,107,115,116,117,126,127,128,129,136,137,138,139,147,148,149,150,151,158,159,160,161,169,170,171,172,180,181,182,183,191,192,193,194,201,202,203,204,212,213,214,215,216,222,223,224,225,226,234,235,236,237,243,244,245,246,247,248,249,250,251,252,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,277,278,279,280,281,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,315,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,432,450,451,452,453,454,489 +1982 - 34,35,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +1983 - 62,63,64,65,83,84,85,86,87,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,164,165,166,167,168,169,184,185,186,187,188,189,205,206,207,208,209,227,228,229,230,249,250,251,252,253,272,273,274,275,276,295,296,297,298,318,319,320,321,332,333,334,335,336,337,340,341,342,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,423,424,425,426,427,490 +1984 - 97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,209,210,211,212,213,214,222,223,224,225,226,227,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,324,325,337,338,339,340,341,346,347,359,360,361,362,368,369,381,382,383,384,390,391,403,404,405,412,413,425,426,427,433,434,435,447,448,449,450,454,455,456,469,470,471,472,473,474,475,476,477,478,493 +1985 - 4,14,15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,187,204,205,206,207,208,212,213,214,215,216,217,226,227,228,229,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,302,303,304,305,313,314,315,316,317,318,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +1986 - 98,99,107,108,118,119,120,121,128,129,130,131,139,140,141,142,143,149,150,151,152,153,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,244,245,246,247,255,256,257,266,267,268,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,361,362,363,364,383,384,404,405,406,426,427,448,449,470,471,489 +1987 - 72,73,74,75,76,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,183,184,185,188,189,190,191,192,193,206,207,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +1988 - 73,74,80,81,94,95,96,97,102,103,116,117,118,124,125,138,139,140,145,146,147,160,161,167,168,169,181,182,183,184,189,190,204,205,206,211,212,226,227,228,232,233,234,235,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,473,474,489 +1989 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,147,148,149,150,151,152,153,160,161,162,163,164,167,168,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,363,364,365,366,378,379,380,381,382,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +1990 - 92,93,94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,122,123,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,166,167,168,169,170,171,172,179,180,181,190,191,192,193,194,200,201,202,203,213,214,215,216,223,224,225,234,235,236,237,238,245,246,247,255,256,257,258,259,267,268,269,270,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +1991 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,494 +1992 - 54,55,56,57,75,76,77,78,79,80,97,98,99,101,102,119,120,121,123,124,141,142,145,146,163,164,167,168,185,186,187,189,190,208,209,211,212,230,231,232,233,234,254,255,256,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,401,404,405,406,423,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +1993 - 79,80,81,82,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,171,172,173,174,175,182,183,184,185,186,193,194,195,196,197,203,204,205,206,207,215,216,217,218,219,224,225,226,227,228,237,238,239,240,241,245,246,247,248,249,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,357,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +1994 - 89,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,140,141,142,143,144,145,146,165,166,167,168,187,188,189,190,210,211,212,232,233,234,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,305,306,319,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,492 +1995 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +1996 - 11,12,13,14,32,33,34,35,36,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,120,138,139,140,141,159,160,161,162,170,171,181,182,183,184,189,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,216,217,224,225,226,231,232,233,234,235,236,237,238,239,240,246,247,248,253,254,255,260,261,262,268,269,270,274,275,276,277,282,283,284,290,291,292,296,297,298,303,304,305,312,313,314,317,318,319,320,324,325,326,327,334,335,336,337,338,339,340,341,342,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +1997 - 32,33,34,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,147,148,149,150,157,158,159,160,161,162,163,169,170,171,172,173,179,180,181,182,183,184,191,192,193,194,201,202,203,204,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,259,276,277,278,279,280,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,389,390,391,392,393,396,397,398,399,400,401,402,403,404,405,412,413,414,415,418,419,420,421,422,423,424,425,434,435,436,437,440,441,442,443,444,445,446,457,458,459,487 +1998 - 54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,102,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,364,365,366,367,368,369,379,380,381,382,383,387,388,389,390,391,401,402,403,404,405,406,409,410,411,412,413,424,425,426,427,428,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,478,493 +1999 - 35,36,37,38,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,125,126,127,128,137,138,139,140,141,146,147,148,149,150,168,169,170,171,172,189,190,191,192,193,194,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,317,318,319,320,339,340,341,342,343,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,454,488 +2000 - 71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,146,147,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,404,405,406,407,409,410,411,412,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,492 +2001 - 84,85,94,95,96,105,106,107,108,115,116,117,118,127,128,129,130,137,138,139,140,148,149,150,151,152,158,159,160,161,162,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,200,201,202,203,204,205,206,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,294,295,296,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,471,472,473,489 +2002 - 10,11,12,32,33,34,53,54,55,56,74,75,76,77,96,97,98,99,117,118,119,120,139,140,141,161,162,163,183,184,185,189,204,205,206,207,210,211,212,213,226,227,228,231,232,233,234,235,249,250,253,254,255,256,257,258,271,272,275,276,277,279,280,293,294,297,298,299,301,302,315,316,317,319,320,321,323,324,337,338,339,342,343,344,345,346,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,406,407,408,409,410,429,430,431,491 +2003 - 63,64,65,83,84,85,86,87,104,105,106,107,108,109,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,227,228,229,230,231,250,251,252,253,273,274,275,295,296,297,311,312,317,318,319,332,333,334,335,336,337,339,340,341,354,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,425,426,490 +2004 - 30,31,32,33,34,35,52,53,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,123,124,125,126,139,140,141,142,146,147,148,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,213,214,215,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,291,292,293,301,302,303,304,313,314,315,323,324,325,326,335,336,337,345,346,347,348,357,358,359,360,367,368,369,370,379,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +2005 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,166,169,170,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,279,280,281,282,292,293,294,295,296,297,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,424,425,426,427,428,491 +2006 - 94,95,96,97,98,99,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,165,166,167,168,180,181,182,183,186,187,188,189,190,191,201,202,203,204,207,208,209,210,211,212,213,223,224,225,227,228,229,230,231,234,235,245,246,247,248,249,250,251,252,256,257,258,268,269,270,271,272,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,475,476,477,494 +2007 - 72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,188,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,451,452,468,469,470,471,472,473,492 +2008 - 32,33,53,54,55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,123,124,125,126,127,128,129,139,140,141,142,147,148,149,150,151,152,161,162,163,164,171,172,173,174,182,183,184,185,194,195,196,204,205,206,207,216,217,218,225,226,227,228,238,239,240,246,247,248,249,260,261,262,268,269,270,271,281,282,283,290,291,292,293,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,358,364,365,366,367,368,377,378,379,380,381,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +2009 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,146,147,148,149,150,151,152,160,161,162,163,167,168,169,170,171,172,173,182,183,184,185,186,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,361,363,364,365,366,379,380,381,382,383,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,493 +2010 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,103,104,116,117,118,119,123,124,125,126,138,139,140,144,145,146,147,148,159,160,161,165,166,167,168,181,182,187,188,189,203,204,205,206,208,209,210,225,226,227,228,229,230,231,232,249,250,251,252,253,254,272,273,274,275,276,277,294,295,297,298,299,300,315,316,317,320,321,322,337,338,339,343,344,345,359,360,366,367,381,382,388,389,403,404,405,409,410,411,426,427,430,431,432,448,449,450,451,452,453,471,472,473,474,475,493 +2011 - 57,58,59,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,146,147,148,149,150,151,152,159,160,161,162,163,164,170,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,215,216,217,218,223,224,225,226,237,238,239,240,244,245,246,247,248,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,301,302,303,304,309,310,311,312,322,323,324,325,326,331,332,333,342,343,344,345,346,347,353,354,355,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,485 +2012 - 73,74,75,76,77,78,95,96,97,98,99,100,120,121,122,142,143,144,163,164,165,184,185,186,205,206,207,227,228,229,230,231,251,252,253,254,255,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,451,452,453,472,473,474,488 +2013 - 35,36,37,38,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,486 +2014 - 29,30,31,32,33,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,100,101,102,103,115,116,123,124,125,137,138,145,146,147,159,160,161,167,168,169,181,182,183,184,188,189,190,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,303,315,316,317,322,323,324,325,326,337,338,339,346,347,348,359,360,361,368,369,370,381,382,383,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,493 +2015 - 35,36,37,38,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,147,148,149,150,151,160,161,162,163,164,165,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,217,232,233,234,235,236,237,238,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,409,410,411,412,413,418,419,420,421,422,423,431,432,433,434,435,436,440,441,442,443,444,455,456,457,458,487 +2016 - 79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,162,163,164,165,166,183,184,185,186,204,205,206,207,226,227,228,229,230,248,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,319,320,321,334,335,340,341,342,343,355,356,362,363,364,377,378,379,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,490 +2017 - 35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,125,126,127,128,129,130,143,146,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +2018 - 68,69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,135,136,137,139,140,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477,478,479,492 +2019 - 98,106,107,108,118,119,120,127,128,129,130,140,141,142,143,149,150,151,152,161,162,163,164,170,171,172,173,174,182,183,184,185,186,192,193,194,195,203,204,205,206,207,213,214,215,216,224,225,226,227,228,229,234,235,236,237,238,244,245,246,247,248,249,255,256,257,258,259,265,266,267,268,269,270,271,272,273,277,278,279,280,287,288,289,290,291,292,293,294,295,296,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,489 +2020 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,100,101,102,104,105,106,117,118,119,123,127,128,139,140,141,149,150,151,160,161,162,163,171,172,173,181,182,183,184,193,194,195,203,204,205,206,215,216,217,225,226,227,237,238,239,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,303,304,305,312,313,314,324,325,326,334,335,336,346,347,348,356,357,358,367,368,369,370,378,379,380,381,388,389,390,391,401,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +2021 - 84,85,86,87,105,106,107,108,109,125,126,127,128,129,130,131,146,147,148,149,150,151,152,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,212,225,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,298,299,300,311,312,313,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,490 +2022 - 48,49,50,58,59,60,61,70,71,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,165,166,167,186,187,188,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,256,257,258,259,271,272,273,280,281,282,303,304,325,326,336,337,338,347,348,356,357,358,359,368,369,370,378,379,380,381,390,391,392,400,401,410,411,412,413,422,423,424,425,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +2023 - 14,15,16,17,35,36,37,38,39,40,41,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,247,248,249,250,251,256,257,258,259,260,269,270,271,272,273,275,276,277,278,279,280,281,282,283,291,292,293,294,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,491 +2024 - 27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,99,100,101,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,301,302,303,304,311,324,325,326,333,334,335,345,346,347,348,355,356,357,358,366,367,368,369,370,377,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +2025 - 73,74,75,76,77,78,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,187,189,190,191,192,193,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,472,492 +2026 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,96,97,101,102,103,104,117,118,125,139,140,146,147,161,162,168,169,184,185,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,321,322,323,338,339,340,344,345,346,360,361,366,367,381,382,383,387,388,389,403,404,405,409,410,411,425,426,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +2027 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,109,115,116,117,118,119,120,121,122,123,124,125,130,131,137,138,139,140,141,142,143,144,145,146,147,148,151,152,153,159,160,161,162,163,167,168,169,172,173,174,175,182,183,184,185,190,193,194,195,196,197,204,205,206,207,208,213,214,215,216,217,218,226,227,228,229,230,234,235,236,237,238,239,240,249,250,251,252,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,473,493 +2028 - 95,96,97,98,99,105,106,117,118,119,120,121,127,128,129,138,139,140,141,142,143,148,149,150,159,160,161,162,170,171,172,181,182,183,191,192,193,194,202,203,204,213,214,215,224,225,226,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,489 +2029 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,147,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,207,212,213,214,215,216,225,226,227,228,233,234,235,236,237,247,248,249,250,255,256,257,258,259,268,269,270,271,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,494 +2030 - 33,34,35,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,486 +2031 - 91,92,93,94,95,96,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,260,278,279,280,281,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,492 +2032 - 52,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,123,124,125,136,137,138,139,145,146,147,159,160,161,167,168,181,182,183,184,195,196,197,204,205,206,207,214,215,216,217,218,219,227,228,229,230,235,236,237,238,250,251,252,253,255,256,257,258,259,273,274,275,276,277,278,279,280,296,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,473,474,475,476,493 +2033 - 60,61,76,77,81,82,83,98,99,103,104,105,119,120,121,125,126,127,141,142,143,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,203,204,205,206,207,208,211,212,213,214,225,226,227,228,229,230,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,489 +2034 - 74,75,80,81,82,95,96,97,102,103,104,117,118,119,124,125,126,139,140,146,147,160,161,162,168,169,181,182,183,190,191,202,203,204,205,211,212,213,223,224,225,226,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2035 - 33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,146,147,148,149,167,168,169,170,171,188,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,353,354,355,356,357,358,359,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,488 +2036 - 55,56,57,77,78,79,80,99,100,101,102,103,122,123,124,125,134,135,144,145,146,147,155,156,157,167,168,169,176,177,178,179,189,190,191,198,199,200,201,211,212,213,214,220,221,222,223,234,235,236,243,244,245,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,301,302,303,310,311,312,313,314,315,316,317,318,319,320,323,324,325,326,345,346,347,348,367,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,459,479,480,489 +2037 - 74,75,76,77,78,79,80,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,341,342,343,357,358,359,360,364,365,379,380,381,385,386,387,400,401,402,403,407,408,409,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,474,493 +2038 - 55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,119,120,121,122,143,144,164,165,166,187,188,209,210,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +2039 - 85,86,87,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,205,206,207,208,227,228,229,249,250,251,271,272,273,274,293,294,295,296,316,317,318,319,338,339,340,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,444,445,446,447,448,449,450,490 +2040 - 56,57,78,79,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,450,451,472,473,486 +2041 - 37,38,39,40,58,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +2042 - 34,35,56,57,58,78,79,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,428,429,430,431,451,452,453,486 +2043 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,123,124,125,126,127,128,129,130,139,140,141,142,146,147,148,149,150,151,152,161,162,163,164,165,167,168,169,170,171,172,173,174,184,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,323,335,336,337,338,339,342,343,344,345,357,358,359,360,361,364,365,366,367,379,380,381,382,385,386,387,388,389,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +2044 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,78,79,80,101,102,122,123,124,143,144,145,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,212,213,214,227,228,229,230,235,236,237,250,257,258,259,279,280,281,301,302,303,310,311,323,324,325,332,333,345,346,354,355,366,367,368,376,377,378,387,388,389,399,400,401,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +2045 - 56,57,58,59,60,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,128,129,130,138,139,140,141,142,143,148,149,150,151,152,161,162,163,164,168,169,170,171,172,173,174,183,184,185,186,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,319,320,321,334,335,336,337,341,342,343,344,356,357,358,363,364,365,366,377,378,379,380,385,386,387,399,400,401,402,403,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +2046 - 59,60,61,62,63,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,138,139,140,160,161,182,183,204,205,208,209,210,211,212,226,227,229,230,231,232,233,234,235,248,249,250,251,252,255,256,257,270,271,272,273,278,279,280,300,301,302,323,324,344,345,346,366,367,368,378,379,380,388,389,390,400,401,402,409,410,411,422,423,424,425,426,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +2047 - 9,10,11,12,30,31,32,33,34,52,53,54,55,56,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,142,159,160,161,162,163,171,172,173,181,182,183,184,185,190,191,192,193,194,195,196,203,204,205,206,211,212,213,214,215,216,217,218,224,225,226,227,228,232,233,234,235,236,237,238,239,240,245,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,274,275,276,277,278,279,281,282,283,284,288,289,290,291,292,295,296,297,298,299,300,302,303,304,305,306,311,312,313,314,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,491 +2048 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,149,160,161,162,169,170,171,181,182,183,184,191,192,193,203,204,205,213,214,215,224,225,226,227,234,235,236,246,247,248,256,257,258,269,270,278,279,299,300,301,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,450,451,452,472,473,492 +2049 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +2050 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,160,161,162,163,164,166,167,168,182,183,184,185,187,188,189,190,191,204,205,206,207,209,210,211,212,213,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,359,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,494 +2051 - 80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,189,190,191,192,193,204,205,206,207,208,211,212,213,214,225,226,227,228,229,233,234,235,236,247,248,249,250,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,473,494 +2052 - 55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,167,168,169,182,183,184,185,189,190,191,203,204,205,206,207,210,211,212,213,223,224,225,226,227,232,233,234,235,239,240,244,245,246,247,248,255,256,257,258,259,260,261,262,265,266,267,268,269,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,337,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +2053 - 32,33,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,147,162,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,234,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,342,343,344,345,354,355,356,357,358,359,360,365,366,367,368,376,377,378,379,380,381,388,389,390,391,392,393,394,395,398,399,400,410,411,412,413,414,415,416,417,434,435,436,437,438,487 +2054 - 34,35,36,37,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,103,104,105,106,120,121,122,125,126,127,128,129,141,142,143,148,149,150,151,163,164,165,170,171,172,185,186,187,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,311,312,313,314,319,320,332,333,334,335,341,342,354,355,356,363,364,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +2055 - 52,73,74,75,84,85,94,95,96,97,105,106,107,116,117,118,119,126,127,128,129,130,138,139,140,141,148,149,150,151,152,159,160,161,162,169,170,171,172,173,180,181,182,183,184,191,192,193,194,200,201,202,203,204,205,206,207,212,213,214,215,221,222,223,224,225,226,227,228,229,230,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,255,256,257,258,265,266,267,268,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,449,450,451,489 +2056 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +2057 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,147,148,149,150,151,152,159,160,161,162,163,164,165,169,170,171,172,173,174,181,182,183,184,185,186,191,192,193,194,195,196,203,204,205,206,207,213,214,215,216,217,218,224,225,226,227,228,235,236,237,238,239,246,247,248,249,250,257,258,259,260,261,267,268,269,270,271,278,279,280,281,282,283,289,290,291,292,293,299,300,301,302,303,304,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +2058 - 53,54,75,76,96,97,98,117,118,119,120,139,140,141,148,149,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,232,233,234,235,236,237,246,247,248,249,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,315,316,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,454,473,474,475,489 +2059 - 57,58,59,60,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,126,127,128,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,164,168,169,170,171,181,182,183,184,185,190,191,192,193,202,203,204,205,211,212,213,214,223,224,225,226,227,233,234,235,236,245,246,247,248,253,254,255,256,257,258,267,268,269,270,274,275,276,277,278,279,289,290,291,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,383,384,385,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,453,473,474,494 +2060 - 34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,294,295,296,297,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,486 +2061 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,148,149,150,161,162,163,164,165,170,171,172,173,182,183,184,185,186,191,192,193,194,195,204,205,206,207,208,213,214,215,216,225,226,227,228,234,235,236,237,238,246,247,248,249,255,256,257,258,259,268,269,270,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,357,358,359,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +2062 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,146,147,148,159,160,168,169,170,190,191,192,212,213,214,234,235,255,256,257,277,278,279,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,492 +2063 - 30,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,125,126,127,128,129,147,148,149,150,151,168,169,170,171,172,173,189,190,191,192,193,194,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,311,312,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +2064 - 69,70,79,80,81,90,91,92,100,101,102,103,104,112,113,114,115,122,123,124,125,126,133,134,135,136,137,145,146,147,148,155,156,157,158,159,166,167,168,169,170,171,177,178,179,180,181,188,189,190,191,192,193,194,199,200,201,202,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,294,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,386,387,388,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,489 +2065 - 50,51,52,53,54,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,166,167,168,169,170,171,172,189,190,191,192,193,194,211,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,465,466,467,468,492 +2066 - 32,33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,102,103,104,117,118,119,120,124,125,126,139,140,141,146,147,148,160,161,162,163,164,165,166,168,169,170,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,345,346,347,355,356,357,358,367,368,369,378,379,380,388,389,390,391,400,401,402,403,404,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,493 +2067 - 48,49,50,51,52,70,71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,166,167,168,169,170,171,190,191,192,193,210,212,213,214,215,231,232,233,234,235,236,237,254,255,256,257,258,259,260,261,263,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,450,467,468,469,470,492 +2068 - 12,13,14,15,33,34,35,36,37,54,55,56,75,76,77,96,97,98,118,119,139,140,141,161,162,183,184,204,205,206,226,227,228,248,249,254,255,256,257,258,270,271,275,276,277,278,279,280,281,292,293,296,297,298,302,303,314,315,317,318,324,325,336,337,338,339,345,346,359,360,367,368,381,382,383,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +2069 - 79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,494 +2070 - 50,51,72,73,93,94,95,114,115,116,136,137,138,147,148,158,159,160,167,168,169,170,180,181,182,187,188,189,190,191,192,193,202,203,204,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,255,256,257,270,271,272,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +2071 - 35,36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,180,181,185,186,187,188,189,190,191,192,203,207,208,209,210,211,212,213,214,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +2072 - 33,34,55,56,76,77,78,98,99,100,120,121,122,142,143,164,165,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,450,451,486 +2073 - 56,57,58,59,60,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,145,146,147,148,149,150,151,159,160,161,162,166,167,168,169,170,171,181,182,183,184,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,379,380,381,382,384,385,386,387,400,401,402,403,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +2074 - 95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,166,167,168,169,170,171,179,180,181,189,190,191,192,193,201,202,203,212,213,214,223,224,225,234,235,236,246,247,248,255,256,257,258,268,269,270,271,272,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,322,323,324,344,345,346,366,367,368,388,389,409,410,411,431,432,433,454,455,456,475,476,477,478,494 +2075 - 60,61,62,63,73,74,82,83,84,85,94,95,96,97,103,104,105,106,107,116,117,118,119,125,126,127,128,129,137,138,139,140,141,147,148,149,150,159,160,161,162,163,168,169,170,171,172,180,181,182,183,184,190,191,192,193,201,202,203,204,205,206,211,212,213,214,215,221,222,223,224,225,226,227,228,229,233,234,235,236,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,286,287,288,289,290,293,294,295,296,297,298,299,300,301,309,310,318,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,489 +2076 - 57,58,59,60,61,78,79,80,81,82,99,100,101,102,121,122,123,142,143,144,163,164,165,168,169,184,185,186,189,190,191,205,206,207,211,212,213,227,228,232,233,234,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,319,320,341,342,362,363,364,384,385,406,407,428,429,450,451,452,453,454,473,474,475,476,494 +2077 - 60,61,62,63,82,83,84,85,96,97,103,104,105,106,107,118,119,120,125,126,127,128,129,139,140,141,142,147,148,149,150,161,162,163,164,168,169,170,171,172,182,183,184,185,186,189,190,191,192,193,204,205,206,207,211,212,213,214,215,226,227,228,229,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,318,319,320,321,322,323,331,332,333,334,335,341,342,343,344,345,355,356,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,450,451,452,453,472,473,474,489 +2078 - 51,52,53,54,72,73,74,75,76,94,95,96,116,117,118,139,140,141,161,162,163,184,185,206,207,208,228,229,230,251,252,253,273,274,275,276,296,297,298,299,319,320,321,341,342,343,344,364,365,366,367,387,388,389,390,410,411,412,432,433,434,454,455,456,457,476,477,478,479,486 +2079 - 31,32,52,53,54,55,56,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,144,145,146,147,159,160,161,166,167,168,169,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,343,344,345,346,347,354,355,356,357,358,359,360,361,366,367,368,369,370,376,377,378,379,380,381,382,389,390,391,392,393,398,399,400,401,402,412,413,414,415,416,417,420,421,422,435,436,437,438,439,487 +2080 - 68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,144,145,146,147,148,149,169,170,171,190,191,192,193,210,211,212,213,214,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,347,367,368,369,370,389,390,391,392,411,412,413,414,426,431,432,433,434,435,448,449,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,488 +2081 - 90,91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,187,188,189,190,191,192,193,211,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +2082 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,146,147,148,149,150,151,152,153,160,161,162,163,172,173,174,175,181,182,183,184,185,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,399,406,407,408,409,410,421,422,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,490 +2083 - 42,63,64,65,83,84,85,86,87,104,105,106,107,108,109,125,126,127,128,129,130,142,143,144,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,211,225,226,227,228,229,247,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,318,319,320,321,340,341,342,343,354,355,356,357,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,444,445,446,447,448,490 +2084 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,102,103,104,105,118,119,120,125,126,127,128,140,141,142,147,148,149,150,163,164,165,169,170,171,172,185,186,187,190,191,192,193,194,207,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +2085 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,145,146,147,148,149,150,151,152,159,160,161,162,168,169,170,171,172,173,174,181,182,183,184,185,189,190,191,192,193,194,195,204,205,206,207,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,379,380,381,382,383,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +2086 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,120,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,318,319,320,321,322,323,324,343,344,345,346,347,366,367,368,369,387,388,389,390,391,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,469,470,471,488 +2087 - 41,42,43,60,61,62,63,64,65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,183,184,185,186,187,188,205,206,207,208,226,227,228,229,230,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,319,320,321,334,335,336,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,490 +2088 - 13,14,15,16,35,36,37,38,55,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,162,163,164,165,184,185,186,205,206,207,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,299,300,301,302,313,314,315,316,317,318,320,321,322,323,324,335,336,337,338,339,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +2089 - 52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,125,126,127,128,136,137,138,147,148,149,150,169,170,171,172,190,191,192,193,194,210,211,212,213,214,215,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,315,316,317,318,319,320,338,339,340,341,342,343,361,362,363,364,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +2090 - 13,14,15,34,35,36,37,56,57,58,59,77,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,206,207,208,209,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,301,302,303,314,315,316,317,318,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +2091 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,123,124,125,126,127,128,137,138,139,140,141,146,147,148,149,150,160,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,234,235,236,237,238,256,257,258,259,260,278,279,280,281,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,407,411,412,413,414,415,419,420,421,422,423,424,425,426,427,434,435,436,437,442,443,444,445,446,457,458,487 +2092 - 56,57,58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,273,274,275,277,278,279,295,299,300,320,321,322,342,343,344,354,355,356,357,358,363,364,365,376,377,378,379,380,384,385,386,387,399,400,401,406,407,408,421,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,490 +2093 - 30,31,32,33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,387,388,389,390,391,398,399,400,401,402,403,409,410,411,412,413,414,421,422,423,432,433,434,435,436,456,457,458,487 +2094 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,188,189,206,207,208,209,210,211,212,230,231,232,233,234,235,255,256,257,258,277,278,279,280,300,301,302,303,322,323,324,325,344,345,346,347,359,360,366,367,368,369,380,381,382,387,388,389,390,391,402,403,404,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +2095 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,147,148,149,150,151,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,192,193,194,195,203,204,205,206,207,213,214,215,216,217,225,226,227,228,235,236,237,238,239,247,248,249,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,293,300,301,302,303,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,337,341,342,343,344,345,346,347,354,355,356,357,358,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,485 +2096 - 97,98,99,117,118,119,120,121,125,137,138,139,140,141,146,147,148,158,159,160,161,167,168,169,170,179,180,181,182,187,188,189,190,191,192,201,202,203,207,208,209,210,211,212,213,214,223,224,227,228,229,230,231,234,235,236,245,246,247,248,249,250,251,252,256,257,258,267,268,269,270,271,272,277,278,279,280,291,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +2097 - 82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,163,164,165,166,167,168,184,185,186,187,188,205,206,207,208,209,227,228,229,230,231,250,251,252,253,254,273,274,275,276,277,296,297,298,299,311,312,313,314,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,490 +2098 - 54,55,56,76,77,78,84,85,97,98,99,100,105,106,107,108,118,119,120,121,126,127,128,129,130,140,141,142,143,147,148,149,150,151,152,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,257,267,268,269,270,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,447,448,449,469,470,471,489 +2099 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,148,149,150,151,152,153,158,159,160,161,169,170,171,172,173,174,175,180,181,182,183,189,190,191,192,193,194,195,202,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,362,363,364,365,366,378,379,380,381,386,387,388,400,401,402,403,404,405,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,493 +2100 - 31,32,33,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,346,354,355,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,488 +2101 - 10,11,12,13,14,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,180,181,182,183,184,191,192,193,194,195,202,203,204,205,211,212,213,214,215,216,217,218,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,282,283,284,285,290,291,292,293,294,295,296,297,298,299,304,305,306,307,313,314,315,316,317,318,319,320,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,491 +2102 - 56,57,58,78,79,80,100,101,102,103,114,123,124,125,135,136,145,146,147,157,158,166,167,168,169,178,179,180,188,189,190,191,199,200,201,202,203,211,212,213,221,222,223,224,225,226,233,234,235,242,243,244,245,246,247,248,249,250,251,255,256,257,264,265,266,269,270,271,272,273,274,275,276,277,278,279,287,288,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,343,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,476,477,489 +2103 - 33,34,35,54,55,56,57,61,62,63,75,76,77,78,79,82,83,84,85,86,95,96,97,98,99,100,101,104,105,106,107,108,117,118,119,120,121,122,126,127,128,129,130,138,139,140,141,142,143,144,148,149,150,151,152,159,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,193,194,195,196,202,203,204,205,206,207,215,216,217,218,224,225,226,227,236,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,279,280,281,282,283,289,290,291,292,300,301,302,303,304,310,311,312,313,314,321,322,323,324,325,326,332,333,334,335,336,342,343,344,345,346,347,354,355,356,357,358,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +2104 - 14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,184,185,186,206,207,208,228,229,230,249,250,251,271,272,273,276,277,278,279,280,293,294,295,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,425,426,427,429,430,491 +2105 - 60,61,62,81,82,83,84,95,96,103,104,105,106,117,118,119,125,126,127,128,138,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,228,229,230,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,471,472,473,489 +2106 - 57,58,59,79,80,81,100,101,102,122,123,124,143,144,145,165,166,167,186,187,188,208,209,210,230,231,232,252,253,273,274,275,295,296,297,317,318,319,339,340,360,361,362,382,383,384,404,405,406,426,427,428,448,449,470,471,486 +2107 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,228,236,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,283,288,289,290,291,301,302,303,304,305,310,311,312,313,322,323,324,325,326,331,332,333,334,343,344,345,346,347,353,354,355,356,363,364,365,366,367,368,375,376,377,378,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +2108 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,73,77,78,79,91,92,93,100,101,114,122,123,144,145,146,165,166,167,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,273,277,278,279,280,301,302,303,323,324,325,345,346,347,367,368,369,370,381,382,383,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,488 +2109 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,147,148,149,150,168,169,170,171,172,188,189,190,191,192,193,194,209,210,211,212,213,214,215,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,319,320,321,322,341,342,343,344,355,356,357,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +2110 - 55,56,57,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,227,228,229,249,250,251,271,272,273,274,275,294,295,296,297,298,299,316,317,318,319,320,321,322,341,342,343,344,345,365,366,367,381,382,386,387,388,389,403,404,407,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,490 +2111 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,125,126,127,139,140,141,146,147,148,149,150,161,162,163,168,169,170,171,172,183,184,185,186,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,341,342,343,344,357,358,359,360,363,364,365,366,379,380,381,382,385,386,387,388,401,402,403,404,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +2112 - 13,14,15,35,36,37,54,55,56,57,58,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,115,116,117,118,137,138,139,140,160,161,162,163,164,171,183,184,185,186,187,188,190,191,192,193,207,208,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,257,258,272,273,274,275,277,278,279,280,281,293,294,295,296,301,302,303,304,314,315,316,324,325,326,336,337,347,348,357,358,359,368,369,370,380,381,382,383,384,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,493 +2113 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,257,258,259,272,273,274,275,279,280,281,293,294,295,296,297,301,302,303,315,316,317,318,319,323,324,325,337,338,339,340,341,345,346,347,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +2114 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,100,101,102,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,206,207,208,209,210,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,278,279,280,292,293,294,301,302,314,315,322,323,324,336,337,344,345,346,358,359,366,367,368,380,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,427,428,429,430,491 +2115 - 36,37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,149,150,151,162,163,164,165,166,167,171,172,173,182,183,184,185,186,187,189,193,194,195,203,204,205,206,207,208,214,215,216,225,226,227,228,229,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,310,311,312,313,314,321,322,323,324,325,332,333,334,335,341,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +2116 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,147,148,157,158,159,160,161,169,170,171,178,179,180,181,191,192,193,198,199,200,201,213,214,220,221,235,236,242,256,257,258,278,279,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,471,472,473,492 +2117 - 51,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,140,141,148,149,150,151,152,170,171,172,173,191,192,193,194,195,211,212,213,214,215,216,217,232,233,234,235,236,237,238,253,254,255,256,257,258,259,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,353,354,355,356,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +2118 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,78,79,80,95,96,97,100,101,102,117,118,119,122,123,124,139,140,141,144,145,146,162,163,166,167,168,184,185,186,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,293,294,295,297,298,299,315,316,317,319,320,321,337,338,339,342,343,344,359,360,364,365,366,381,382,386,387,388,403,404,405,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,493 +2119 - 35,36,37,56,57,58,59,60,77,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,251,255,256,257,258,259,269,270,271,272,277,278,279,280,281,290,291,292,293,294,299,300,301,302,312,313,314,315,320,321,322,323,333,334,335,336,337,340,341,342,343,344,345,355,356,357,358,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,485 +2120 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,168,169,170,171,172,181,182,183,184,190,191,192,193,203,204,205,212,213,214,215,225,226,227,228,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,473,494 +2121 - 61,62,63,73,74,82,83,84,85,94,95,96,97,104,105,106,107,116,117,118,119,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,169,170,171,182,183,184,185,191,192,193,203,204,205,206,207,212,213,214,215,224,225,226,227,228,229,230,234,235,236,245,246,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,295,296,297,298,299,300,301,311,312,313,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,489 +2122 - 57,58,74,75,79,80,96,97,100,101,102,118,119,120,122,123,124,140,141,142,144,145,146,161,162,163,166,167,168,182,183,184,185,188,189,190,204,205,206,210,211,212,225,226,227,228,232,233,234,247,248,249,254,255,256,268,269,270,271,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,489 +2123 - 48,49,50,51,70,71,72,73,74,92,93,94,95,96,97,98,99,106,107,116,117,118,119,120,121,122,123,124,128,129,139,140,141,142,143,144,145,146,147,150,151,164,165,166,167,168,169,172,173,188,189,190,191,194,195,209,210,211,212,216,217,231,232,233,234,252,253,254,255,274,275,276,277,282,283,295,296,297,298,304,305,316,317,318,319,326,327,337,338,339,340,341,348,349,358,359,360,361,362,370,371,380,381,382,383,392,393,401,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,469,492 +2124 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,101,102,103,115,116,123,124,125,143,144,145,146,164,165,166,167,184,185,186,187,188,205,206,207,208,209,226,227,228,229,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,296,297,298,299,300,301,321,322,323,324,345,346,367,368,369,389,390,391,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +2125 - 62,63,64,73,74,83,84,85,86,95,96,97,104,105,106,107,108,116,117,118,119,126,127,128,129,138,139,140,141,147,148,149,150,151,160,161,162,163,168,169,170,171,172,182,183,184,185,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,228,229,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,471,472,489 +2126 - 80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,148,149,150,158,159,160,161,162,170,171,172,180,181,182,191,192,193,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,464,465,466,467,492 +2127 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,171,172,173,174,180,181,182,183,184,185,186,192,193,194,195,196,201,202,203,204,205,206,214,215,216,217,222,223,224,225,226,235,236,237,238,239,244,245,246,247,248,256,257,258,259,260,266,267,268,269,276,277,278,279,280,281,287,288,289,290,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,494 +2128 - 56,57,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,340,341,362,363,384,385,406,407,428,429,430,431,450,451,452,453,472,473,474,486 +2129 - 12,13,14,15,16,17,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,125,126,127,128,141,142,143,147,148,149,150,168,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,237,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,387,388,389,390,391,392,396,397,398,399,400,401,402,403,411,412,413,414,419,420,421,422,423,435,487 +2130 - 55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,104,105,106,116,117,118,125,126,127,128,137,138,139,147,148,149,150,159,160,161,162,167,168,169,170,172,181,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,298,299,300,314,315,316,321,322,323,336,337,338,343,344,345,358,359,360,366,367,380,381,382,388,389,402,403,404,405,410,411,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +2131 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,248,249,254,255,256,257,258,267,268,269,270,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +2132 - 54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,122,123,124,144,145,146,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,486 +2133 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,446,447,448,486 +2134 - 35,36,37,38,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,172,182,183,184,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,278,279,280,281,282,291,292,293,294,300,301,302,303,312,313,314,315,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +2135 - 33,34,35,36,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,230,231,232,233,234,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,343,344,345,346,347,348,354,355,356,357,358,359,360,366,367,368,369,370,371,372,373,376,377,378,379,380,389,390,391,392,393,394,395,398,399,400,413,414,415,416,417,487 +2136 - 33,34,54,55,56,57,76,77,78,79,98,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,486 +2137 - 17,18,19,37,38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,128,141,142,143,144,145,146,147,163,164,165,166,167,184,185,186,187,206,207,208,209,210,229,230,231,232,233,252,253,254,255,274,275,276,277,289,290,297,298,299,310,311,312,313,319,320,321,322,331,332,333,334,335,336,337,341,342,343,344,353,354,355,356,357,358,359,360,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,490 +2138 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,163,164,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,492 +2139 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +2140 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,125,126,127,128,129,136,137,138,139,140,141,142,149,150,151,158,159,160,161,162,171,172,173,180,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,271,272,281,282,283,290,291,292,293,294,302,303,304,312,313,314,315,316,323,324,325,326,334,335,336,337,338,345,346,347,357,358,359,360,361,366,367,368,369,379,380,381,382,383,384,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +2141 - 56,57,58,59,78,79,80,81,99,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,486 +2142 - 29,32,33,34,35,50,51,52,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,99,100,101,102,103,104,105,106,107,114,115,116,125,126,127,128,129,130,135,136,137,148,149,150,151,152,157,158,159,172,173,174,175,179,180,181,195,196,197,200,201,202,203,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,291,305,306,310,311,312,313,326,327,328,332,333,334,335,336,348,349,350,355,356,357,358,359,360,368,369,370,371,378,379,380,381,382,383,384,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,485 +2143 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,165,166,167,168,169,170,171,172,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,492 +2144 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,121,122,124,125,126,127,137,138,139,140,143,144,147,148,149,150,159,160,161,170,171,172,173,181,182,183,193,194,195,202,203,204,215,216,217,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,304,305,306,311,312,326,327,328,333,334,335,347,348,349,355,356,357,369,370,371,377,378,379,380,389,390,391,392,400,401,402,403,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +2145 - 36,37,38,39,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,427,445,446,447,448,486 +2146 - 50,51,52,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,145,146,147,157,158,159,160,161,162,163,164,165,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,256,257,258,259,279,280,281,282,301,302,303,304,324,325,326,346,347,348,368,369,370,371,380,381,390,391,392,393,401,402,403,404,405,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,490 +2147 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,166,183,184,185,186,187,205,206,207,208,213,214,226,227,228,229,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,302,303,304,313,314,315,316,317,318,319,320,323,324,325,326,335,336,337,338,339,340,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +2148 - 4,5,6,7,8,9,26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,70,71,75,76,77,78,99,100,101,122,123,144,145,165,166,167,186,187,188,189,190,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,280,281,282,304,305,326,327,335,347,348,349,356,357,358,359,360,361,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,488 +2149 - 70,71,72,73,74,92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,187,188,189,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,492 +2150 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,81,82,83,96,97,98,99,100,104,105,116,117,118,119,121,122,126,127,128,138,139,140,149,150,159,160,161,171,172,173,180,181,182,193,194,195,201,202,203,204,216,217,222,223,224,225,238,239,244,245,246,260,261,266,267,282,283,287,288,289,304,305,309,310,311,326,327,331,332,333,347,348,349,354,355,356,369,370,377,378,379,390,391,392,399,400,401,402,403,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,485 +2151 - 15,16,17,18,33,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,88,99,100,101,102,104,105,106,107,126,127,128,129,148,149,150,151,169,170,171,172,173,189,190,191,192,193,194,210,211,212,213,214,215,216,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,309,310,311,317,318,319,331,332,333,334,335,336,339,340,341,342,352,353,354,355,356,357,358,359,360,361,362,363,364,374,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,488 +2152 - 48,49,50,51,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,97,98,99,100,101,102,103,104,115,116,117,119,120,121,122,123,124,125,126,142,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,325,342,343,344,345,346,347,364,365,366,367,368,369,380,381,382,383,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,488 +2153 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,148,149,150,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,340,341,342,343,355,356,357,358,362,363,364,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +2154 - 32,33,54,55,75,76,77,78,97,98,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,188,207,208,209,229,230,231,232,251,252,253,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,409,428,429,430,431,451,452,453,486 +2155 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,229,248,249,250,251,257,258,270,271,272,277,278,279,280,281,292,293,294,298,299,300,301,302,303,304,313,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,491 +2156 - 8,9,10,11,12,29,30,31,32,33,34,35,36,50,51,52,53,55,56,57,58,59,72,73,79,80,81,82,102,103,104,124,125,126,127,147,148,149,169,170,171,191,192,193,213,214,215,234,235,236,237,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,318,319,320,321,322,323,324,325,326,331,332,333,337,338,339,340,341,342,343,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,369,370,371,372,376,377,378,379,380,381,382,383,393,394,487 +2157 - 61,62,63,81,82,83,84,85,86,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,164,165,166,167,168,169,186,187,188,189,208,209,210,230,231,232,252,253,254,266,267,274,275,276,288,289,290,291,292,293,296,297,298,310,311,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,401,402,403,404,405,406,426,427,490 +2158 - 57,58,79,80,101,102,123,124,145,146,166,167,168,188,189,209,210,211,231,232,253,254,274,275,276,296,297,298,318,319,339,340,341,361,362,383,384,405,406,427,428,449,450,471,472,486 +2159 - 11,12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,100,117,118,119,120,121,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,192,193,204,205,206,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,428,429,491 +2160 - 78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,168,169,184,185,186,190,205,206,207,226,227,228,232,233,234,248,249,252,253,254,255,256,257,269,270,271,274,275,276,277,278,279,291,292,293,294,295,296,297,300,301,313,314,315,316,317,318,321,322,323,336,337,338,339,343,344,359,365,366,387,388,408,409,410,430,431,432,452,453,475,494 +2161 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,126,127,128,129,138,139,140,141,142,143,148,149,150,151,160,161,162,163,170,171,172,182,183,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,411,412,413,414,420,421,422,423,424,425,426,427,434,435,436,443,444,445,446,447,457,458,487 +2162 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,146,147,148,149,158,159,160,161,162,163,168,169,170,171,180,181,182,183,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,494 +2163 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,128,129,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,169,170,171,172,173,184,185,186,190,191,192,193,194,206,207,208,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,380,381,382,383,385,386,387,402,403,404,407,408,409,424,425,426,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +2164 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,101,102,103,104,105,118,119,120,124,125,126,127,140,141,142,162,163,164,184,185,186,187,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,336,337,338,341,342,343,344,358,359,360,363,364,365,366,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,493 +2165 - 71,72,73,74,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +2166 - 10,11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,94,95,96,97,98,99,100,117,118,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,486 +2167 - 12,13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,98,99,100,101,120,121,122,140,141,142,143,144,162,163,164,184,185,186,206,207,208,227,228,229,234,235,236,237,249,250,251,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,402,403,404,405,406,491 +2168 - 52,53,54,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,146,147,148,149,150,151,158,159,160,161,171,172,173,174,180,181,182,183,194,195,196,197,201,202,203,204,217,218,219,223,224,225,226,240,241,245,246,247,248,262,263,267,268,269,270,284,285,289,290,291,292,306,307,311,312,313,314,327,328,329,334,335,336,337,348,349,350,351,356,357,358,359,360,368,369,370,371,372,373,379,380,381,382,383,384,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,485 +2169 - 58,59,60,61,72,73,74,75,80,81,82,83,94,95,96,97,102,103,104,105,116,117,118,119,123,124,125,126,127,128,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,274,275,276,277,278,289,290,291,292,297,298,299,300,311,312,313,314,319,320,321,322,335,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,489 +2170 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,168,183,184,185,186,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,281,292,293,294,295,298,299,300,301,302,303,314,315,316,317,321,322,323,324,325,336,337,338,339,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,491 +2171 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +2172 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,145,146,147,160,161,162,168,169,170,182,183,184,189,190,191,192,203,204,205,210,211,212,213,225,226,227,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,476,494 +2173 - 54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,145,146,147,148,149,150,151,152,153,160,161,162,163,166,167,168,169,170,171,175,182,183,184,185,186,187,188,189,190,191,197,205,206,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,357,358,359,360,363,364,365,366,379,380,381,385,386,387,388,401,402,403,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +2174 - 65,76,77,78,79,80,81,82,83,84,87,96,97,98,99,100,101,102,103,104,105,106,108,109,115,116,117,118,119,120,121,122,123,124,125,126,128,129,130,137,138,139,140,141,149,150,151,159,160,170,171,181,182,183,190,191,192,203,204,205,206,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,320,321,322,336,337,338,342,343,344,345,357,358,359,365,366,367,379,380,381,386,387,388,400,401,402,407,408,409,422,423,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +2175 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,147,148,149,150,151,152,159,160,161,162,163,170,171,172,173,174,180,181,182,183,184,192,193,194,195,196,202,203,204,205,214,215,216,217,218,223,224,225,226,235,236,237,238,239,245,246,247,248,254,255,256,257,258,259,260,261,267,268,269,270,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,358,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,494 +2176 - 88,89,90,91,92,93,94,95,96,97,98,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,167,168,169,170,171,191,192,193,213,214,215,235,236,237,257,258,259,278,279,280,300,301,302,321,322,323,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +2177 - 15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,204,205,206,207,208,226,227,228,229,233,234,235,236,237,248,249,250,254,255,256,257,258,259,260,270,271,272,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,424,425,426,427,428,429,491 +2178 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,428,429,430,450,451,452,453,486 +2179 - 79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,147,148,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,192,193,194,195,203,204,205,214,215,216,217,224,225,226,227,234,235,236,237,238,239,246,247,248,255,256,257,258,259,260,268,269,270,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,469,470,471,472,473,494 +2180 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,121,122,123,124,125,135,136,137,138,139,140,143,144,145,146,147,148,157,158,159,160,161,167,168,169,170,171,179,180,181,182,183,190,191,192,193,194,200,201,202,203,204,213,214,215,216,217,222,223,224,225,236,237,238,239,240,244,245,246,247,258,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,314,326,327,328,329,333,334,335,336,337,348,349,350,351,355,356,357,358,359,360,361,362,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,485 +2181 - 20,40,41,42,43,60,61,62,63,64,65,80,81,82,83,84,85,86,87,101,102,103,104,105,106,107,121,122,123,124,125,126,127,143,144,145,146,147,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,275,276,277,289,290,297,298,299,310,311,312,313,314,315,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,490 +2182 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,102,103,104,117,118,123,124,125,126,139,140,141,145,146,147,161,162,163,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,297,298,299,300,301,314,315,316,321,322,323,336,337,338,344,345,358,359,360,366,367,368,380,381,382,383,388,389,390,403,404,405,406,407,411,412,413,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,493 +2183 - 12,13,14,15,16,17,32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,81,82,83,84,103,104,105,106,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,188,189,190,191,192,193,209,210,211,212,213,230,231,232,233,234,252,253,254,255,274,275,276,277,290,291,296,297,298,299,311,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,430,431,432,488 +2184 - 29,30,31,32,33,51,52,54,55,56,57,72,73,74,77,78,79,80,94,95,96,101,102,103,104,115,116,117,124,125,126,127,137,138,139,148,149,150,151,159,160,161,171,172,173,174,181,182,195,196,197,203,204,218,219,224,225,226,246,247,248,268,269,270,290,291,292,312,313,314,335,336,337,357,358,359,380,381,382,403,404,405,406,407,416,417,426,427,428,429,430,431,432,433,434,435,436,437,438,439,450,451,452,453,454,455,456,457,458,459,485 +2185 - 72,73,74,75,76,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +2186 - 24,25,26,27,28,29,30,31,32,45,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,72,73,75,76,77,78,79,89,90,91,99,100,101,111,112,113,121,122,123,134,135,144,145,146,157,158,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,278,279,280,281,282,283,293,294,295,296,297,303,304,305,306,325,326,327,328,347,348,349,350,361,362,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,454,455,488 +2187 - 63,64,65,84,85,86,87,106,107,108,127,128,129,130,139,140,148,149,150,151,160,161,162,163,169,170,171,172,173,181,182,183,184,185,191,192,193,194,202,203,204,205,206,213,214,215,223,224,225,226,227,228,229,230,234,235,236,237,244,245,246,247,248,249,250,251,252,253,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,489 +2188 - 114,115,116,117,118,133,134,135,136,137,138,139,140,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,177,179,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,235,236,237,238,258,259,260,279,280,281,301,302,303,304,323,324,325,345,346,347,367,368,369,388,389,390,410,411,412,431,432,433,452,453,454,455,474,475,476,477,492 +2189 - 30,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,294,295,296,297,298,317,318,319,320,340,341,342,343,355,356,357,362,363,364,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +2190 - 59,60,61,62,63,79,80,81,82,83,84,85,101,102,103,106,107,108,119,120,121,122,128,129,130,140,141,142,143,144,150,151,152,161,162,163,165,172,173,183,184,186,187,193,194,195,205,206,214,215,216,227,228,236,237,249,250,251,257,258,259,272,273,277,278,279,280,294,295,296,298,299,300,317,318,319,320,321,339,340,341,342,359,360,361,362,363,379,380,381,382,383,384,400,401,402,404,405,406,421,422,423,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,470,493 +2191 - 11,12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,211,212,213,214,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,279,280,281,291,292,293,294,295,296,297,301,302,303,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +2192 - 38,39,40,41,60,61,62,81,82,83,84,103,104,105,106,125,126,127,136,137,138,147,148,149,157,158,159,160,161,169,170,171,179,180,181,182,191,192,193,200,201,202,203,212,213,214,223,224,225,234,235,236,245,246,247,255,256,257,258,267,268,269,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,322,323,324,334,335,336,337,338,339,340,344,345,346,358,359,360,366,367,368,388,389,390,411,412,433,434,455,456,457,489 +2193 - 36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,169,170,171,184,185,186,187,191,192,193,205,206,207,208,213,214,215,227,228,229,230,234,235,236,237,249,250,251,256,257,258,259,270,271,272,273,278,279,280,292,293,294,299,300,301,302,313,314,315,316,321,322,323,335,336,337,338,342,343,344,345,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,485 +2194 - 27,28,48,49,50,51,70,71,72,73,92,93,94,114,115,116,135,136,137,138,149,150,151,157,158,159,160,171,172,173,179,180,181,182,193,194,195,202,203,204,214,215,216,217,224,225,226,235,236,237,238,239,246,247,248,255,256,257,258,259,260,268,269,270,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,489 +2195 - 57,58,59,61,62,63,77,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,146,147,148,149,150,151,152,162,163,164,165,166,168,169,170,172,173,174,183,184,185,186,191,193,194,195,196,204,205,206,207,208,215,216,217,225,226,227,228,229,237,238,239,246,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,289,290,291,292,293,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,358,364,365,366,367,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +2196 - 91,112,113,114,115,116,117,118,133,134,135,136,137,138,139,140,141,142,155,156,157,158,159,160,161,162,163,164,165,179,180,181,182,183,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,349,350,364,365,366,367,368,369,370,371,372,388,389,487 +2197 - 74,75,83,84,85,95,96,97,98,104,105,106,107,117,118,119,120,126,127,128,129,139,140,141,142,147,148,149,150,151,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,207,212,213,214,215,224,225,226,227,228,229,233,234,235,236,237,245,246,247,248,249,250,251,252,253,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,475,489 +2198 - 53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,124,125,137,138,139,145,146,147,160,161,162,167,168,169,182,183,184,185,186,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,252,253,254,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,323,338,339,340,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,404,405,406,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,472,473,474,475,476,493 +2199 - 11,12,13,33,34,35,36,54,55,56,57,58,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,212,213,214,215,216,225,226,227,228,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,281,282,290,291,292,293,294,295,296,297,298,299,303,304,312,313,314,315,316,317,318,319,320,323,324,325,326,334,335,336,337,338,339,340,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,425,426,427,428,429,491 +2200 - 75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,143,144,145,160,161,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,247,248,249,254,255,256,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,365,366,367,388,389,410,411,432,433,454,455,456,476,477,478,494 +2201 - 11,12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,191,192,193,194,203,204,205,206,211,212,213,214,215,216,217,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,253,254,255,256,257,258,259,260,261,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,290,291,292,294,295,296,297,298,299,300,302,303,304,305,312,313,314,315,316,317,318,319,320,321,323,324,325,326,334,335,336,337,338,339,340,341,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +2202 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,142,144,145,146,147,148,149,150,156,157,158,159,160,169,170,171,172,173,178,179,180,181,191,192,193,194,195,200,201,202,203,213,214,215,216,222,223,224,234,235,236,237,238,244,245,246,247,255,256,257,258,259,260,266,267,268,269,270,271,272,273,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,323,324,325,326,336,337,338,339,340,341,345,346,347,348,367,368,369,370,389,390,391,392,412,413,414,434,435,436,456,457,458,478,479,480,481,494 +2203 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,146,147,148,149,150,160,161,162,163,164,169,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,206,211,212,213,214,215,224,225,226,227,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,268,269,270,271,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +2204 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,57,58,73,74,75,76,79,80,81,95,96,97,101,102,103,116,117,118,119,123,124,125,139,140,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,251,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,347,357,358,359,360,361,362,363,364,365,366,368,369,370,379,380,381,382,383,384,386,387,388,389,390,391,401,402,403,404,405,409,410,411,412,413,424,425,426,487 +2205 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,126,127,128,129,130,140,141,142,143,144,148,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,228,236,237,238,239,246,247,248,249,250,258,259,260,261,267,268,269,270,271,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,321,322,323,324,325,333,334,335,341,342,343,344,345,346,355,356,357,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +2206 - 54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,100,101,115,116,117,118,121,122,123,137,138,139,143,144,145,159,160,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,362,363,383,384,385,405,406,407,427,428,429,448,449,450,451,471,472,473,492 +2207 - 55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,150,164,165,166,167,172,173,186,187,188,189,194,195,207,208,209,210,216,217,229,230,231,232,238,239,251,252,253,254,260,261,273,274,275,276,282,294,295,296,297,304,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,403,404,405,425,426,427,446,447,448,449,468,469,470,486 +2208 - 69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,451,452,453,454,473,474,475,476,492 +2209 - 36,37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +2210 - 58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,161,162,163,164,165,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,278,279,280,281,293,294,295,300,301,302,303,322,323,324,325,344,345,346,365,366,367,368,377,378,386,387,388,389,390,399,400,401,402,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,490 +2211 - 53,54,55,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,271,272,273,274,275,293,294,295,296,315,316,317,318,337,338,339,340,359,360,361,362,363,376,377,378,382,383,384,385,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,474,475,488 +2212 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +2213 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,125,126,127,128,142,143,147,148,149,150,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,387,388,389,390,391,397,398,399,400,401,402,403,409,410,411,412,413,419,420,421,422,423,432,433,434,435,454,455,456,457,487 +2214 - 33,34,35,36,38,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,273,274,277,278,279,280,299,300,301,302,320,321,322,323,324,335,341,342,343,344,345,356,357,358,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,488 +2215 - 36,37,38,39,40,58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +2216 - 12,13,14,34,35,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,163,164,165,184,185,186,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,275,279,280,281,292,293,294,301,302,303,314,315,316,322,323,324,325,336,337,338,339,340,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,405,406,407,408,409,491 +2217 - 37,38,39,40,41,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,169,170,171,172,173,182,183,184,185,186,191,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,229,234,235,236,237,238,246,247,248,249,256,257,258,259,268,269,270,277,278,279,280,281,289,290,291,292,299,300,301,302,303,310,311,312,313,314,319,320,321,322,323,324,331,332,333,334,335,341,342,343,344,345,346,353,354,355,356,357,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,485 +2218 - 49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,100,101,102,103,104,105,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,375,376,388,389,390,391,397,398,399,400,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +2219 - 37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,168,169,170,183,184,185,186,187,190,191,192,204,205,206,207,208,212,213,214,226,227,228,229,234,235,236,247,248,249,250,256,257,258,269,270,271,277,278,279,280,290,291,292,293,299,300,301,302,311,312,313,314,320,321,322,323,333,334,335,336,341,342,343,344,355,356,357,362,363,364,365,376,377,378,379,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,444,445,446,447,485 +2220 - 73,74,95,96,116,117,118,137,138,139,140,158,159,160,161,180,181,182,194,195,196,197,201,202,203,213,214,215,216,217,218,219,223,224,232,233,234,235,236,240,241,245,246,253,254,255,260,261,262,263,267,268,275,276,277,280,281,282,283,284,289,290,291,297,298,299,300,301,302,303,304,311,312,313,314,315,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,359,360,361,362,491 +2221 - 34,35,36,37,56,57,58,59,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,486 +2222 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,101,102,115,116,117,122,123,124,137,138,143,144,145,163,164,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,232,233,234,235,256,257,258,272,278,279,280,293,294,301,302,314,315,316,323,324,336,337,344,345,346,357,358,359,366,367,368,379,380,387,388,389,401,402,403,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +2223 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,168,169,170,171,178,179,180,181,182,183,184,185,186,190,191,192,193,200,201,202,203,204,205,206,207,211,212,213,214,222,223,224,225,226,227,233,234,235,236,245,246,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,303,304,305,306,307,317,318,319,320,321,322,323,324,325,326,327,328,329,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,487 +2224 - 52,53,73,74,75,76,81,82,83,94,95,96,97,98,99,103,104,105,116,117,118,119,120,121,125,126,127,138,139,140,143,144,147,148,149,159,160,161,162,169,170,171,180,181,182,183,191,192,193,201,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,237,244,245,246,247,256,257,258,259,260,261,266,267,268,269,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,343,344,345,365,366,367,386,387,388,389,408,409,410,411,412,413,430,431,432,433,434,452,453,454,455,456,475,476,477,489 +2225 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,301,302,320,321,322,323,333,334,342,343,344,345,354,355,356,363,364,365,366,367,376,377,378,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,488 +2226 - 32,33,34,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +2227 - 62,63,64,84,85,86,105,106,107,108,116,117,126,127,128,129,130,137,138,139,140,148,149,150,151,159,160,161,162,169,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,223,224,225,226,227,234,235,236,237,245,246,247,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,489 +2228 - 50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,100,101,102,103,104,105,106,125,126,127,128,144,145,146,147,148,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,300,301,302,314,315,322,323,324,334,335,336,337,344,345,346,356,357,358,359,365,366,367,378,379,380,381,386,387,388,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,472,488 +2229 - 19,20,21,40,41,42,43,59,60,61,62,63,64,65,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,205,206,207,208,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,344,355,356,357,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,430,490 +2230 - 58,59,60,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,403,404,405,425,426,447,448,469,470,486 +2231 - 12,13,14,15,34,35,36,37,56,57,58,59,77,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,166,184,185,186,187,206,207,208,209,228,229,230,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +2232 - 75,76,77,78,79,97,98,99,100,101,102,119,120,121,122,123,124,125,126,141,142,143,147,162,163,164,184,185,186,205,206,207,227,228,229,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,471,472,473,490 +2233 - 96,97,98,99,100,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,188,189,190,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,233,234,235,236,237,254,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +2234 - 6,7,8,9,10,11,12,13,32,33,34,35,36,56,57,58,59,79,80,81,82,102,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,201,213,214,215,222,223,224,225,226,235,236,237,243,244,245,246,247,248,249,257,258,259,265,266,267,268,269,270,271,272,273,278,279,280,281,287,288,289,292,293,294,295,296,300,301,302,310,311,312,316,317,318,319,321,322,323,324,333,334,335,339,340,341,342,343,344,345,355,356,357,358,362,363,364,365,366,367,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,410,411,412,413,414,415,487 +2235 - 78,79,80,81,82,86,87,97,98,99,100,101,102,103,104,105,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,147,148,149,150,151,152,161,162,163,164,170,171,172,173,174,182,183,184,185,191,192,193,194,195,204,205,206,211,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,292,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,362,378,379,380,382,383,384,399,400,401,404,405,406,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +2236 - 59,60,61,62,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,275,293,294,295,296,315,316,317,318,336,337,338,339,340,358,359,360,361,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,486 +2237 - 100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,171,172,181,182,183,184,185,186,187,191,192,193,194,203,204,205,206,207,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,494 +2238 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,78,79,80,81,82,102,103,104,124,125,126,145,146,147,167,168,169,188,189,190,208,209,210,211,230,231,232,251,252,253,272,273,274,293,294,295,314,315,316,335,336,337,338,357,358,359,369,370,379,380,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,487 +2239 - 37,38,39,40,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,149,150,151,152,162,163,164,165,166,167,171,172,173,174,183,184,185,186,187,188,192,193,194,195,204,205,206,207,208,209,214,215,216,217,225,226,227,228,229,230,235,236,237,238,239,246,247,248,249,250,251,257,258,259,260,267,268,269,270,271,272,278,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,309,310,311,312,313,314,320,321,322,323,324,325,331,332,333,334,335,341,342,343,344,345,346,353,354,355,356,362,363,364,365,366,367,375,376,377,378,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,485 +2240 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,140,141,142,143,146,147,148,160,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,206,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,292,293,294,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,494 +2241 - 34,35,36,37,56,57,58,59,60,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,402,403,404,405,423,424,425,426,427,446,447,448,486 +2242 - 71,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,165,166,167,168,169,170,171,172,173,174,175,179,180,181,186,187,188,189,190,191,192,193,194,201,202,203,204,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,364,365,366,367,368,381,382,383,384,388,389,390,403,404,405,406,407,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +2243 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,124,125,126,127,136,137,138,139,140,141,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,280,281,282,283,284,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,487 +2244 - 67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,121,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,270,271,272,273,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,348,368,369,370,390,391,392,410,411,412,413,431,432,433,434,435,451,452,453,454,455,472,473,474,475,476,488 +2245 - 28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,278,279,280,281,300,301,302,303,322,323,324,325,331,332,333,343,344,345,346,347,353,354,355,365,366,367,368,375,376,377,378,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,488 +2246 - 50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,298,299,300,321,322,323,343,344,345,346,366,367,368,388,389,390,398,399,400,409,410,411,420,421,422,423,424,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +2247 - 63,64,65,85,86,87,96,97,98,106,107,108,109,118,119,120,128,129,130,131,139,140,141,142,149,150,151,152,153,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,191,192,193,194,195,202,203,204,205,206,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,489 +2248 - 76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,145,146,161,162,163,166,167,168,169,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,494 +2249 - 104,105,106,107,108,109,122,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,164,165,166,167,168,169,170,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,319,320,321,322,341,342,343,344,362,363,364,365,377,378,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,490 +2250 - 52,53,54,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,124,125,126,136,137,138,140,141,147,148,157,158,159,162,169,170,179,180,190,191,192,201,202,203,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,280,281,282,294,295,296,303,304,315,316,317,325,326,327,337,338,339,347,348,358,359,360,369,370,380,381,382,391,392,402,403,404,412,413,414,425,426,427,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,493 +2251 - 12,13,14,15,34,35,36,37,55,56,57,58,59,77,78,79,80,81,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,230,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,491 +2252 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,320,321,322,323,324,325,326,327,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,492 +2253 - 73,74,75,76,77,78,79,80,81,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,169,170,171,172,173,174,191,192,193,194,195,212,213,214,215,216,217,234,235,236,237,238,239,254,255,256,257,258,259,275,276,277,278,279,280,281,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,342,343,344,358,359,360,361,362,363,364,379,380,381,382,383,384,385,399,400,401,402,403,404,405,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,463,464,465,466,467,492 +2254 - 5,6,7,8,9,26,27,28,29,30,31,48,49,50,51,52,53,54,70,71,74,75,76,96,97,98,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,360,361,362,363,364,365,370,371,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,433,434,435,436,437,487 +2255 - 56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,129,130,131,141,142,143,144,147,148,150,151,152,153,163,164,165,170,171,172,173,174,175,185,186,187,191,192,193,194,195,196,197,207,208,209,210,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,378,379,380,381,383,384,385,386,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,493 +2256 - 61,62,63,72,73,74,82,83,84,85,93,94,95,96,104,105,106,107,115,116,117,118,126,127,128,129,137,138,139,140,148,149,150,151,159,160,161,162,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,206,212,213,214,215,216,217,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,320,321,322,323,324,325,331,332,333,334,335,336,337,338,342,343,344,345,346,347,353,354,355,356,357,358,364,365,366,367,368,369,375,376,377,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,475,476,477,489 +2257 - 98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,174,175,180,181,182,183,193,194,195,197,201,202,203,214,215,216,217,223,224,225,233,234,235,236,237,238,239,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,423,424,425,426,427,428,444,445,446,447,448,466,467,468,469,494 +2258 - 12,13,14,15,16,17,32,33,34,35,36,37,38,39,52,53,54,55,56,57,61,73,74,75,76,77,94,95,96,97,98,116,117,118,119,137,138,139,159,160,180,181,182,202,203,204,223,224,225,245,246,247,267,268,269,277,278,279,289,290,291,296,297,298,299,300,301,302,303,304,311,312,313,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,338,339,340,341,342,345,346,347,348,349,350,356,357,358,360,361,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,491 +2259 - 61,62,63,64,81,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,150,151,152,162,163,164,165,166,167,171,172,173,183,184,185,186,187,193,194,195,204,205,206,207,208,214,215,216,225,226,227,228,236,237,238,246,247,248,249,257,258,259,267,268,269,270,278,279,280,281,289,290,291,299,300,301,302,310,311,312,313,320,321,322,323,332,333,334,341,342,343,344,345,354,355,356,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,485 +2260 - 50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,300,301,302,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,382,383,384,385,386,387,388,399,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,488 +2261 - 35,36,37,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,427,444,445,446,447,448,486 +2262 - 10,11,12,13,31,32,33,34,35,53,54,55,75,76,77,95,96,97,98,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,229,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,322,324,325,326,327,337,338,339,340,346,347,348,349,360,361,362,366,367,368,369,370,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,428,429,430,431,432,491 +2263 - 54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,146,147,148,149,156,157,158,159,160,168,169,170,171,178,179,180,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,441,442,443,444,445,446,487 +2264 - 79,80,81,82,83,84,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,173,174,179,180,181,182,183,184,187,188,189,190,191,192,195,196,201,202,203,213,214,215,217,218,222,223,224,225,238,239,240,243,244,245,246,260,261,262,265,266,267,281,282,283,287,288,289,302,303,304,305,309,310,311,323,324,325,326,331,332,333,334,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,485 +2265 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,147,148,149,150,151,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,374,375,376,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,488 +2266 - 54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,147,148,149,150,159,160,161,162,163,164,165,170,171,172,181,182,183,184,185,186,187,192,193,194,203,204,205,206,207,208,214,215,216,225,226,227,228,229,236,237,238,247,248,249,250,251,258,259,260,269,270,271,272,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,367,368,369,370,379,380,381,382,388,389,390,391,392,401,402,403,404,405,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,485 +2267 - 75,76,86,87,96,97,98,99,108,109,117,118,119,120,121,129,130,131,139,140,141,142,150,151,152,153,159,160,161,162,163,164,171,172,173,174,175,180,181,182,183,184,185,192,193,194,195,196,201,202,203,204,205,206,207,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,293,294,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,465,466,467,468,489 +2268 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,149,160,161,162,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,268,269,270,271,276,277,278,279,289,290,291,299,300,301,302,311,312,313,322,323,324,333,334,335,344,345,346,356,357,358,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,425,426,427,428,429,493 +2269 - 124,125,126,127,128,129,130,131,142,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,296,297,298,299,317,318,319,320,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,398,399,400,401,490 +2270 - 12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,95,96,97,98,117,118,119,120,138,139,140,160,161,162,181,182,183,191,192,203,204,205,210,211,212,213,214,215,225,226,231,232,233,234,235,236,237,247,248,249,251,252,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,304,313,314,315,316,317,318,324,325,326,336,337,338,339,340,345,346,347,359,360,361,362,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +2271 - 16,17,18,37,38,39,40,58,59,60,61,62,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,323,324,325,326,332,333,334,335,336,343,344,345,346,347,348,355,356,357,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,491 +2272 - 73,74,75,76,94,95,96,97,98,101,116,117,118,119,120,122,123,137,138,139,140,144,145,146,159,160,161,166,167,168,181,182,183,188,189,190,202,203,204,210,211,212,224,225,226,231,232,233,234,235,246,247,248,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,337,338,339,343,344,345,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +2273 - 74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,258,273,274,275,276,277,278,279,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,398,399,400,401,402,403,419,420,421,422,423,424,440,441,442,443,444,445,446,462,463,464,465,466,492 +2274 - 67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,123,124,125,126,144,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,228,229,230,231,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,298,299,300,301,302,303,304,324,325,326,346,347,348,368,369,370,389,390,391,392,411,412,413,425,432,433,434,435,446,447,448,449,450,453,454,455,456,468,469,470,471,472,473,474,475,476,477,478,488 +2275 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,147,148,149,160,161,162,163,164,173,174,175,182,183,184,185,190,191,192,193,194,195,196,197,204,205,206,207,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,493 +2276 - 30,31,32,33,52,53,54,55,56,73,74,75,76,77,78,79,96,98,99,100,101,102,122,123,124,125,140,141,145,146,147,148,161,162,163,168,169,170,183,184,185,191,192,193,204,205,206,213,214,215,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,292,293,301,302,303,314,315,323,324,325,336,337,338,345,346,358,359,360,366,367,368,380,381,382,383,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +2277 - 102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,172,173,174,182,183,184,185,186,193,194,195,196,204,205,206,207,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,441,442,443,444,445,446,463,464,465,466,467,494 +2278 - 114,115,116,118,119,120,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,201,202,203,213,214,215,223,224,225,235,236,237,245,246,247,256,257,258,259,266,267,268,269,278,279,280,288,289,290,291,299,300,301,302,311,312,321,322,323,324,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,492 +2279 - 62,63,64,83,84,85,86,96,97,98,105,106,107,108,118,119,120,121,126,127,128,129,130,139,140,141,142,147,148,149,150,151,161,162,163,164,169,170,171,172,182,183,184,185,186,190,191,192,193,194,203,204,205,206,207,211,212,213,214,215,225,226,227,228,229,232,233,234,235,236,246,247,248,249,250,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,489 +2280 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,145,146,147,148,149,160,161,162,167,168,169,170,171,182,183,184,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,494 +2281 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,104,105,106,116,117,118,119,120,121,122,126,127,128,137,138,139,140,141,142,143,144,148,149,150,159,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,191,192,193,213,214,215,234,235,236,237,256,257,258,277,278,279,298,299,300,301,316,317,319,320,321,322,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,487 +2282 - 32,33,34,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,100,101,102,103,104,117,118,119,123,124,125,126,139,140,141,145,146,147,148,160,161,162,167,168,169,170,182,183,184,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,257,258,259,271,272,273,274,275,279,280,281,293,294,295,296,300,301,302,314,315,316,317,322,323,324,335,336,337,338,343,344,345,346,357,358,359,364,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +2283 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,211,212,213,214,215,227,228,229,230,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,491 +2284 - 32,33,54,55,56,76,77,78,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,162,163,164,165,166,183,184,185,186,205,206,226,227,228,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,298,299,300,301,302,322,323,324,343,344,345,346,364,365,366,367,368,385,386,387,388,389,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,490 +2285 - 86,87,98,99,107,108,109,119,120,121,122,128,129,130,131,141,142,143,144,149,150,151,152,153,162,163,164,165,170,171,172,173,174,183,184,185,186,187,191,192,193,194,195,205,206,207,208,213,214,215,216,225,226,227,228,229,233,234,235,236,237,246,247,248,249,250,251,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,336,338,339,340,341,342,343,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,466,467,468,489 +2286 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,440,441,442,443,444,487 +2287 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,143,144,145,146,147,148,149,150,156,157,158,159,160,166,167,168,169,170,171,172,178,179,180,181,189,190,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,457,458,459,467,468,469,470,479,480,492 +2288 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,97,98,99,100,101,103,118,119,120,124,125,126,138,139,140,141,145,146,147,160,161,162,166,167,168,181,182,183,188,189,202,203,204,209,210,211,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,258,273,274,275,278,279,280,295,296,297,301,302,303,317,318,323,324,325,338,339,340,345,346,347,360,361,362,367,368,382,383,384,387,388,389,390,404,405,406,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,493 +2289 - 40,58,59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,98,99,101,102,103,104,105,106,120,121,123,124,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,333,341,342,343,344,345,354,355,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,490 +2290 - 14,15,16,17,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,95,96,97,98,99,100,116,117,118,119,120,138,139,140,141,159,160,161,162,181,182,183,202,203,204,209,210,211,212,213,214,215,224,225,226,229,230,231,232,233,234,235,236,237,238,246,247,248,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,273,274,275,280,281,282,283,289,290,291,295,296,302,303,304,305,311,312,313,317,318,323,324,325,326,327,333,334,335,336,344,345,346,347,348,356,357,358,359,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,491 +2291 - 77,78,85,86,87,98,99,100,106,107,108,109,119,120,121,122,127,128,129,130,140,141,142,143,148,149,150,151,152,161,162,163,164,165,169,170,171,172,173,183,184,185,186,190,191,192,193,194,204,205,206,207,211,212,213,214,215,225,226,227,228,229,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,467,468,469,489 +2292 - 104,105,106,117,118,119,120,121,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,213,214,215,223,224,225,234,235,236,244,245,246,247,256,257,258,267,268,269,278,279,280,300,301,302,321,322,323,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,492 +2293 - 90,91,92,93,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,192,193,194,195,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +2294 - 77,78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,122,125,126,139,140,141,142,147,148,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,494 +2295 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,128,129,130,131,139,140,141,149,150,151,152,153,161,162,163,169,170,171,172,173,174,183,184,185,190,191,192,193,194,195,205,206,207,208,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,357,358,359,360,363,364,365,366,378,379,380,381,385,386,387,388,400,401,402,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +2296 - 91,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,167,168,169,189,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,492 +2297 - 102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,174,175,182,183,184,185,186,187,188,191,192,197,203,204,205,206,207,212,213,214,215,225,226,227,228,232,233,234,235,236,237,246,247,248,249,254,255,256,257,258,268,269,270,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,465,466,467,468,494 +2298 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,104,105,106,116,117,118,119,120,124,125,126,127,128,137,138,139,140,141,145,146,147,148,149,150,158,159,160,161,166,167,168,169,170,171,172,173,180,181,182,183,184,187,188,189,190,191,194,195,203,204,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,321,322,323,324,325,336,337,338,339,344,345,346,347,348,358,359,360,367,368,369,370,380,381,382,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,493 +2299 - 36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,161,162,163,164,165,166,169,170,171,183,184,185,186,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,396,397,398,399,400,401,402,403,418,419,420,421,422,423,440,441,442,443,444,487 +2300 - 52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,121,122,123,124,142,143,144,145,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,302,303,304,305,325,326,327,346,347,348,349,367,368,369,370,388,389,390,391,408,409,410,411,412,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,463,464,465,466,467,468,469,470,471,472,488 +2301 - 80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,149,150,151,152,160,161,162,163,164,165,170,171,172,173,174,182,183,184,185,191,192,193,194,195,196,203,204,205,206,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,465,466,467,468,494 +2302 - 29,30,31,51,52,53,54,55,56,73,74,75,76,77,78,79,80,96,97,98,99,100,101,102,122,123,124,125,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,450,451,452,453,487 +2303 - 52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,123,124,125,126,127,134,135,136,137,138,147,148,149,157,158,159,168,169,170,171,180,189,190,191,192,193,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,296,300,301,302,303,304,323,324,325,326,345,346,347,348,358,367,368,369,370,379,380,387,388,389,390,391,392,400,401,402,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +2304 - 89,90,91,110,111,112,113,120,121,122,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,212,213,214,215,216,222,223,224,225,226,235,236,237,238,239,258,259,260,261,280,281,282,283,301,302,303,304,305,323,324,325,326,327,345,346,347,348,349,366,367,368,369,370,388,389,390,391,392,410,411,412,413,414,432,433,434,435,453,454,455,456,457,475,476,477,478,492 +2305 - 80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,173,174,181,182,183,184,185,186,187,193,202,203,204,205,206,207,213,214,215,216,223,224,225,226,227,228,234,235,236,237,238,244,245,246,247,248,254,255,256,257,258,259,260,266,267,268,269,275,276,277,278,279,280,281,288,289,290,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,494 +2306 - 73,74,75,95,96,97,117,118,119,124,125,126,138,139,140,146,147,148,160,161,162,167,168,169,182,183,184,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,277,278,291,292,293,294,295,296,299,300,314,315,316,321,322,342,343,344,364,365,366,386,387,408,409,430,431,452,453,474,475,489 +2307 - 58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,148,149,150,168,169,170,171,172,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,277,278,279,299,300,301,320,321,322,323,330,331,332,340,341,342,343,344,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,420,421,423,488 +2308 - 53,54,55,56,74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,203,204,205,207,208,209,210,211,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,323,340,341,343,344,345,346,361,362,363,366,367,368,384,385,388,389,390,406,407,410,411,412,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +2309 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,129,130,131,139,140,141,150,151,152,153,161,162,163,171,172,173,174,175,183,184,185,191,192,193,194,195,196,205,206,207,208,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,377,378,379,380,382,383,384,385,386,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,465,466,493 +2310 - 30,31,52,53,74,75,76,96,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,410,430,431,432,433,452,453,454,486 +2311 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,184,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,487 +2312 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,115,116,122,123,124,145,146,147,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,235,252,253,254,255,256,257,258,275,276,277,278,279,280,301,302,322,323,324,344,345,346,366,367,368,387,388,389,390,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +2313 - 62,63,64,83,84,85,86,103,104,105,106,107,108,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,172,173,174,183,184,185,186,187,188,189,190,194,195,196,204,205,206,207,208,209,210,215,216,217,218,225,226,227,228,229,237,238,239,246,247,248,249,250,259,260,261,266,267,268,269,270,280,281,282,288,289,290,291,301,302,303,304,309,310,311,312,313,322,323,324,325,331,332,333,334,343,344,345,346,353,354,355,356,357,358,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,485 +2314 - 53,54,55,56,75,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,486 +2315 - 79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,169,170,171,172,180,181,182,183,184,185,190,191,192,193,194,202,203,204,205,211,212,213,214,215,223,224,225,226,231,232,233,234,235,236,237,245,246,247,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,298,299,300,301,311,312,313,314,315,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +2316 - 37,38,39,59,60,61,72,73,81,82,83,93,94,95,96,103,104,105,115,116,117,125,126,127,136,137,138,147,148,149,158,159,160,169,170,171,172,180,181,182,191,192,193,194,201,202,203,213,214,215,223,224,225,235,236,237,245,246,257,258,259,266,267,268,276,277,278,279,280,281,288,289,290,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,344,345,346,366,367,368,387,388,389,390,409,410,411,431,432,433,452,453,454,455,489 +2317 - 35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,118,119,120,121,126,140,141,142,162,163,164,184,185,186,207,208,209,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,282,292,293,294,295,296,297,298,299,300,301,303,304,314,315,316,317,318,319,320,321,322,325,326,335,336,337,338,339,340,341,342,347,348,357,358,359,360,361,362,363,369,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,493 +2318 - 32,33,34,54,55,56,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,185,186,187,207,208,209,229,230,231,250,251,252,253,272,273,274,275,295,296,297,317,318,319,339,340,341,342,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +2319 - 13,14,15,16,17,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,182,183,184,185,190,191,192,193,194,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,337,338,339,340,341,342,343,344,355,356,357,358,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,491 +2320 - 71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,143,144,145,146,147,154,155,156,157,167,168,169,170,176,177,178,179,189,190,191,192,199,200,201,202,211,212,213,214,221,222,223,224,225,226,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,456,457,458,478,479,480,494 +2321 - 40,41,42,61,62,63,64,65,81,82,83,84,85,86,87,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,171,172,183,184,185,186,187,188,189,192,193,205,206,207,208,209,214,215,226,227,228,229,236,247,248,249,250,255,256,257,258,259,268,269,270,271,272,276,277,278,279,280,281,282,289,290,291,292,293,298,299,300,301,302,303,311,312,313,320,321,322,323,324,333,334,335,341,342,343,344,345,354,355,356,362,363,364,365,366,376,377,378,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,485 +2322 - 54,57,58,59,75,76,77,78,79,80,81,82,97,98,99,101,102,103,118,119,120,121,123,124,125,140,141,142,145,146,147,161,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,207,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,320,321,322,323,324,325,334,335,336,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,412,430,431,432,433,434,453,454,455,456,475,476,477,489 +2323 - 37,38,58,59,60,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,272,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +2324 - 57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,105,106,119,120,121,122,123,124,125,127,128,141,142,143,145,146,147,149,162,163,164,169,170,184,185,191,192,205,206,207,213,214,215,226,227,228,236,237,248,249,250,258,259,270,271,280,281,291,292,293,301,302,303,313,314,315,323,324,335,336,345,346,357,358,367,379,380,388,389,401,402,403,409,410,411,424,425,426,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +2325 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,148,149,150,151,161,162,163,164,165,170,171,172,183,184,185,186,187,192,193,194,204,205,206,207,213,214,215,225,226,227,228,247,248,249,256,257,268,269,270,271,277,278,279,280,281,289,290,291,292,298,299,300,301,302,303,310,311,312,313,314,315,319,320,321,322,323,324,333,334,335,336,341,342,343,344,345,346,356,357,363,364,365,366,367,377,378,379,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +2326 - 52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,142,143,144,163,164,165,166,167,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,257,258,259,260,269,270,271,272,273,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,323,324,325,326,335,336,344,345,346,347,364,365,366,367,368,369,385,386,387,388,389,390,406,407,408,409,410,411,428,429,430,431,432,449,450,451,452,453,472,473,474,488 +2327 - 62,63,64,65,72,73,84,85,86,87,93,94,95,96,105,106,107,108,109,115,116,117,118,127,128,129,130,137,138,139,140,148,149,150,151,152,158,159,160,161,162,169,170,171,172,173,174,180,181,182,183,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,223,224,225,226,227,233,234,235,236,237,245,246,247,248,255,256,257,258,259,266,267,268,269,270,276,277,278,279,280,288,289,290,291,292,298,299,300,301,302,310,311,312,313,314,315,316,319,320,321,322,323,332,333,334,335,336,337,338,341,342,343,344,355,356,357,358,359,360,362,363,364,365,383,384,385,386,387,404,405,406,407,408,412,413,414,415,426,427,428,429,433,434,435,436,437,438,448,449,450,455,456,457,458,470,471,477,478,489 +2328 - 59,60,76,77,81,82,98,99,102,103,104,119,120,121,124,125,126,141,142,143,146,147,148,162,163,164,167,168,169,184,185,186,189,190,191,203,204,206,207,208,211,212,224,225,226,227,228,229,233,234,245,246,247,248,249,250,251,252,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,296,297,298,299,312,313,314,319,320,321,322,323,342,343,344,345,346,363,364,365,366,385,386,387,407,408,429,430,451,452,473,474,489 +2329 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,147,148,149,150,158,159,161,169,170,171,172,190,191,192,193,211,212,213,214,215,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,322,323,324,325,343,344,345,346,347,356,357,365,366,367,368,377,378,379,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,455,466,467,468,469,470,471,472,476,477,478,488 +2330 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,100,101,102,114,122,123,143,144,145,164,165,166,184,185,186,187,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,254,255,256,277,278,279,300,301,302,323,324,345,346,347,367,368,369,389,390,391,401,402,411,412,423,424,425,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +2331 - 120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,275,276,277,278,298,299,300,319,320,321,333,334,340,341,342,343,354,355,356,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,490 +2332 - 58,59,60,69,70,80,81,82,90,91,92,102,103,104,112,113,114,124,125,126,127,134,135,136,146,147,148,149,156,157,158,169,170,171,178,179,180,191,192,193,200,201,202,213,214,215,218,222,223,224,235,236,237,238,239,240,241,244,245,246,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,346,347,348,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,479,480,489 +2333 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,147,148,149,150,151,161,162,169,170,171,172,173,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,355,356,363,364,365,366,367,375,376,377,378,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,488 +2334 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,100,101,102,114,115,116,122,123,124,136,137,144,145,146,158,159,160,165,166,167,181,182,186,187,188,189,208,209,210,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,344,345,346,347,367,368,369,389,390,391,401,402,403,404,411,412,413,423,424,425,426,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,488 +2335 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,131,138,139,140,141,142,143,144,145,146,147,151,152,153,160,161,162,163,167,168,169,171,172,173,174,175,182,183,184,189,190,191,192,193,194,195,196,197,204,205,206,207,212,213,214,215,216,217,218,219,227,228,229,230,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,377,378,379,382,383,384,385,399,400,401,404,405,406,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,493 +2336 - 31,32,33,34,35,53,54,55,56,57,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,428,429,430,431,432,450,451,452,453,486 +2337 - 101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,213,214,215,216,217,225,226,227,228,229,230,235,236,237,238,239,246,247,248,249,250,256,257,258,259,260,267,268,269,270,271,278,279,280,281,282,288,289,290,291,299,300,301,302,303,309,310,311,312,320,321,322,323,331,332,333,340,341,342,343,344,345,353,354,355,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,485 +2338 - 27,28,29,30,31,32,50,51,52,53,54,55,56,74,75,76,77,78,79,98,99,100,101,102,122,123,124,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,228,229,230,231,251,252,253,254,273,274,275,276,277,297,298,299,300,320,321,322,323,343,344,345,365,366,367,385,386,387,388,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +2339 - 100,101,102,103,104,119,120,121,122,123,124,125,126,130,140,141,142,143,144,145,146,147,148,151,152,153,161,162,163,164,165,166,167,168,169,170,173,174,175,182,183,184,185,186,187,188,189,190,191,195,196,197,203,204,205,206,207,208,210,211,212,216,217,218,224,225,226,227,228,232,233,238,239,240,245,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,283,288,289,290,291,300,301,302,303,304,310,311,312,313,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,485 +2340 - 12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,214,226,227,228,229,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,303,304,305,314,315,316,317,318,324,325,326,336,337,338,339,340,344,345,346,347,348,358,359,360,361,362,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +2341 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,340,341,342,343,344,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,420,421,422,423,424,490 +2342 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,165,166,167,168,169,170,171,172,178,179,180,181,189,190,191,192,193,194,199,200,201,202,212,213,214,215,216,217,221,222,223,224,234,235,236,237,238,239,244,245,246,247,250,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,324,325,326,327,337,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,478,479,480,481,494 +2343 - 85,86,98,99,106,107,108,109,119,120,121,126,127,128,129,130,131,140,141,142,143,147,148,149,150,151,152,161,162,163,164,165,168,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,203,204,205,206,210,211,212,213,214,225,226,227,228,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,378,379,380,381,382,400,401,402,403,421,422,423,424,443,444,445,464,465,466,489 +2344 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,98,99,100,101,113,114,122,123,135,136,143,144,145,164,165,166,167,185,186,187,188,205,206,207,208,209,227,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,299,300,301,321,322,323,324,344,345,346,367,368,389,390,402,403,411,412,424,425,426,427,428,429,430,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +2345 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,147,148,149,150,151,159,160,161,162,163,164,165,170,171,172,173,182,183,184,185,192,193,194,213,214,215,216,234,235,236,237,238,253,254,255,256,257,258,259,274,275,276,277,278,279,280,296,297,298,299,300,301,319,320,321,322,323,334,342,343,344,345,346,354,355,356,364,365,366,367,376,377,378,385,386,387,388,389,398,399,400,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,472,488 +2346 - 25,26,27,28,29,30,31,32,33,47,48,49,51,52,53,54,55,56,57,69,70,76,77,78,79,80,91,92,100,101,102,123,124,125,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,254,255,256,257,258,278,279,280,281,300,301,302,303,323,324,325,337,346,347,348,358,359,360,368,369,370,379,380,381,382,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,488 +2347 - 86,87,105,106,107,108,109,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,207,208,209,210,228,229,230,231,249,250,251,252,270,271,272,273,274,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,490 +2348 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,159,160,161,162,163,164,168,169,170,178,179,190,191,192,212,213,214,234,235,236,255,256,257,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +2349 - 53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,148,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,216,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,334,341,342,343,344,355,356,363,364,365,366,376,377,384,385,386,387,398,399,400,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,488 +2350 - 49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,100,101,102,103,122,123,124,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,233,234,235,236,256,257,258,259,279,280,281,282,302,303,304,323,324,325,345,346,347,357,358,367,368,369,378,379,380,388,389,390,400,401,402,403,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +2351 - 38,39,40,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,191,192,193,194,203,204,205,206,207,208,209,210,212,213,214,215,216,225,226,227,228,229,230,234,235,236,237,247,248,249,250,251,255,256,257,258,259,268,269,270,271,272,277,278,279,280,290,291,292,293,298,299,300,301,302,311,312,313,314,315,319,320,321,322,323,333,334,335,336,340,341,342,343,344,354,355,356,357,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,443,444,445,446,447,485 +2352 - 11,12,13,14,34,35,36,56,57,58,79,80,81,101,102,103,123,124,125,145,146,147,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,370,371,372,487 +2353 - 57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,151,152,153,161,162,163,169,170,171,172,173,174,175,183,184,185,190,191,192,193,194,195,196,205,206,207,208,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,356,357,358,359,361,362,363,377,378,379,380,382,383,384,385,398,399,400,401,403,404,405,406,420,421,422,423,424,425,426,427,442,443,444,445,446,447,448,464,465,466,467,468,493 +2354 - 5,6,7,26,27,28,29,48,49,50,51,70,71,72,73,92,93,94,114,115,116,135,136,137,138,142,143,144,157,158,159,160,161,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,414,491 +2355 - 52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,125,126,127,128,129,139,140,141,148,149,150,151,168,169,170,171,172,173,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,354,355,362,363,364,365,366,375,376,377,378,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,429,440,441,442,443,444,445,446,447,448,449,465,466,488 +2356 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,142,143,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,410,429,430,431,432,452,453,454,486 +2357 - 38,39,40,41,59,60,61,62,63,64,81,82,83,84,85,86,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,193,194,195,196,204,205,206,207,208,209,210,214,215,216,217,224,225,226,227,228,229,230,231,236,237,238,239,246,247,248,249,250,251,257,258,259,260,267,268,269,270,271,272,279,280,281,282,289,290,291,292,293,300,301,302,303,304,310,311,312,313,314,321,322,323,324,325,332,333,334,335,340,341,342,343,344,345,346,353,354,355,356,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +2358 - 47,48,49,50,51,52,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,96,97,98,99,100,101,102,103,104,112,113,114,134,135,136,156,157,158,179,180,186,187,188,189,200,201,202,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,235,236,237,238,245,246,247,248,259,260,261,267,268,282,283,284,289,305,306,327,328,350,351,371,372,373,393,394,414,415,416,424,435,436,437,446,447,448,449,450,454,455,456,457,458,470,471,472,473,474,475,476,477,478,490 +2359 - 14,15,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,184,185,186,187,192,206,207,208,209,211,212,213,214,215,227,228,229,230,232,233,234,235,236,237,238,248,249,250,251,253,254,255,256,257,258,259,260,270,271,272,273,275,276,277,278,279,280,281,291,292,293,294,296,297,298,299,301,302,303,313,314,315,316,318,319,320,322,323,324,335,336,337,341,342,343,344,345,346,357,358,359,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +2360 - 35,36,37,38,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,104,105,106,107,119,120,121,122,127,128,129,140,141,142,143,149,150,151,162,163,164,171,172,173,183,184,185,186,193,194,195,204,205,206,207,215,216,226,227,228,229,237,238,247,248,249,250,258,259,260,269,270,271,279,280,281,291,292,293,301,302,303,312,313,314,322,323,324,334,335,336,344,345,346,356,357,358,359,364,365,366,367,378,379,380,381,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +2361 - 57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,168,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,194,203,204,212,213,214,215,216,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,303,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,464,465,466,467,468,487 +2362 - 35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,449,450,451,486 +2363 - 72,73,74,75,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,234,235,236,237,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,358,359,360,361,362,363,379,380,381,382,383,384,399,400,401,402,403,404,420,421,422,423,424,442,443,444,445,446,463,464,465,466,467,492 +2364 - 92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,142,143,144,145,146,161,166,167,168,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,492 +2365 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,106,124,125,126,127,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,444,445,446,447,486 +2366 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,98,99,100,101,121,122,123,143,144,145,146,165,166,167,168,187,188,189,190,210,211,212,232,233,234,253,254,255,256,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,368,369,370,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,429,447,448,449,487 +2367 - 37,38,39,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,377,378,379,380,381,382,399,400,401,402,403,404,405,421,422,423,424,425,443,444,445,446,447,486 +2368 - 80,81,82,101,102,103,104,105,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,225,226,227,228,232,233,234,235,247,248,249,254,255,256,257,268,269,270,271,275,276,277,278,279,290,291,292,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,343,344,345,357,358,359,360,361,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,494 +2369 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,144,145,146,147,148,149,150,151,152,153,160,161,162,165,166,167,168,169,170,171,172,173,174,182,183,184,187,188,189,190,191,192,193,194,195,204,205,206,207,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,340,341,342,343,356,357,358,363,364,365,376,377,378,379,380,384,385,386,387,398,399,400,401,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,493 +2370 - 25,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,291,292,293,294,295,296,297,313,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,446,447,448,449,450,451,452,453,454,455,456,457,458,487 +2371 - 7,14,15,16,35,36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,486 +2372 - 50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,121,122,123,133,134,135,136,137,138,139,143,144,145,146,155,156,157,158,160,161,166,167,168,188,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,487 +2373 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,169,170,171,184,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,296,297,298,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,444,445,446,447,448,465,466,467,468,469,492 +2374 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,171,172,181,182,193,194,195,202,203,204,217,218,223,224,225,226,239,240,245,246,247,261,262,267,268,269,283,284,289,290,305,306,311,312,326,327,328,333,334,348,349,350,355,356,357,369,370,371,372,377,378,379,380,390,391,392,393,400,401,402,403,411,412,413,414,415,423,424,425,426,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,485 +2375 - 58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,167,168,169,170,189,190,191,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,364,365,366,380,381,382,383,385,386,387,401,402,403,404,405,423,424,425,426,427,444,445,446,447,448,466,467,468,469,486 +2376 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,155,156,157,158,159,160,177,178,179,180,199,200,201,202,203,204,205,206,207,208,209,221,222,223,224,225,226,227,228,229,230,231,232,233,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,281,299,300,301,302,303,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,401,402,403,404,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,473,474,475,490 +2377 - 76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,170,171,172,173,181,182,183,185,186,187,188,190,191,192,193,194,195,201,202,203,206,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,224,228,229,230,231,232,233,234,235,236,237,238,239,242,243,251,252,253,254,255,256,257,258,274,275,276,277,278,279,290,291,292,298,299,300,301,309,310,311,312,313,320,321,322,323,331,332,333,334,335,340,341,342,343,344,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,488 +2378 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,123,124,125,137,138,139,140,145,146,147,159,160,161,162,167,168,169,182,183,184,188,189,190,204,205,206,207,209,210,211,227,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,299,316,317,318,320,321,322,338,339,343,344,345,360,361,365,366,367,381,382,388,389,390,403,404,411,412,425,426,433,434,447,448,455,456,470,471,472,473,474,475,476,477,493 +2379 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,150,151,152,153,161,162,163,164,165,166,167,168,171,172,173,174,175,178,179,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,196,197,200,201,202,203,204,206,207,208,209,212,213,214,215,216,217,218,229,230,231,232,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +2380 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,148,161,162,163,167,168,169,182,183,184,185,187,188,189,190,191,203,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +2381 - 80,81,82,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,171,172,173,174,183,184,185,186,187,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,297,298,299,300,320,321,322,341,342,343,344,362,363,364,365,366,383,384,385,386,387,397,398,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,469,490 +2382 - 32,33,53,54,55,76,77,98,99,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,318,319,340,341,362,363,384,385,406,407,427,428,429,449,450,451,486 +2383 - 60,61,62,82,83,84,85,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,442,443,444,445,464,465,466,486 +2384 - 69,70,71,79,80,81,91,92,93,94,101,102,103,114,115,116,123,124,125,137,138,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,210,211,212,213,225,226,227,228,232,233,234,235,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,454,455,456,476,477,478,489 +2385 - 35,36,37,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,146,147,148,149,150,161,162,163,164,165,168,169,170,171,172,184,190,191,192,193,211,212,213,214,215,233,234,235,236,237,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,374,375,376,377,378,379,380,381,382,396,397,398,399,400,401,402,418,419,420,421,422,423,441,442,487 +2386 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,137,138,139,140,159,160,161,162,182,183,184,204,205,206,207,226,227,228,229,230,250,251,252,253,273,274,275,276,277,296,297,298,299,300,320,321,322,323,324,343,344,345,346,366,367,368,377,387,388,389,390,399,400,401,402,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +2387 - 58,59,60,61,62,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,192,193,194,195,203,204,205,206,207,208,209,214,215,216,217,224,225,226,227,228,229,235,236,237,238,246,247,248,249,250,256,257,258,259,267,268,269,270,271,277,278,279,280,281,288,289,290,291,292,298,299,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,340,341,342,343,344,345,353,354,355,356,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,465,466,467,468,485 +2388 - 37,38,39,40,58,59,60,61,62,80,81,82,83,84,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,427,445,446,447,448,486 +2389 - 81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,170,171,172,173,174,181,182,183,184,191,192,193,194,195,196,202,203,204,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,422,423,424,425,442,443,444,445,446,447,464,465,466,467,468,494 +2390 - 73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,492 +2391 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,170,171,172,173,174,180,181,182,183,192,193,194,195,196,203,204,214,215,216,217,218,236,237,238,239,257,258,259,260,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,467,468,469,470,471,492 +2392 - 53,54,55,56,57,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,228,229,230,250,251,252,272,273,274,275,276,277,294,295,296,297,298,299,300,318,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,488 +2393 - 11,12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,165,171,172,182,183,184,185,186,188,189,190,191,192,193,194,195,203,204,205,206,207,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,281,282,283,284,289,290,291,292,293,294,295,296,297,298,301,302,303,304,305,311,312,313,314,315,316,317,318,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,491 +2394 - 53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,428,429,430,431,450,451,452,453,454,473,474,475,486 +2395 - 91,92,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,188,189,190,191,192,193,194,195,196,197,213,214,215,216,217,218,219,234,235,236,237,238,239,255,256,257,258,259,260,275,276,277,278,279,280,281,296,297,298,299,300,301,302,317,318,319,320,321,322,323,337,338,339,340,341,342,343,358,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,446,447,464,465,466,467,468,492 +2396 - 49,50,71,72,73,80,81,92,93,94,95,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,166,167,168,169,170,180,181,182,183,184,188,189,190,191,192,203,204,205,206,209,210,211,212,213,214,225,226,227,228,231,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,314,315,316,317,318,319,322,323,324,336,337,338,339,344,345,346,357,358,359,360,366,367,368,369,379,380,381,382,388,389,390,391,401,402,403,410,411,412,413,423,424,425,432,433,434,435,454,455,456,457,476,477,478,479,489 +2397 - 96,97,109,118,119,120,130,131,139,140,141,142,151,152,153,160,161,162,163,172,173,174,175,181,182,183,184,185,193,194,195,196,197,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,228,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,424,425,489 +2398 - 59,60,61,74,82,83,84,94,95,104,105,106,116,117,126,127,128,137,138,139,147,148,149,159,160,161,169,170,171,181,182,183,191,192,193,202,203,204,212,213,214,224,225,226,234,235,236,245,246,247,248,256,257,258,267,268,269,270,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,489 +2399 - 40,41,61,62,63,82,83,84,85,104,105,106,107,125,126,127,128,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,334,335,336,337,338,339,354,355,356,357,358,359,360,375,376,377,378,379,380,396,397,398,399,400,418,419,420,421,486 +2400 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,127,128,129,130,140,141,142,143,148,149,150,151,162,163,164,165,169,170,171,172,173,184,185,186,190,191,192,193,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,313,314,315,316,317,318,335,336,337,338,339,340,357,358,359,360,361,362,363,379,380,381,383,384,385,401,402,403,404,406,407,408,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +2401 - 16,17,18,19,20,38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,100,101,102,103,104,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,208,211,212,213,214,215,216,225,226,227,228,229,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,491 +2402 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,280,281,282,291,292,293,294,302,303,304,313,314,315,324,325,335,336,337,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,491 +2403 - 93,94,95,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,190,191,192,203,204,205,206,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +2404 - 29,30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,99,100,101,102,114,115,116,122,123,124,125,136,137,146,147,157,158,159,168,169,170,179,180,190,191,192,202,213,214,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,300,301,302,303,304,305,313,314,315,322,323,324,326,327,328,335,336,337,344,345,346,349,350,357,358,359,365,366,367,372,373,379,380,381,382,386,387,388,389,394,395,402,403,404,405,406,407,408,409,410,417,424,425,426,427,428,429,430,431,448,449,450,451,452,487 +2405 - 80,81,82,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,172,173,174,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,289,290,297,298,299,300,311,312,319,320,321,332,333,334,340,341,342,343,354,355,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,490 +2406 - 53,54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,146,147,148,159,160,161,162,163,168,169,170,171,181,182,183,190,191,192,193,203,204,205,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,276,277,278,279,290,291,292,293,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,456,476,477,478,494 +2407 - 36,37,38,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,486 +2408 - 88,89,90,91,92,93,94,95,96,97,110,111,112,113,114,115,116,117,118,119,120,121,122,132,133,140,141,142,143,144,145,146,165,166,167,168,189,190,191,192,212,213,214,235,236,257,258,279,280,281,301,302,323,324,345,346,367,368,387,388,389,390,409,410,411,431,432,452,453,454,473,474,475,492 +2409 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,143,147,148,149,150,159,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,191,192,193,194,204,205,206,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,389,390,391,392,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,426,442,443,444,445,446,487 +2410 - 11,12,13,14,15,32,33,34,35,36,37,54,55,56,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,182,183,204,205,225,226,227,232,233,234,235,236,237,247,248,249,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,301,302,303,313,314,315,316,317,318,322,323,324,325,335,336,337,338,339,340,344,345,346,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +2411 - 14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +2412 - 30,31,32,33,51,52,53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,389,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,486 +2413 - 76,77,78,79,96,97,98,99,100,101,102,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,188,189,190,191,192,193,194,195,196,203,204,205,206,212,213,214,215,216,217,225,226,227,233,234,235,236,237,238,239,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,401,402,403,404,405,421,422,423,424,425,426,427,443,444,445,446,447,448,464,465,466,467,468,469,492 +2414 - 52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,123,124,125,126,127,136,137,138,139,147,148,149,150,157,158,159,160,170,171,172,173,179,180,181,193,194,195,196,200,201,202,203,216,217,218,222,223,224,238,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,335,348,349,350,355,356,357,358,359,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,485 +2415 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,443,444,445,446,447,486 +2416 - 27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,80,81,82,83,104,105,106,127,128,149,150,151,170,171,172,190,191,192,193,194,199,200,201,202,203,211,212,213,214,221,222,223,224,225,226,227,228,229,230,231,232,233,234,243,244,245,246,247,248,249,250,251,252,253,254,268,269,274,275,276,277,278,290,291,298,299,300,301,312,322,323,324,334,345,346,347,356,367,368,369,378,379,388,389,390,391,400,401,402,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +2417 - 99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,190,191,192,193,194,202,203,204,205,211,212,213,214,215,216,223,224,225,226,231,232,233,234,235,236,237,245,246,247,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,319,320,321,322,323,335,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +2418 - 48,49,50,70,71,72,83,84,91,92,93,94,104,105,106,107,112,113,114,115,116,126,127,128,129,134,135,136,137,148,149,150,151,156,157,158,159,170,171,172,178,179,180,192,193,194,200,201,202,203,214,215,216,222,223,224,225,235,236,237,238,245,246,247,248,257,258,259,260,267,268,269,270,271,278,279,280,281,282,290,291,292,293,294,295,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,345,346,347,348,361,362,363,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,478,479,480,489 +2419 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,129,130,131,138,139,140,141,142,150,151,152,153,160,161,162,163,171,172,173,174,175,182,183,184,185,191,192,193,194,195,196,205,206,207,208,209,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,379,380,381,382,383,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +2420 - 113,114,115,116,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,211,212,213,232,233,234,235,254,255,256,257,261,262,263,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,326,327,335,336,337,338,339,340,341,342,343,344,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +2421 - 39,40,41,59,60,61,62,63,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,170,171,172,173,184,185,186,187,188,189,192,193,194,205,206,207,208,209,214,215,216,226,227,228,229,230,235,236,237,238,247,248,249,250,251,257,258,259,268,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,333,334,335,336,341,342,343,344,345,346,355,356,357,358,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,444,445,446,447,448,485 +2422 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,121,122,123,124,134,135,136,137,138,144,145,146,147,167,168,169,190,191,192,212,213,214,234,235,236,237,238,239,256,257,258,259,260,261,276,277,278,279,280,281,296,297,298,299,300,301,302,316,317,318,319,320,322,323,324,337,338,339,340,341,344,345,346,358,359,360,361,365,366,367,368,380,381,382,386,387,388,389,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,472,473,487 +2423 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,189,190,191,192,193,204,205,206,207,208,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,301,302,303,304,305,312,313,314,315,316,317,318,322,323,324,325,326,334,335,336,337,338,339,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,491 +2424 - 10,11,12,32,33,34,35,55,56,57,58,79,80,81,102,103,104,124,125,126,147,148,169,170,190,191,192,201,202,203,204,205,206,207,208,212,213,214,223,224,225,226,227,228,229,230,231,232,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,275,276,277,278,279,280,281,282,288,289,290,299,300,301,302,303,304,305,311,312,320,321,322,324,325,326,327,328,329,333,334,335,341,342,343,348,349,350,356,357,358,362,363,364,365,378,379,380,381,383,384,385,386,401,402,403,404,405,406,407,424,425,426,427,428,487 +2425 - 80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,171,172,173,182,183,184,185,186,187,188,192,193,194,195,203,204,205,206,207,208,213,214,215,216,217,224,225,226,227,228,229,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,494 +2426 - 115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,163,164,165,166,167,168,169,170,171,172,178,192,193,194,195,216,217,218,238,239,240,260,261,262,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,323,324,325,326,327,328,329,332,333,334,343,344,345,346,354,355,356,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,487 +2427 - 77,86,87,98,99,100,107,108,109,120,121,122,123,128,129,130,131,141,142,143,144,149,150,151,152,153,162,163,164,165,170,171,172,173,174,183,184,185,186,187,191,192,193,194,195,204,205,206,207,208,213,214,215,216,225,226,227,228,229,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,489 +2428 - 102,103,104,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,188,189,190,191,201,202,203,210,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +2429 - 98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,190,191,192,193,194,195,200,201,202,203,204,205,206,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,472,494 +2430 - 27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,122,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,316,317,319,320,321,322,323,324,325,326,327,336,337,338,346,347,348,349,357,358,359,360,368,369,370,371,379,380,381,382,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,488 +2431 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,169,170,171,172,182,183,184,185,186,190,191,192,193,194,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,468,494 +2432 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,125,126,127,141,142,143,148,149,162,163,164,169,170,184,185,190,191,192,205,206,207,212,213,214,227,228,229,233,234,235,236,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,469,470,494 +2433 - 13,14,15,35,36,37,38,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,185,186,187,188,192,206,207,208,209,210,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,491 +2434 - 31,32,53,54,55,75,76,77,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,388,408,409,410,430,431,432,452,453,454,486 +2435 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,168,169,170,171,172,190,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,281,282,283,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,442,443,444,445,446,447,464,465,466,467,487 +2436 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,486 +2437 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,118,119,123,124,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,310,311,322,323,324,332,333,343,344,345,346,353,354,355,356,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +2438 - 16,17,37,38,39,59,60,61,73,74,81,82,83,94,95,96,103,104,105,117,118,125,126,127,138,139,140,147,148,149,160,161,162,169,170,171,182,183,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,247,248,249,257,258,259,268,269,270,272,279,280,281,290,291,292,293,294,295,296,301,302,312,313,314,315,316,317,318,319,320,321,323,324,325,335,336,337,340,341,342,343,344,345,346,347,348,349,350,356,357,358,365,366,367,368,369,370,371,372,378,379,380,388,389,390,401,402,410,411,412,432,433,434,489 +2439 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,213,214,215,216,234,235,236,237,256,257,258,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,422,423,424,425,426,427,443,444,445,446,447,448,449,464,465,466,467,468,469,492 +2440 - 52,53,54,55,72,73,74,75,76,77,78,94,95,100,101,102,116,123,124,135,136,146,147,157,158,168,169,178,179,180,190,191,192,201,202,212,213,214,224,233,234,235,236,245,246,253,254,255,256,257,267,268,269,270,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,313,315,320,321,322,323,343,344,345,365,366,367,388,389,390,410,411,412,432,433,454,455,456,477,478,494 +2441 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +2442 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,166,167,168,169,170,180,181,182,183,187,188,189,191,192,202,203,204,208,209,210,211,212,213,214,224,225,226,229,230,231,232,234,235,236,237,246,247,248,249,250,251,252,256,257,258,269,270,271,272,273,278,279,280,292,293,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,428,429,430,450,451,452,471,472,473,494 +2443 - 79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,170,171,172,173,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,232,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,465,466,467,468,494 +2444 - 32,33,34,35,36,37,39,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,81,82,83,84,93,94,95,96,97,102,103,104,105,114,115,116,117,124,125,126,136,137,138,145,146,147,158,159,166,167,168,180,181,188,189,190,202,203,204,209,210,211,224,225,226,227,228,230,231,232,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,315,316,317,318,323,324,325,326,337,338,339,346,347,348,349,358,359,360,361,369,370,371,380,381,382,391,392,393,402,403,404,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,493 +2445 - 58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,167,168,169,170,182,183,184,185,189,190,191,210,211,212,213,231,232,233,234,253,254,255,273,274,275,276,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,345,346,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,386,387,388,389,390,391,392,393,394,395,398,399,400,411,412,413,414,415,416,487 +2446 - 31,32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,81,101,102,103,123,124,125,144,145,146,147,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,256,257,258,270,271,279,280,281,301,302,303,322,323,324,325,337,343,344,345,346,357,358,359,364,365,366,367,368,379,380,381,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,450,451,488 +2447 - 57,58,59,60,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,146,147,148,149,158,159,160,161,162,163,164,165,169,170,171,180,181,182,183,184,185,186,191,192,193,203,204,205,212,213,214,215,234,235,236,237,255,256,257,258,259,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,487 +2448 - 11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,182,183,184,204,205,206,212,213,225,226,227,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,280,281,282,283,291,292,293,294,303,304,305,306,313,314,315,326,327,328,335,336,337,348,349,357,358,359,370,371,380,381,382,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +2449 - 122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,297,298,299,300,319,320,321,333,334,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,490 +2450 - 14,15,16,35,36,37,38,56,57,58,59,78,79,80,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,279,280,281,290,291,292,293,294,295,301,302,303,313,314,315,316,322,323,324,335,336,337,338,339,344,345,346,356,357,358,364,365,366,367,378,379,380,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,491 +2451 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,125,126,127,128,129,148,149,150,151,170,171,172,173,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,276,277,278,279,280,281,300,301,302,303,322,323,324,325,331,332,333,343,344,345,346,352,353,354,355,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,451,488 +2452 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,184,185,186,206,207,208,227,228,229,230,249,250,251,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,323,324,337,338,339,345,346,359,360,361,366,367,368,381,382,383,387,388,389,390,403,404,405,406,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,491 +2453 - 73,74,75,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,192,193,194,195,196,214,215,216,217,235,236,237,238,239,256,257,258,259,260,277,278,279,280,281,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,359,360,361,362,363,364,379,380,381,382,383,384,385,399,400,401,402,403,404,405,420,421,422,423,424,425,426,441,442,443,444,445,446,463,464,465,466,467,468,492 +2454 - 133,134,135,136,137,138,139,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,233,234,235,236,255,256,257,258,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,327,328,337,338,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,492 +2455 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,147,148,149,150,151,152,153,161,162,163,164,165,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,334,335,336,337,338,341,342,343,344,355,356,357,358,359,360,363,364,365,366,377,378,379,380,381,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,493 +2456 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,168,169,170,171,183,184,185,186,191,192,193,194,205,206,207,214,215,216,227,228,229,236,237,238,248,249,250,257,258,259,270,271,272,279,280,281,282,292,293,294,301,302,303,314,315,316,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,364,365,366,367,379,380,381,382,385,386,387,388,389,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,485 +2457 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,149,150,151,152,161,162,163,164,165,172,173,174,181,182,183,184,185,186,194,195,196,202,203,204,205,206,216,217,218,223,224,225,226,227,228,238,239,240,244,245,246,247,248,249,250,259,260,261,262,266,267,268,269,270,280,281,282,283,284,288,289,290,291,300,301,302,303,304,305,309,310,311,312,319,320,321,322,323,324,325,326,331,332,333,334,335,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,422,424,485 +2458 - 54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,181,182,183,184,185,186,189,190,191,202,203,204,205,206,207,211,212,213,223,224,225,226,227,228,229,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,474,475,476,489 +2459 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,449,468,469,470,471,486 +2460 - 60,61,62,72,82,83,84,93,94,95,103,104,105,115,116,117,125,126,127,137,138,139,147,148,149,159,160,161,168,169,170,171,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,300,301,313,314,315,316,317,318,322,323,339,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,476,477,489 +2461 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,105,106,107,117,118,119,120,121,127,128,129,138,139,140,141,142,148,149,150,151,159,160,161,162,163,169,170,171,172,181,182,183,184,189,190,191,192,193,194,204,205,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,291,292,293,294,295,296,297,312,313,314,315,316,317,318,325,326,333,334,335,336,337,338,339,340,347,348,349,355,356,357,358,359,360,361,362,363,364,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,405,406,407,408,409,410,411,412,413,414,420,421,422,428,429,430,431,432,433,434,435,436,442,443,444,454,455,487 +2462 - 11,12,13,33,34,35,54,55,56,75,76,77,97,98,99,118,119,120,140,141,142,161,162,163,183,184,185,205,206,212,213,214,226,227,228,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,260,270,271,272,274,275,276,277,278,280,281,282,292,293,294,295,296,297,303,304,315,316,317,318,324,325,326,337,338,339,340,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +2463 - 77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +2464 - 72,73,82,83,84,93,94,95,96,97,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,335,336,337,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,429,448,449,450,451,471,472,473,492 +2465 - 58,59,60,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,146,147,148,161,162,163,164,165,168,169,170,182,183,184,185,186,190,191,192,203,204,205,206,207,211,212,213,224,225,226,227,228,233,234,235,245,246,247,248,249,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,335,336,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,489 +2466 - 49,50,51,52,53,54,70,71,72,73,74,75,76,91,92,93,98,99,103,104,113,114,115,120,121,122,124,125,126,136,137,143,144,145,146,147,158,159,160,166,167,168,181,182,183,188,189,204,205,206,209,210,227,228,229,230,231,232,251,252,253,274,275,276,296,297,298,299,318,319,320,321,322,323,340,341,342,343,344,345,346,362,363,364,366,367,368,385,386,389,390,391,407,408,409,412,413,430,431,432,433,434,435,436,453,454,455,456,457,476,477,478,479,493 +2467 - 61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,161,162,163,164,182,183,184,185,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,278,279,280,291,292,293,300,301,302,303,322,323,324,325,344,345,346,365,366,367,368,376,377,378,379,386,387,388,389,390,397,398,399,400,401,402,403,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +2468 - 6,7,8,9,27,28,29,30,31,32,49,50,51,52,53,54,71,72,73,74,75,92,93,94,95,96,97,114,115,116,117,118,119,136,137,138,139,140,141,158,159,160,161,162,170,171,172,173,179,180,181,182,183,184,190,191,192,193,194,195,196,201,202,203,204,205,211,212,213,214,215,216,217,218,219,223,224,225,226,227,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,274,275,276,277,278,279,280,282,283,284,285,290,291,292,293,296,297,298,299,300,301,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,491 +2469 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,96,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,181,182,183,184,202,203,204,205,206,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,239,245,246,247,248,253,254,255,256,257,258,259,260,261,267,268,269,270,274,275,276,277,281,282,283,284,289,290,291,292,295,296,297,298,304,305,306,312,313,314,315,316,317,318,319,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +2470 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,134,135,136,137,157,158,159,179,180,187,188,189,190,191,192,193,194,195,201,202,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,227,228,229,230,231,232,239,240,241,244,245,247,248,249,250,251,262,263,266,267,268,269,270,271,284,285,288,289,290,306,307,310,311,312,328,329,333,349,350,351,371,372,373,392,393,394,412,413,414,415,424,425,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,490 +2471 - 104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,267,268,269,270,275,276,277,278,290,291,292,297,298,299,300,312,313,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,492 +2472 - 61,62,63,74,82,83,84,85,95,96,97,103,104,105,106,116,117,118,119,125,126,127,128,138,139,140,147,148,149,160,161,162,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,245,246,247,248,249,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,318,319,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,431,432,452,453,454,474,475,476,489 +2473 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,125,126,127,128,137,138,139,140,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,299,300,301,302,303,312,313,314,315,316,323,324,325,326,334,335,336,337,346,347,348,356,357,358,368,369,370,377,378,379,380,389,390,391,392,400,401,402,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,493 +2474 - 96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,165,166,167,168,178,179,180,187,188,189,190,200,210,211,212,232,233,234,235,236,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,303,304,305,306,307,313,314,315,316,317,318,319,320,321,327,328,329,334,335,336,337,338,339,340,341,342,349,350,351,356,357,358,359,360,361,362,363,378,379,380,381,382,383,487 +2475 - 95,96,97,98,99,100,101,102,103,104,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,129,130,136,137,138,139,140,147,148,149,151,152,158,159,160,161,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,210,211,212,213,214,223,224,225,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +2476 - 27,28,29,30,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,114,115,116,117,119,120,121,122,136,137,138,139,158,159,160,161,162,180,181,182,183,184,189,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,279,280,281,282,302,303,304,324,325,326,345,346,347,348,367,368,369,370,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,490 +2477 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,171,172,173,174,179,180,181,182,183,184,185,186,193,194,195,196,200,201,202,203,204,205,206,216,217,218,221,222,223,224,225,226,227,237,238,239,240,243,244,245,246,247,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,300,301,302,303,304,305,306,309,310,311,312,313,314,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,402,403,404,485 +2478 - 110,111,112,113,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,203,205,206,207,212,213,214,215,234,235,236,256,257,258,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,451,452,453,454,473,474,475,476,492 +2479 - 37,38,39,58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,446,447,448,449,486 +2480 - 10,11,12,31,32,33,34,52,53,54,55,56,57,74,75,76,78,79,95,96,97,100,101,117,118,119,138,139,140,160,161,162,182,183,204,205,206,210,211,212,226,227,228,231,232,233,234,235,236,248,249,253,254,255,256,257,258,259,270,271,272,275,276,277,279,280,281,282,292,293,294,297,298,302,303,304,305,315,316,317,319,320,321,325,326,338,339,342,343,347,348,360,361,362,368,369,370,383,384,385,388,389,390,391,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +2481 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,138,139,140,141,142,143,146,147,148,149,150,159,160,161,162,163,164,166,167,168,169,170,171,181,182,183,184,187,188,189,190,191,192,204,205,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,282,283,290,291,292,293,294,295,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,390,397,398,399,420,421,487 +2482 - 50,51,52,53,54,71,72,73,74,75,76,77,85,92,93,94,95,96,97,98,99,100,106,107,108,114,115,116,117,118,119,120,121,122,123,127,128,129,130,131,136,137,138,139,144,145,146,147,148,149,150,151,152,158,159,160,161,167,168,169,170,171,172,173,180,181,182,183,188,189,190,191,192,193,202,203,204,205,206,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,365,366,367,368,369,380,381,382,383,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +2483 - 51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,201,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,300,301,302,315,316,321,322,323,324,343,344,345,346,363,364,365,366,367,378,379,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,488 +2484 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,168,169,170,171,172,173,174,175,181,182,183,184,196,197,203,204,205,225,226,227,247,248,249,269,270,271,272,291,292,293,294,295,296,315,316,317,318,319,338,339,340,341,342,343,362,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,469,470,471,472,473,474,490 +2485 - 75,76,77,97,98,99,103,104,118,119,120,121,125,126,139,140,141,142,146,147,148,160,161,162,163,168,169,170,181,182,183,184,185,189,190,191,202,203,204,205,210,211,212,213,223,224,225,226,227,232,233,234,235,244,245,246,247,248,254,255,256,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,489 +2486 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +2487 - 85,86,87,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,201,202,203,204,205,222,223,224,225,226,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,300,301,302,303,322,323,324,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,490 +2488 - 52,53,54,55,74,75,76,77,78,96,97,98,99,100,101,102,103,104,118,119,121,122,123,124,125,126,140,141,146,147,161,162,163,183,184,185,205,206,207,227,228,229,250,251,252,272,273,274,275,276,295,296,297,298,299,300,319,320,321,322,323,344,345,366,367,387,388,389,403,404,409,410,425,426,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,490 +2489 - 14,15,16,17,18,35,36,37,38,39,40,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,138,139,140,141,142,143,144,159,160,161,162,163,180,181,182,183,184,192,193,194,202,203,204,205,206,211,212,213,214,215,216,217,218,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,273,274,275,276,277,282,283,284,285,288,289,290,291,294,295,296,297,298,299,304,305,306,307,310,311,312,313,315,316,317,318,319,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,491 +2490 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,123,124,125,135,136,146,147,148,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,235,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,321,322,323,324,325,345,346,347,367,368,369,389,390,391,404,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +2491 - 96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,205,206,207,211,212,213,228,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,492 +2492 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,191,192,193,213,214,215,235,236,237,256,257,258,278,279,280,300,301,302,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,408,409,410,411,430,431,432,433,451,452,453,454,473,474,475,476,492 +2493 - 34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,104,105,106,107,115,116,117,118,119,126,127,128,137,138,139,140,141,146,147,148,149,150,158,159,160,161,162,167,168,169,170,171,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,278,279,280,281,282,283,288,289,290,291,302,303,304,305,309,310,311,312,325,326,327,331,332,333,347,348,349,353,354,355,356,368,369,370,371,376,377,378,379,380,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,493 +2494 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,101,102,103,116,117,118,119,120,123,124,125,139,140,141,142,143,145,146,147,162,163,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,291,292,293,294,299,300,301,302,303,313,314,315,316,323,324,325,326,335,336,337,338,346,347,348,349,358,359,360,361,368,369,370,371,380,381,382,383,384,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,458,493 +2495 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,169,170,171,180,181,182,191,192,193,202,203,204,212,213,214,215,224,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +2496 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,182,183,190,191,204,205,211,212,213,226,227,228,233,234,235,248,249,250,251,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,387,388,409,410,430,431,432,452,453,454,474,475,476,494 +2497 - 121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,193,194,195,196,202,203,204,205,206,207,208,216,217,218,224,225,226,227,228,229,237,238,239,240,244,245,246,247,248,249,250,258,259,260,261,262,265,266,267,268,269,270,278,279,280,281,282,283,287,288,289,290,291,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,485 +2498 - 33,34,35,36,37,55,56,57,58,59,60,77,78,79,80,81,82,83,103,104,105,123,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,342,343,344,364,365,366,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,488 +2499 - 37,38,39,58,59,60,61,62,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +2500 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,81,82,83,95,96,97,98,104,105,116,117,118,119,126,127,138,139,140,148,149,160,161,162,170,171,172,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,282,283,290,291,292,293,304,305,312,313,314,315,325,326,334,335,336,337,346,347,348,356,357,358,359,368,369,370,379,380,381,382,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +2501 - 36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,104,105,106,116,117,118,119,120,121,125,126,127,128,137,138,139,140,141,147,148,149,150,158,159,160,161,162,168,169,170,171,180,181,182,183,184,188,189,190,191,192,203,204,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,334,335,336,337,338,356,357,358,359,378,379,380,381,382,383,384,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,487 +2502 - 97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,170,171,172,173,174,175,180,181,182,195,196,197,202,203,204,224,225,226,227,247,248,249,250,251,252,269,270,271,272,273,274,275,276,294,295,296,297,298,299,319,320,321,322,342,343,344,345,365,366,367,387,388,389,403,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,490 +2503 - 51,52,53,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,301,302,303,323,324,325,345,346,347,365,366,367,368,369,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,467,468,469,470,471,488 +2504 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,192,193,194,195,196,201,202,203,204,205,206,207,208,209,214,215,216,217,218,222,223,224,225,226,227,228,229,236,237,238,239,240,244,245,246,247,248,249,250,258,259,260,261,262,265,266,267,268,269,270,271,280,281,282,283,284,287,288,289,290,291,292,300,301,302,303,304,305,306,309,310,311,312,313,314,315,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,428,429,485 +2505 - 54,55,56,61,62,75,76,77,78,82,83,84,96,97,98,99,100,104,105,106,116,117,118,119,120,121,125,126,127,137,138,139,140,141,142,147,148,149,159,160,161,162,169,170,171,179,180,181,182,183,190,191,192,201,202,203,204,212,213,214,222,223,224,225,226,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,317,318,319,320,321,322,323,324,325,326,327,328,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,469,470,471,489 +2506 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,114,115,116,117,120,121,122,136,137,138,142,143,144,145,164,165,166,185,186,187,188,207,208,209,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,302,322,323,324,345,346,347,367,368,369,388,389,390,391,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +2507 - 96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,181,182,183,184,202,203,204,205,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,322,323,324,325,342,343,344,345,346,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,490 +2508 - 11,12,13,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,187,188,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,486 +2509 - 15,16,17,18,35,36,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,190,191,192,193,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,238,239,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,273,274,275,276,281,282,283,289,290,291,292,294,295,296,297,302,303,304,305,311,312,313,314,315,316,317,318,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +2510 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,295,296,297,298,318,319,320,339,340,341,342,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,486 +2511 - 96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,169,170,171,172,173,179,180,181,182,183,190,191,192,193,194,201,202,203,204,212,213,214,215,224,225,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,472,492 +2512 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,452,453,454,486 +2513 - 32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,81,82,83,84,94,95,96,97,104,105,106,116,117,118,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,278,279,280,281,282,290,291,292,293,302,303,304,312,313,314,324,325,326,333,334,335,345,346,347,348,354,355,356,367,368,369,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,493 +2514 - 51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,127,128,134,135,136,137,138,139,140,148,149,150,156,157,158,159,160,161,170,171,172,173,177,178,179,180,181,182,192,193,194,195,199,200,201,202,203,212,213,214,215,216,217,222,223,224,225,234,235,236,237,238,245,246,247,248,249,255,256,257,258,259,260,269,270,271,272,277,278,279,280,281,293,298,299,300,301,302,318,319,320,321,322,323,324,339,340,341,342,343,344,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,453,467,468,469,470,471,487 +2515 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,191,192,193,194,195,202,203,204,205,212,213,214,215,216,217,224,225,226,233,234,235,236,237,246,247,248,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,494 +2516 - 12,13,14,15,34,35,36,37,38,55,56,58,59,60,61,76,77,78,82,83,84,98,99,100,105,106,119,120,121,127,128,129,140,141,142,143,150,151,161,162,163,164,172,173,183,184,185,194,195,204,205,206,216,217,226,227,228,237,238,239,247,248,249,259,260,269,270,271,280,281,282,290,291,292,301,302,303,312,313,314,322,323,324,325,334,335,336,344,345,346,356,357,358,364,365,366,367,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,485 +2517 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,117,118,119,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,324,334,335,336,337,338,339,340,341,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,407,408,409,410,411,412,421,422,423,424,431,432,443,444,445,487 +2518 - 8,9,10,11,12,29,30,31,32,33,51,52,53,54,55,72,73,74,75,76,93,94,95,96,97,114,115,116,117,118,136,137,138,139,140,157,158,159,160,161,179,180,181,182,194,195,201,202,203,204,213,214,215,216,217,218,223,224,225,234,235,236,237,238,239,240,241,245,246,247,256,257,258,259,260,261,262,263,267,268,269,270,278,279,280,281,283,284,285,289,290,291,292,293,300,301,304,305,306,307,311,312,313,314,315,316,321,322,323,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +2519 - 61,62,63,64,79,80,81,82,83,84,85,86,87,95,96,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,179,180,181,182,183,201,202,203,204,208,209,210,211,212,213,214,222,223,224,225,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,302,303,304,310,311,312,313,314,324,325,326,345,346,347,348,366,367,368,369,370,381,382,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,490 +2520 - 12,13,14,33,34,35,54,55,56,57,76,77,78,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,204,205,206,207,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,335,336,337,344,345,346,347,357,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +2521 - 60,61,62,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,467,468,469,486 +2522 - 33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,81,82,83,97,98,99,119,120,141,142,163,164,185,186,207,208,209,230,231,252,253,254,255,256,257,258,272,273,274,275,276,277,278,292,293,294,295,296,297,298,314,315,316,317,319,320,335,336,337,341,342,357,358,359,363,364,379,380,381,385,386,387,402,403,404,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,493 +2523 - 11,12,13,14,15,16,32,33,34,35,36,37,38,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,189,190,191,192,193,202,203,204,205,206,209,210,211,212,213,214,215,216,224,225,226,227,230,231,232,233,234,235,236,237,238,239,246,247,248,249,251,252,253,254,255,256,258,259,260,261,267,268,269,270,272,273,274,275,276,281,282,283,284,289,290,291,292,294,295,296,297,303,304,305,311,312,313,314,315,316,317,318,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +2524 - 70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,299,303,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +2525 - 57,58,59,78,79,80,81,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,182,183,184,185,186,188,189,190,202,203,204,205,206,209,210,211,217,223,224,225,226,227,231,232,233,238,239,244,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,489 +2526 - 77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,166,167,168,169,188,189,190,209,210,211,212,227,228,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +2527 - 33,34,35,36,54,55,56,57,58,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,146,147,148,149,161,162,163,167,168,169,170,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,295,301,302,303,323,324,325,344,345,346,347,364,365,366,367,368,376,377,378,379,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,488 +2528 - 6,7,8,28,29,30,50,51,52,72,73,74,93,94,95,96,114,115,116,117,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,214,215,224,225,226,227,234,235,236,237,238,246,247,248,249,255,256,257,258,259,260,261,268,269,270,271,277,278,279,280,281,282,283,284,290,291,292,293,294,298,299,300,301,304,305,306,313,314,315,316,317,320,321,322,326,327,328,336,337,338,339,340,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,491 +2529 - 99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +2530 - 71,72,73,93,94,95,115,116,117,125,126,127,137,138,147,148,149,159,160,169,170,171,180,181,182,191,192,193,202,203,204,213,214,215,224,225,235,236,237,246,247,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,323,324,325,345,346,367,368,389,390,411,412,433,434,454,455,456,476,477,478,489 +2531 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,169,170,171,172,181,182,183,191,192,193,194,203,204,205,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +2532 - 55,56,57,58,77,78,79,80,100,101,102,122,123,124,144,145,165,166,167,187,188,189,209,210,231,232,252,253,254,274,275,276,296,297,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +2533 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,129,130,131,139,140,141,142,143,144,145,151,152,153,159,160,161,162,163,164,173,174,175,181,182,183,184,185,195,196,197,202,203,204,205,206,217,218,219,224,225,226,238,239,240,241,245,246,247,248,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,310,311,312,324,325,326,327,332,333,334,345,346,347,348,354,355,356,357,366,367,368,369,370,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +2534 - 56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,128,138,139,140,141,146,147,148,149,150,151,160,161,162,167,168,169,170,171,172,182,183,190,191,192,193,204,205,211,212,213,214,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,343,359,360,361,362,364,365,381,382,383,386,387,403,404,405,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,475,493 +2535 - 95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,170,171,172,173,174,179,180,181,182,191,192,193,194,195,196,201,202,203,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,494 +2536 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,122,123,124,125,143,144,145,146,163,164,165,166,167,184,185,186,187,188,189,190,206,207,208,210,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,379,384,385,386,400,401,405,406,407,408,422,423,425,426,427,428,429,443,444,445,446,447,448,449,466,467,468,469,470,488 +2537 - 94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,190,191,192,193,202,203,204,210,211,212,213,214,215,224,225,226,232,233,234,235,236,247,248,253,254,255,256,257,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,467,468,469,470,471,492 +2538 - 73,74,81,82,94,95,102,103,104,116,117,124,125,126,137,138,139,146,147,148,159,160,168,169,181,182,190,191,202,203,204,212,213,224,225,226,234,235,236,246,247,255,256,257,258,268,269,270,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,342,343,344,364,365,386,387,408,409,430,431,451,452,473,474,489 +2539 - 37,38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,105,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +2540 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,101,102,103,104,105,106,116,117,118,119,126,127,128,138,139,140,141,160,161,162,182,183,184,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,280,281,282,291,292,303,304,305,313,314,325,326,327,328,334,335,336,347,348,349,350,355,356,357,369,370,371,372,377,378,379,380,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,490 +2541 - 13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,96,97,98,99,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,191,192,193,194,195,202,203,204,205,211,212,213,214,215,216,217,218,224,225,226,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,257,260,261,262,267,268,269,270,273,274,275,276,277,278,281,282,283,289,290,291,292,295,296,297,298,299,303,304,305,311,312,313,314,316,317,318,319,324,325,326,327,334,335,336,337,338,339,340,345,346,347,348,356,357,358,359,360,361,362,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,491 +2542 - 35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,140,141,142,148,149,162,163,164,170,171,183,184,185,192,193,204,205,206,213,214,215,225,226,227,228,235,236,237,247,248,249,257,258,259,269,270,271,279,280,290,291,292,300,301,302,312,313,314,322,323,324,334,335,336,342,343,344,345,356,357,358,363,364,365,366,367,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,485 +2543 - 77,78,79,98,99,100,101,120,121,122,123,124,125,126,140,141,142,143,146,147,148,161,162,163,164,165,167,168,169,182,183,184,185,186,189,190,191,202,203,204,205,206,207,210,211,212,213,223,224,225,226,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,328,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,489 +2544 - 47,48,49,50,51,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,95,96,97,98,99,100,101,111,112,120,121,122,123,124,143,144,145,146,165,166,167,168,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,302,322,323,324,325,345,346,347,358,367,368,369,370,379,380,389,390,391,392,401,402,403,404,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,488 +2545 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,126,127,128,129,137,138,139,140,141,147,148,149,150,151,160,161,167,168,169,170,171,172,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,322,323,324,325,344,345,346,347,365,366,367,368,369,374,375,376,385,386,387,388,389,390,396,397,398,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,450,451,463,464,465,466,467,468,469,470,488 +2546 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,121,122,123,124,125,126,137,138,146,147,148,168,169,170,189,190,191,209,210,211,212,213,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,297,298,299,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,425,429,430,431,446,447,449,450,451,452,468,469,470,471,472,473,488 +2547 - 15,16,17,18,36,37,38,39,40,41,56,57,58,59,60,61,62,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,302,303,304,312,313,314,315,316,317,318,319,320,324,325,326,334,335,336,337,338,339,340,341,345,346,347,348,356,357,358,359,360,361,362,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,491 +2548 - 59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,140,141,142,143,162,163,164,183,184,185,204,205,206,207,225,226,227,228,247,248,249,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,323,324,325,333,334,335,336,344,345,346,347,355,356,365,366,367,368,382,385,386,387,388,389,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,490 +2549 - 37,38,39,40,41,42,53,54,55,56,57,58,59,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,106,107,108,109,116,117,118,119,120,127,128,129,130,138,139,140,141,147,148,149,150,151,152,161,162,168,169,170,171,172,173,189,190,191,192,193,194,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,333,334,335,336,337,338,345,346,355,356,357,358,359,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,487 +2550 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,128,139,140,141,142,148,149,150,160,161,162,163,170,171,172,181,182,183,184,193,194,195,203,204,205,215,216,217,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,301,302,303,304,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,380,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +2551 - 37,38,39,40,41,42,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,107,108,109,115,116,117,118,119,120,121,122,128,129,130,131,136,137,138,139,140,141,142,149,150,151,152,158,159,160,161,162,170,171,172,173,174,190,191,192,193,194,195,211,212,213,214,215,216,232,233,234,235,236,237,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,334,335,336,337,338,339,355,356,357,358,359,376,377,378,379,380,381,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,487 +2552 - 9,10,11,12,30,31,32,33,51,52,53,54,73,74,75,76,95,96,97,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,248,249,250,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,301,302,303,315,316,317,318,319,320,323,324,325,337,338,339,340,341,342,345,346,347,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +2553 - 101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,149,150,151,152,153,161,162,163,164,165,166,167,173,174,175,182,183,184,185,186,187,195,196,197,203,204,205,206,207,217,218,219,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,288,289,290,301,302,303,304,305,310,311,312,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,485 +2554 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,173,174,175,182,183,184,185,186,187,195,196,197,203,204,205,206,216,217,218,219,224,225,226,227,237,238,239,240,245,246,247,248,258,259,260,261,267,268,269,270,279,280,281,282,283,288,289,290,291,300,301,302,303,310,311,312,320,321,322,323,324,332,333,334,341,342,343,344,345,354,355,356,357,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,445,485 +2555 - 101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,150,151,152,153,161,162,163,164,165,166,167,173,174,175,182,183,184,185,186,195,196,197,203,204,205,206,207,216,217,218,219,224,225,226,227,228,237,238,239,240,245,246,247,248,258,259,260,261,262,266,267,268,269,279,280,281,282,288,289,290,298,299,300,301,302,303,304,310,311,312,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,485 +2556 - 35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,449,450,451,486 +2557 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,127,128,129,130,131,138,139,140,141,142,143,144,149,150,151,152,159,160,161,162,163,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,335,336,337,338,339,342,343,344,345,356,357,358,359,360,364,365,366,377,378,379,380,381,384,385,386,387,399,400,401,402,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +2558 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,144,145,146,147,159,160,161,166,167,168,180,181,182,188,189,190,202,203,204,210,211,212,225,232,233,234,253,254,255,275,276,277,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +2559 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,98,99,100,101,104,105,106,107,118,119,120,121,125,126,127,128,139,140,141,142,143,146,147,148,149,150,161,162,163,164,167,168,169,170,171,183,184,185,186,188,189,190,191,192,206,207,209,210,211,212,213,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,357,358,359,360,365,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,487 +2560 - 51,52,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,122,123,124,125,146,147,148,169,170,192,193,214,215,225,226,227,236,237,246,247,248,249,250,251,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,487 +2561 - 84,85,86,87,91,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,203,204,205,206,225,226,227,228,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,319,322,323,324,343,344,345,346,363,364,365,366,367,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,444,445,446,447,448,490 +2562 - 117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,213,214,215,216,224,225,226,227,228,229,230,231,232,237,238,239,246,247,248,249,250,251,252,253,254,255,259,260,261,269,270,271,272,273,274,275,276,277,282,283,297,298,299,304,305,319,320,321,326,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +2563 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,147,148,149,161,162,163,164,165,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,231,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,445,446,447,448,467,468,469,470,494 +2564 - 60,61,62,63,64,70,71,81,82,83,84,85,86,91,92,93,103,104,105,113,114,115,125,126,127,134,135,136,147,148,149,156,157,158,169,170,171,178,179,180,190,191,192,193,200,201,202,212,213,214,222,223,224,234,235,236,244,245,246,247,256,257,258,267,268,269,270,271,278,279,290,291,292,293,294,299,300,301,313,314,315,316,317,318,320,321,322,323,337,338,339,340,341,342,343,344,345,361,362,363,364,365,366,367,386,387,388,407,408,409,429,430,431,451,452,473,474,489 +2565 - 59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,147,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,190,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,362,364,365,366,378,379,380,381,382,386,387,388,399,400,401,402,403,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +2566 - 35,36,48,49,50,51,52,53,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,97,98,99,100,101,115,116,137,138,139,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,235,236,237,238,239,259,260,261,262,263,269,270,282,283,284,285,289,290,291,305,306,307,310,311,312,313,327,328,329,332,333,349,350,351,354,355,370,371,372,373,376,377,378,379,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,490 +2567 - 16,17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,162,163,164,165,183,184,185,186,189,190,191,192,193,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,258,259,260,268,269,270,271,273,274,275,276,280,281,282,290,291,292,294,295,296,297,298,301,302,303,311,312,313,314,316,317,318,323,324,325,333,334,335,336,338,339,340,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +2568 - 36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,105,106,107,108,119,120,121,122,123,124,128,129,130,131,139,140,141,142,143,144,145,150,151,152,153,160,161,162,163,164,165,166,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,203,204,205,206,207,208,215,216,217,218,224,225,226,227,228,229,230,236,237,238,239,240,245,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,279,280,281,282,283,289,290,291,292,293,300,301,302,303,304,305,310,311,312,313,314,320,321,322,323,324,325,326,332,333,334,335,336,341,342,343,344,345,346,347,354,355,356,357,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +2569 - 85,104,105,106,107,108,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,173,182,183,184,185,186,187,188,203,204,205,206,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,301,302,303,322,323,324,325,341,342,343,344,345,346,357,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,490 +2570 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,145,146,160,161,162,167,168,169,182,183,184,189,190,191,192,204,205,210,211,212,213,214,225,226,227,231,232,233,234,235,236,248,249,253,254,255,256,257,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,477,494 +2571 - 101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,170,171,172,181,182,183,184,191,192,193,194,202,203,204,205,213,214,215,224,225,226,227,234,235,236,237,247,248,255,256,257,258,269,270,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,467,468,469,470,471,492 +2572 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,75,95,96,117,118,139,140,161,162,184,185,186,187,188,207,208,209,210,211,230,231,232,233,234,255,256,257,277,278,279,299,300,301,322,323,343,344,345,365,366,367,386,387,388,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,490 +2573 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,149,150,151,152,161,162,163,164,165,166,167,168,171,172,173,174,182,183,184,185,186,187,188,193,194,195,196,203,204,205,206,207,208,214,215,216,217,224,225,226,227,228,229,236,237,238,239,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,293,300,301,302,303,310,311,312,313,314,321,322,323,324,331,332,333,334,335,342,343,344,345,346,353,354,355,356,357,363,364,365,366,367,375,376,377,378,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,485 +2574 - 60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,158,159,160,161,162,180,181,182,183,202,203,204,205,206,224,225,226,227,228,229,246,247,248,249,250,251,252,253,270,271,272,273,274,275,276,293,294,295,296,297,298,299,313,317,318,319,320,321,322,334,335,336,341,342,343,344,345,356,357,358,364,365,366,367,378,379,380,381,382,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,471,472,473,474,475,490 +2575 - 34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,105,106,107,108,109,117,118,119,120,121,122,128,129,130,131,138,139,140,141,142,151,152,153,159,160,161,162,163,164,172,173,174,175,180,181,182,183,184,185,194,195,196,197,201,202,203,204,205,206,216,217,218,219,223,224,225,226,227,238,239,240,241,245,246,247,248,249,259,260,261,262,266,267,268,269,270,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,310,311,312,313,322,323,324,325,326,327,332,333,334,335,343,344,345,346,347,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,485 +2576 - 90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,140,141,142,143,144,145,146,147,167,168,169,170,190,191,192,213,214,215,235,236,237,257,258,259,278,279,280,300,301,302,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,427,428,429,449,450,451,470,471,472,492 +2577 - 101,102,121,122,123,124,125,142,143,144,145,146,147,162,163,164,165,166,168,169,183,184,185,186,189,190,191,204,205,206,207,211,212,213,224,225,226,227,228,232,233,234,245,246,247,248,249,254,255,256,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,489 +2578 - 36,37,57,58,59,79,80,81,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,360,361,362,382,383,384,404,405,406,426,427,428,448,449,486 +2579 - 96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,168,169,170,171,172,173,180,181,182,183,190,191,192,193,194,202,203,204,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +2580 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,148,149,150,151,152,153,158,159,160,161,162,163,168,169,170,171,172,173,174,180,181,182,183,184,185,186,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,297,298,299,300,301,310,311,312,313,314,315,321,322,323,332,333,334,335,336,342,343,344,345,354,355,356,357,358,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,469,470,471,493 +2581 - 76,77,83,84,97,98,99,104,105,106,118,119,120,121,124,125,126,139,140,141,142,145,146,147,148,160,161,162,163,167,168,169,181,182,183,184,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,280,281,282,283,284,285,295,296,297,298,305,306,307,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,424,425,426,446,447,448,489 +2582 - 4,5,6,7,8,9,10,11,12,25,26,27,28,29,30,31,32,33,34,35,36,46,47,48,55,56,57,58,68,79,80,81,101,102,103,124,125,126,146,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,257,258,259,276,277,279,280,281,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,343,344,345,346,347,348,356,357,358,359,363,364,365,366,368,369,370,371,378,379,380,382,383,384,385,386,387,388,391,392,393,400,401,402,403,404,405,406,407,408,414,415,422,423,424,425,426,427,428,487 +2583 - 52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,145,146,147,148,165,166,167,168,169,186,187,188,189,190,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,278,279,280,281,282,291,292,302,303,304,305,324,325,326,327,346,347,348,349,366,367,368,369,370,381,382,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,488 +2584 - 57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,169,170,171,172,183,184,185,186,187,192,193,194,205,206,207,208,209,214,215,216,226,227,228,229,230,231,236,237,238,248,249,252,253,258,259,260,269,270,271,274,275,280,281,282,291,292,293,302,303,313,314,315,324,325,335,336,337,346,357,358,359,367,368,379,380,381,382,389,390,401,402,403,404,405,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +2585 - 59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,128,129,130,131,138,139,140,141,142,143,144,149,150,151,152,158,159,160,161,162,163,164,169,170,171,172,173,180,181,182,183,184,185,189,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,225,226,230,231,232,233,234,235,236,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,333,334,335,336,337,338,354,355,356,357,358,359,376,377,378,379,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,487 +2586 - 32,33,34,35,36,53,54,55,56,57,58,59,75,76,80,81,97,98,103,104,119,120,121,125,126,127,128,141,142,143,144,145,146,147,148,149,164,165,166,167,168,185,186,187,188,207,208,209,210,211,228,229,230,232,233,250,251,252,254,255,256,271,272,273,277,278,279,293,294,299,300,301,315,316,321,322,323,337,338,343,344,345,358,359,360,365,366,367,381,382,387,388,389,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,493 +2587 - 38,39,40,41,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,105,106,107,108,116,117,118,119,120,121,126,127,128,129,138,139,140,141,147,148,149,150,167,168,169,170,171,172,189,190,191,192,193,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,312,313,314,315,316,332,333,334,335,336,353,354,355,356,357,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,487 +2588 - 33,34,35,36,52,53,54,55,56,57,58,74,75,76,77,96,97,118,119,120,140,141,142,162,163,164,184,185,186,206,207,208,211,212,213,214,228,229,230,232,233,234,235,236,250,251,252,253,254,255,257,258,273,274,275,276,279,280,295,296,301,302,323,324,344,345,366,367,386,387,388,389,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +2589 - 64,85,86,104,105,106,107,108,124,125,126,127,128,129,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,191,192,193,202,203,204,205,206,207,208,209,212,213,214,222,223,224,225,226,227,228,234,235,236,243,244,245,246,247,248,255,256,257,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,489 +2590 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +2591 - 38,39,40,60,61,62,63,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +2592 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,144,145,146,167,168,169,189,190,210,211,212,232,233,234,250,252,253,254,255,272,273,274,275,276,277,294,295,296,297,317,318,319,320,340,341,342,343,363,364,365,386,387,388,408,409,410,429,430,431,451,452,453,471,472,473,474,488 +2593 - 56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,125,126,127,128,139,140,146,147,148,149,167,168,169,170,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,300,301,302,311,312,313,314,321,322,323,324,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,465,466,467,488 +2594 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,126,140,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,256,257,258,271,272,273,274,275,278,279,280,293,294,295,296,300,301,302,303,315,316,317,318,322,323,324,325,336,337,338,339,340,343,344,345,346,347,358,359,360,361,362,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,493 +2595 - 52,53,54,61,62,63,74,75,76,82,83,84,94,95,96,97,98,103,104,105,116,117,118,119,124,125,126,137,138,139,140,145,146,147,148,158,159,160,161,167,168,169,180,181,182,183,189,190,191,201,202,203,204,210,211,212,213,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,468,469,470,489 +2596 - 8,9,10,29,30,31,51,52,53,73,74,75,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,206,208,209,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,278,279,280,281,282,283,291,292,293,294,295,296,297,303,304,305,306,314,315,316,317,318,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,491 +2597 - 104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,168,169,170,171,180,181,182,183,190,191,192,203,204,211,212,213,232,233,234,235,254,255,256,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,492 +2598 - 12,13,14,34,35,36,57,58,79,80,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,208,209,210,211,230,231,232,233,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,367,368,369,370,371,372,373,379,380,381,382,487 +2599 - 97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,167,168,169,170,171,181,182,190,191,192,193,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +2600 - 100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,148,149,150,162,163,164,165,168,169,170,171,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,274,275,276,277,278,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,494 +2601 - 93,94,95,96,107,114,115,116,117,118,119,120,121,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,211,212,213,214,215,216,224,225,226,227,233,234,235,236,237,246,247,248,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,450,466,467,468,469,470,471,492 +2602 - 28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,80,81,82,94,102,103,104,123,124,125,144,145,146,164,165,166,167,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,235,236,237,238,258,259,260,281,282,303,304,315,316,325,326,335,336,337,346,347,348,356,357,358,359,367,368,369,377,378,379,380,388,389,390,399,400,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +2603 - 33,34,37,38,39,40,41,42,54,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,105,106,107,108,117,118,119,120,121,122,126,127,128,137,138,139,140,141,142,146,147,148,149,150,159,160,161,162,163,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,313,314,315,316,317,334,335,336,337,338,355,356,357,358,359,377,378,379,380,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,487 +2604 - 60,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,181,182,183,184,203,204,205,206,225,226,227,228,229,230,247,248,249,250,251,252,253,254,271,272,273,274,275,276,277,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +2605 - 35,36,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,150,151,152,159,160,161,162,163,172,173,174,180,181,182,183,184,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,237,238,239,240,244,245,246,247,258,259,260,261,265,266,267,268,269,280,281,282,283,287,288,289,290,301,302,303,304,309,310,311,322,323,324,325,331,332,333,343,344,345,346,347,353,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,446,447,448,485 +2606 - 10,11,12,13,32,33,34,35,36,54,55,56,57,58,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,321,322,323,324,325,336,337,338,339,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,427,428,429,430,431,491 +2607 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,170,171,172,180,181,182,183,184,191,192,193,194,195,202,203,204,205,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +2608 - 6,7,8,9,27,28,29,30,31,32,48,49,50,51,52,53,54,55,70,71,75,76,77,78,98,99,100,121,122,123,143,144,145,166,167,168,188,189,190,211,212,233,234,251,252,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,326,327,336,337,338,342,343,344,345,346,347,348,349,358,359,363,364,365,366,367,368,369,370,380,381,384,385,386,388,389,390,391,402,403,404,405,406,407,425,426,427,428,487 +2609 - 63,64,65,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,168,169,170,171,172,173,174,182,183,184,189,190,191,192,193,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,342,356,357,358,359,363,364,365,377,378,379,380,385,386,387,398,399,400,401,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,493 +2610 - 57,58,59,79,80,81,93,94,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,167,168,169,170,180,181,182,189,190,191,202,203,204,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,412,413,430,431,432,433,434,435,452,453,454,455,456,474,475,476,477,489 +2611 - 39,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,138,139,140,141,142,159,160,161,162,163,180,181,182,183,184,201,202,203,204,205,206,207,208,209,210,211,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,273,274,275,279,280,281,282,302,303,304,323,324,325,326,343,344,345,346,347,348,355,356,357,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,490 +2612 - 56,57,58,78,79,80,81,100,101,102,103,122,123,124,125,140,141,144,145,146,147,161,162,163,164,166,167,168,169,182,183,184,185,186,188,189,190,191,202,203,204,205,206,207,210,211,212,213,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,320,321,322,323,332,333,334,335,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,489 +2613 - 15,16,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,118,119,120,121,122,123,138,139,140,141,142,143,144,159,160,161,162,163,164,181,182,183,184,185,189,190,191,192,193,194,195,202,203,204,205,206,210,211,212,213,214,215,216,217,218,224,225,226,227,231,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,260,261,262,266,267,268,269,273,274,275,276,277,282,283,284,288,289,290,291,294,295,296,297,303,304,305,306,310,311,312,313,316,317,318,319,324,325,326,327,332,333,334,335,336,337,338,339,340,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,491 +2614 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,123,124,125,126,127,128,129,137,138,139,140,144,145,146,147,148,149,150,151,152,158,159,160,164,165,166,167,171,172,173,174,179,180,181,185,186,187,193,194,195,196,201,202,206,207,215,216,217,218,222,223,224,227,228,237,238,239,240,244,245,249,258,259,260,261,266,267,270,271,279,280,281,282,283,288,289,290,293,294,299,300,301,302,303,311,312,313,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,494 +2615 - 55,56,76,77,78,79,84,85,97,98,99,100,105,106,107,108,117,118,119,120,121,126,127,128,129,138,139,140,141,142,147,148,149,150,151,159,160,161,162,163,169,170,171,172,180,181,182,183,184,190,191,192,193,201,202,203,204,205,211,212,213,214,222,223,224,225,226,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,317,318,319,320,321,322,323,324,325,326,327,328,329,338,339,340,341,342,350,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,489 +2616 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,124,125,126,127,138,139,140,145,146,147,148,149,161,162,163,164,166,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,278,279,280,293,294,295,300,301,302,303,314,315,316,317,323,324,325,335,336,337,338,345,346,347,357,358,359,360,366,367,368,369,379,380,381,388,389,390,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +2617 - 51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,296,297,298,299,300,301,302,322,323,324,344,345,346,358,366,367,368,378,379,380,381,387,388,389,390,399,400,401,402,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +2618 - 69,70,71,77,78,79,90,91,92,93,100,101,113,114,115,122,123,124,136,137,144,145,146,158,159,166,167,168,169,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,230,231,232,233,234,235,246,247,248,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,314,315,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,479,489 +2619 - 55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,107,108,116,117,118,119,127,128,129,130,138,139,140,148,149,150,151,160,161,162,169,170,171,172,182,183,184,185,189,190,191,192,193,205,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,338,341,342,343,356,357,358,359,364,365,377,378,379,380,386,387,399,400,401,408,409,421,422,423,424,425,428,429,430,431,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,493 +2620 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,123,124,138,139,140,145,146,147,160,161,168,169,190,191,212,213,234,235,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,320,321,322,323,326,327,334,335,336,337,342,343,344,357,358,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,487 +2621 - 33,34,35,36,38,39,40,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,147,148,149,150,161,168,169,170,171,189,190,191,192,193,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,334,335,336,337,338,339,355,356,357,358,359,365,366,376,377,378,379,380,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,487 +2622 - 56,57,58,59,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,162,163,164,165,167,168,169,184,185,186,189,190,191,206,207,208,210,211,212,213,228,229,230,232,233,234,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,493 +2623 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,105,106,107,116,117,118,127,128,129,138,139,140,148,149,150,151,160,161,162,163,164,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,278,279,280,288,289,290,291,292,293,294,300,301,302,310,311,312,313,322,323,324,331,332,333,344,345,346,352,353,354,355,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,493 +2624 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,122,123,124,125,139,145,146,147,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +2625 - 54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,127,128,129,130,148,149,150,151,169,170,171,172,173,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,301,302,303,322,323,324,325,344,345,346,356,364,365,366,367,368,376,377,378,385,386,387,388,389,397,398,399,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,463,464,465,466,467,468,469,470,488 +2626 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,117,118,119,139,140,141,161,162,163,164,183,184,185,186,187,205,206,207,208,209,210,211,228,229,230,231,232,233,234,254,255,256,257,277,278,279,300,301,322,323,324,344,345,346,366,367,368,381,382,388,389,390,403,404,405,410,411,412,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +2627 - 57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,126,127,128,129,130,137,138,139,140,147,148,149,150,151,159,160,161,167,168,169,170,171,172,181,182,183,184,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,333,334,335,336,337,340,341,342,355,356,357,358,363,364,376,377,378,379,385,386,387,398,399,400,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,493 +2628 - 89,90,91,92,111,112,113,114,115,134,135,136,137,138,139,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,235,236,237,257,258,259,278,279,280,281,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,407,408,409,410,429,430,431,451,452,453,472,473,474,475,492 +2629 - 100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,191,192,193,194,195,204,205,206,207,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +2630 - 71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,122,123,124,125,126,133,134,135,136,155,156,157,166,167,168,169,170,177,178,179,180,187,188,189,190,191,192,193,200,201,202,203,204,206,207,208,209,210,211,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,299,300,301,302,303,304,313,314,324,325,326,327,335,336,337,348,349,350,357,358,359,360,370,371,372,380,381,382,383,384,385,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,428,429,430,431,432,433,434,435,436,437,452,453,454,455,456,457,458,493 +2631 - 54,55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,278,279,280,281,289,290,291,292,301,302,303,323,324,325,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,398,399,400,401,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,490 +2632 - 54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +2633 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,126,127,128,129,137,138,139,140,141,149,150,151,160,161,162,163,164,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,275,276,277,278,279,280,281,282,289,290,291,292,293,302,303,304,311,312,313,314,323,324,325,326,332,333,334,335,344,345,346,347,348,353,354,355,356,364,365,366,367,368,369,375,376,377,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,493 +2634 - 56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,451,471,472,473,486 +2635 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,149,150,151,159,160,161,162,163,166,171,172,173,180,181,182,183,184,193,194,195,201,202,203,204,205,215,216,217,223,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,266,267,268,269,270,279,280,281,282,288,289,290,291,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,343,344,345,346,354,355,356,357,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +2636 - 7,8,9,28,29,30,31,50,51,52,53,71,72,73,74,75,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,184,189,190,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,280,281,282,283,293,294,295,296,297,298,303,304,305,306,315,316,317,318,319,320,326,327,328,338,339,340,341,348,349,350,361,362,363,364,365,366,367,368,369,370,371,372,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,491 +2637 - 107,108,109,118,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,204,205,206,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,301,302,303,323,324,325,332,333,344,345,346,347,354,355,356,357,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,490 +2638 - 81,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,203,204,205,206,225,226,227,228,229,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,323,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,490 +2639 - 60,61,62,80,81,82,83,84,101,102,103,104,105,121,122,123,124,125,142,143,144,145,146,162,163,164,165,166,167,168,169,182,183,184,185,186,187,189,190,191,203,204,205,206,207,210,211,212,213,224,225,226,227,228,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,306,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,470,471,489 +2640 - 9,10,11,12,30,31,32,33,34,51,52,53,54,72,73,74,75,93,94,95,96,114,115,116,117,135,136,137,138,157,158,159,179,180,181,192,193,194,195,196,200,201,202,213,214,215,216,217,218,222,223,224,234,235,236,237,239,240,241,244,245,246,255,256,257,258,261,262,263,266,267,268,269,277,278,279,283,284,285,289,290,291,298,299,300,305,306,307,311,312,313,314,315,320,321,322,327,328,329,334,335,336,337,338,339,342,343,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,413,491 +2641 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,169,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,237,247,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +2642 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +2643 - 59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,400,401,402,403,404,422,423,424,425,426,445,446,447,448,467,468,469,486 +2644 - 38,39,60,61,62,72,73,74,82,83,84,94,95,96,104,105,106,115,116,117,126,127,128,137,138,139,148,149,159,160,169,170,171,181,182,191,192,193,202,203,204,212,213,214,215,224,225,232,233,234,235,236,237,246,247,253,254,255,256,257,258,259,267,268,269,273,274,275,276,277,279,280,289,290,291,293,294,295,296,297,301,302,311,312,313,314,315,316,317,323,324,325,333,334,335,336,337,345,346,347,355,356,357,367,368,369,389,390,391,411,412,413,434,435,456,457,458,489 +2645 - 50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,121,122,123,124,125,126,135,136,137,145,146,147,148,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,279,280,281,282,283,288,289,290,291,292,293,294,295,303,304,305,306,310,311,312,313,314,325,326,327,328,346,347,348,349,350,367,368,369,370,371,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,488 +2646 - 96,97,98,99,100,105,106,117,118,119,120,121,126,127,128,129,137,138,139,140,147,148,149,150,158,159,160,161,169,170,171,172,180,181,182,191,192,193,194,201,202,203,212,213,214,215,222,223,224,234,235,236,244,245,246,254,255,256,257,266,267,268,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,299,300,312,313,314,315,316,317,321,322,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +2647 - 60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,229,230,231,232,233,251,252,253,254,271,272,273,274,275,293,294,295,296,297,314,315,316,317,318,336,337,338,339,357,358,359,360,361,379,380,381,382,383,401,402,403,404,423,424,425,426,427,445,446,447,448,468,469,470,486 +2648 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,102,103,104,116,117,124,125,126,138,139,145,146,147,148,160,161,162,163,167,168,169,183,184,185,186,187,188,189,190,207,208,209,210,211,230,231,232,233,252,253,254,255,256,257,273,274,275,278,279,280,295,296,297,300,301,302,316,317,318,323,324,325,338,339,346,347,360,361,368,369,382,383,389,390,391,404,405,410,411,412,426,427,431,432,433,434,448,449,450,451,452,453,454,471,472,473,474,475,493 +2649 - 92,93,94,95,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,191,192,193,194,195,201,202,203,212,213,214,215,216,223,224,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,451,467,468,469,470,471,472,492 +2650 - 92,93,94,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,191,193,194,195,200,201,202,203,222,223,224,225,243,244,245,246,247,248,249,250,251,252,253,254,255,256,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,300,301,302,303,310,311,312,323,324,325,326,346,347,348,368,369,370,371,390,391,392,393,413,414,415,434,435,436,437,456,457,458,459,477,478,479,480,481,490 +2651 - 72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,116,117,118,121,122,123,124,125,126,138,139,140,141,146,147,148,149,162,163,164,165,169,170,171,185,186,187,188,189,192,193,194,195,208,209,210,211,212,213,214,215,216,217,232,233,234,235,236,237,238,239,255,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,339,340,341,342,343,344,359,360,361,362,363,364,376,377,379,380,381,382,383,384,385,396,397,398,399,400,401,402,403,404,405,418,419,420,421,422,423,424,425,440,441,442,443,444,445,494 +2652 - 31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,78,79,80,94,95,96,101,102,115,116,117,118,122,123,124,137,138,139,144,145,146,147,159,160,161,166,167,168,169,170,180,181,182,191,192,193,202,203,204,214,215,216,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,304,305,312,313,314,326,327,335,336,337,347,348,349,357,358,359,369,370,371,380,381,382,390,391,392,402,403,404,405,406,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,485 +2653 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,149,150,151,152,160,161,162,163,164,165,166,172,173,174,181,182,183,184,185,186,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,228,237,238,239,244,245,246,247,248,258,259,260,261,266,267,268,269,270,279,280,281,282,283,287,288,289,290,291,299,300,301,302,303,304,309,310,311,312,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,485 +2654 - 81,82,83,103,104,105,119,120,121,124,125,126,127,141,142,143,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,190,191,192,205,206,207,208,211,212,213,214,226,227,228,229,230,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,489 +2655 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,100,101,102,103,104,105,106,115,116,117,118,125,126,127,128,129,137,138,139,148,149,150,151,159,160,161,170,171,172,173,182,183,184,192,193,194,195,204,205,206,207,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,360,361,362,363,364,365,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,494 +2656 - 26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,89,90,98,99,100,101,111,112,121,122,123,133,143,144,145,165,166,167,169,170,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,217,230,231,235,236,237,238,239,260,261,262,283,284,305,306,327,328,348,349,350,356,357,358,369,370,371,378,379,380,381,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,488 +2657 - 37,38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +2658 - 53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,122,123,124,126,140,141,142,144,145,146,147,148,162,163,164,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,297,298,299,315,316,317,319,320,321,337,338,339,342,343,359,360,361,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,427,428,429,430,431,449,450,451,452,472,473,493 +2659 - 97,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +2660 - 97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,152,153,159,160,173,174,175,181,182,183,184,193,194,195,196,197,203,204,205,206,207,213,214,215,216,217,227,228,229,230,233,234,235,236,237,250,251,252,253,254,255,256,257,258,273,274,275,276,277,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,340,341,342,356,357,362,363,364,377,378,379,385,386,399,400,407,408,421,422,428,429,430,443,444,448,449,450,451,466,467,468,469,470,471,472,493 +2661 - 53,54,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,140,141,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,299,300,301,302,312,313,321,322,323,324,342,343,344,345,363,364,365,366,367,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,488 +2662 - 11,12,13,14,32,33,34,35,36,53,54,55,56,74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,147,159,160,161,162,163,166,167,168,169,170,181,182,183,184,190,191,192,203,204,205,206,212,213,214,215,225,226,227,228,235,236,237,247,248,249,257,258,259,260,269,270,271,279,280,281,282,291,292,293,302,303,304,313,314,315,316,324,325,326,335,336,337,338,346,347,348,357,358,359,360,361,362,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,485 +2663 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,123,124,125,126,127,128,129,137,138,139,140,145,146,147,148,149,150,151,159,160,161,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,227,228,229,230,231,232,233,234,235,236,238,239,240,247,248,249,250,251,252,253,254,260,261,262,267,268,269,270,271,272,273,274,282,283,284,289,290,291,292,304,305,306,310,311,312,325,326,327,328,332,333,334,346,347,348,349,350,354,355,367,368,369,370,376,377,378,379,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,493 +2664 - 33,34,54,55,56,57,76,77,78,98,99,100,121,122,123,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,340,341,342,362,363,364,384,385,386,406,407,408,429,430,431,451,452,453,486 +2665 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,164,172,173,174,180,181,182,183,184,185,193,194,195,202,203,204,205,215,216,217,223,224,225,226,236,237,238,239,244,245,246,247,258,259,260,266,267,268,279,280,281,282,287,288,289,290,300,301,302,303,309,310,311,321,322,323,324,331,332,333,342,343,344,345,353,354,355,356,357,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,485 +2666 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,123,124,125,126,140,141,142,146,147,148,149,161,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,214,215,226,227,228,236,237,238,248,249,250,258,259,260,269,270,271,279,280,281,291,292,293,301,302,303,313,314,315,322,323,324,325,335,336,337,344,345,346,357,358,359,365,366,367,379,380,381,386,387,388,389,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +2667 - 59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,148,149,150,151,160,161,162,168,169,170,171,172,188,189,190,191,192,193,209,210,211,212,213,214,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,322,323,324,343,344,345,364,365,366,367,374,375,376,377,384,385,386,387,388,389,396,397,398,399,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,465,466,467,488 +2668 - 96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,190,191,192,193,199,200,201,202,212,213,214,215,221,222,223,224,234,235,236,237,244,245,246,256,257,258,259,266,267,268,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,431,432,433,434,435,453,454,455,456,457,476,477,478,479,492 +2669 - 97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,169,170,171,172,173,181,182,183,184,191,192,193,202,203,204,205,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +2670 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,169,170,171,172,173,174,178,179,180,181,182,183,194,195,196,200,201,202,203,204,216,217,218,219,222,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,345,346,347,348,349,354,355,356,357,358,366,367,368,369,370,377,378,379,380,381,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +2671 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +2672 - 7,8,9,10,11,28,29,30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,96,97,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,387,388,389,390,391,392,393,401,402,403,410,411,412,413,414,415,434,435,487 +2673 - 13,14,15,16,17,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,210,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,260,261,262,266,267,268,269,273,274,275,276,277,282,283,284,288,289,290,291,294,295,296,297,303,304,305,306,310,311,312,313,315,316,317,318,319,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,491 +2674 - 75,76,77,78,79,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,168,169,170,171,172,179,180,181,182,192,193,194,201,202,203,204,205,206,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +2675 - 57,58,59,60,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,126,127,142,143,144,145,147,148,149,163,164,165,166,169,170,171,183,184,185,186,187,188,190,191,192,193,203,204,205,206,207,208,211,212,213,214,223,224,225,226,227,228,229,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,471,472,473,489 +2676 - 92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,166,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,272,273,277,278,279,281,282,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,339,340,341,342,343,344,345,346,347,362,363,364,365,384,385,386,387,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +2677 - 77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,146,147,148,149,156,157,158,159,160,161,167,168,169,170,179,180,181,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,303,304,305,313,314,325,326,327,347,348,349,367,368,369,370,371,387,388,389,390,391,392,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +2678 - 81,82,83,102,103,104,122,123,124,125,126,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,210,211,212,231,232,233,253,254,255,275,276,277,296,297,298,318,319,320,340,341,342,361,362,363,383,384,385,405,406,407,427,428,449,450,471,472,492 +2679 - 60,61,62,63,64,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,168,169,170,171,172,173,180,181,182,183,184,185,189,190,191,192,193,201,202,203,204,205,206,210,211,212,213,214,223,224,225,226,227,231,232,233,234,235,245,246,247,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,377,378,379,380,388,399,400,401,402,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,487 +2680 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,404,405,406,426,427,428,448,449,486 +2681 - 38,39,59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +2682 - 8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,78,79,80,81,93,94,101,102,103,124,125,126,146,147,148,168,169,170,191,192,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,278,279,280,281,282,288,289,290,299,300,301,302,303,304,305,309,310,311,321,322,323,325,326,327,331,332,333,342,343,344,347,348,349,353,354,363,364,365,366,370,371,375,376,377,381,382,383,384,385,386,387,392,393,394,397,398,399,400,401,402,403,404,405,406,407,408,414,415,416,420,421,422,423,424,425,426,427,428,487 +2683 - 54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,128,129,130,131,138,139,140,149,150,151,152,153,160,161,162,163,164,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,270,271,272,273,274,277,278,279,280,291,292,293,294,295,300,301,302,313,314,315,316,321,322,323,334,335,336,337,343,344,345,355,356,357,358,364,365,366,367,377,378,379,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,493 +2684 - 118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,196,197,201,202,203,204,205,206,207,208,222,223,224,227,228,229,230,231,250,251,252,253,254,273,274,275,276,277,297,298,299,300,320,321,322,342,343,344,363,364,365,366,376,384,385,386,387,398,399,400,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,490 +2685 - 15,16,17,18,36,37,38,39,40,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,190,191,192,193,194,195,196,203,204,205,206,207,211,212,213,214,215,216,217,218,224,225,226,227,228,231,232,233,234,235,236,237,238,239,240,246,247,248,249,252,253,254,255,256,257,260,261,262,267,268,269,270,274,275,276,277,282,283,284,289,290,291,295,296,297,298,303,304,305,306,311,312,313,316,317,318,319,324,325,326,327,333,334,335,338,339,340,345,346,347,348,355,356,357,359,360,361,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,491 +2686 - 33,34,35,55,56,57,58,76,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,141,142,144,145,146,162,163,164,167,168,169,184,185,186,189,190,191,206,207,208,211,212,228,229,233,234,249,250,251,255,256,271,272,273,277,278,293,294,295,299,300,315,316,320,321,322,337,338,341,342,343,358,359,360,363,364,365,380,381,382,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,485 +2687 - 59,79,80,81,100,101,102,103,121,122,123,124,125,127,128,142,143,144,145,147,148,149,150,162,163,164,165,166,169,170,171,183,184,185,186,187,190,191,192,193,203,204,205,206,207,208,211,212,213,214,224,225,226,227,228,233,234,235,244,245,246,247,248,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,489 +2688 - 73,74,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,385,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +2689 - 53,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,128,129,139,140,141,160,161,162,163,181,182,183,184,201,202,203,204,205,211,212,213,223,224,225,226,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,303,304,305,306,324,325,326,327,344,345,346,347,348,364,365,366,367,368,369,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,466,467,468,469,490 +2690 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,146,147,148,149,150,158,159,160,161,162,163,164,165,168,169,170,171,172,173,180,181,182,183,184,185,186,187,190,191,192,193,194,195,203,204,205,206,212,213,214,215,216,217,225,226,227,234,235,236,237,238,239,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,304,312,313,314,315,321,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,360,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,485 +2691 - 33,34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,106,107,108,118,119,120,121,122,123,128,129,130,140,141,142,143,150,151,152,161,162,163,164,172,173,174,182,183,184,185,194,195,196,203,204,205,206,207,216,217,218,224,225,226,227,228,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,280,281,282,283,288,289,290,291,301,302,303,304,309,310,311,312,323,324,325,331,332,333,334,344,345,346,347,353,354,355,364,365,366,367,368,376,377,378,379,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,485 +2692 - 13,14,15,34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,97,98,99,119,120,121,141,142,163,164,184,185,186,206,207,208,209,228,229,230,231,250,251,252,253,254,272,273,274,275,276,277,295,296,297,298,299,316,318,319,320,321,337,338,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,490 +2693 - 61,62,63,64,82,83,84,85,86,103,104,105,106,107,124,125,126,127,128,146,147,148,149,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,466,467,468,486 +2694 - 50,51,58,59,60,61,62,63,64,65,70,71,72,73,74,75,76,78,79,80,81,82,83,84,85,86,87,92,93,94,95,96,97,99,100,101,102,106,107,109,114,115,121,122,123,136,137,138,143,144,158,159,160,161,162,165,181,182,183,184,185,186,205,206,207,208,209,210,230,231,232,233,234,253,254,255,256,257,277,278,279,300,301,322,323,335,336,344,345,356,357,358,365,366,367,378,379,386,387,388,389,400,401,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,490 +2695 - 83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,181,182,183,184,185,186,187,202,203,204,205,206,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,322,323,324,325,343,344,345,346,363,364,365,366,367,377,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,490 +2696 - 72,73,74,75,93,94,95,96,97,98,114,115,116,117,118,119,120,121,135,136,137,138,139,140,141,142,143,144,157,158,159,160,161,164,165,166,167,179,180,181,182,187,188,189,190,201,202,203,204,209,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,362,363,366,367,368,369,389,390,391,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,494 +2697 - 85,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,182,183,184,185,203,204,205,206,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,278,279,280,281,300,301,302,303,320,321,322,323,324,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,420,421,422,423,424,490 +2698 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,122,123,144,145,165,166,167,187,188,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,256,257,258,279,280,301,302,323,324,344,345,346,365,366,367,387,388,408,409,410,429,430,431,449,450,451,452,468,469,470,471,472,473,488 +2699 - 17,18,19,38,39,40,58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,166,181,182,183,184,185,186,191,192,193,202,203,204,205,206,207,211,212,213,214,215,216,217,223,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,272,273,274,275,276,281,282,283,284,287,288,289,290,293,294,295,296,297,303,304,305,309,310,311,312,315,316,317,324,325,326,327,331,332,333,334,337,338,339,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,491 +2700 - 66,67,68,69,73,74,75,76,77,78,79,80,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,143,144,145,146,164,165,166,167,185,186,187,188,207,208,209,229,230,231,251,252,253,254,255,275,276,277,278,279,298,299,300,301,302,303,323,324,325,326,327,347,348,349,370,371,392,393,413,414,415,424,425,426,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,469,470,471,472,473,474,475,476,477,478,479,488 +2701 - 106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,201,202,203,204,222,223,224,225,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,301,302,303,304,305,322,323,324,325,326,342,343,344,345,346,347,358,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,422,423,424,425,426,490 +2702 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,144,145,146,158,159,160,167,168,180,181,182,188,189,190,202,203,209,210,211,228,229,230,231,232,233,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,321,322,323,324,344,345,346,347,367,368,369,370,390,391,392,413,414,415,435,436,437,457,458,478,479,480,488 +2703 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,99,102,103,104,105,116,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,143,144,148,149,150,160,161,162,163,164,165,171,172,173,181,182,183,184,185,193,194,195,202,203,204,205,206,216,217,224,225,226,227,228,238,239,240,245,246,247,248,250,260,261,262,267,268,269,282,283,284,289,290,291,303,304,305,306,311,312,313,324,325,326,327,333,334,335,345,346,347,348,349,355,356,357,365,366,367,368,369,370,377,378,379,380,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +2704 - 56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,430,449,450,451,452,471,472,473,486 +2705 - 32,33,34,54,55,56,76,77,78,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,449,450,451,486 +2706 - 53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +2707 - 3,4,5,6,7,8,9,25,26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,99,100,101,102,103,104,124,125,126,127,147,148,149,150,170,171,172,193,194,215,216,237,238,248,249,250,259,260,269,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,342,343,344,345,346,347,357,358,359,364,365,366,367,368,369,370,379,380,381,382,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,412,413,414,415,424,425,426,427,428,429,430,435,436,437,487 +2708 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,205,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,494 +2709 - 4,5,6,26,27,28,29,30,31,32,49,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,100,101,102,123,124,125,145,146,147,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,256,257,258,259,260,271,272,280,281,282,303,304,305,325,326,327,347,348,349,357,358,368,369,370,371,378,379,380,381,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,488 +2710 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,84,94,95,96,97,98,104,105,106,116,117,118,125,126,127,138,139,140,141,146,147,148,149,161,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,230,231,232,233,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,320,321,322,323,338,339,340,343,344,345,360,361,362,365,366,367,381,382,383,384,387,388,389,403,404,405,406,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,493 +2711 - 14,15,35,36,37,58,59,79,80,81,101,102,103,123,124,125,139,145,146,159,160,161,167,168,181,182,183,188,189,190,203,204,205,211,212,225,226,227,233,234,247,248,255,256,269,270,271,272,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,364,365,386,387,408,409,429,430,431,489 +2712 - 57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,117,118,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,148,149,150,151,152,153,161,162,163,164,165,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,319,320,321,333,334,335,336,337,341,342,343,355,356,357,358,359,362,363,364,365,377,378,379,380,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,493 +2713 - 55,56,57,58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,108,109,115,116,117,118,119,120,121,122,137,138,139,159,160,161,180,181,182,183,184,185,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,251,252,253,254,255,256,276,277,278,279,299,300,301,302,322,323,324,325,345,346,347,368,369,390,391,392,400,401,402,403,404,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,477,478,490 +2714 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,144,145,146,147,148,149,160,161,162,182,183,184,204,205,206,226,227,228,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,318,319,320,321,322,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +2715 - 9,10,11,31,32,52,53,54,74,75,95,96,97,117,118,119,139,140,161,162,182,183,184,189,190,204,205,206,209,210,211,212,213,214,226,227,228,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,279,280,281,282,293,294,295,296,297,302,303,304,315,316,317,318,319,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,491 +2716 - 29,50,51,52,53,54,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,187,188,189,190,191,192,193,194,200,201,202,203,204,210,211,212,213,214,215,216,217,222,223,224,225,226,233,234,235,236,237,238,239,244,245,246,247,248,256,257,258,259,260,261,262,266,267,268,269,270,271,278,279,280,281,282,283,284,288,289,290,291,292,293,294,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,485 +2717 - 90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,166,167,168,189,190,211,212,232,233,234,255,256,277,278,299,300,321,322,342,343,344,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,455,474,475,476,477,492 +2718 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,116,117,118,123,124,125,126,137,138,139,146,147,148,159,160,167,168,169,170,181,182,189,190,191,192,204,210,211,212,213,214,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,457,487 +2719 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,125,126,127,131,137,138,139,149,152,153,159,160,161,171,172,173,174,181,182,183,192,193,194,195,203,204,205,212,213,214,215,216,226,227,233,234,235,236,237,248,249,250,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,365,381,382,385,386,387,388,403,404,409,410,411,425,426,427,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,477,493 +2720 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,71,72,73,74,75,76,80,81,94,95,96,102,103,124,125,145,146,147,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,229,232,233,234,235,256,257,258,278,279,280,301,302,303,323,324,325,345,346,347,367,368,369,389,390,399,400,401,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,488 +2721 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,169,170,171,181,182,183,191,192,202,203,204,205,224,225,226,245,246,247,248,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,339,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +2722 - 33,34,55,56,77,78,99,100,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +2723 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,105,106,107,116,117,118,119,120,121,122,123,128,129,138,139,140,141,142,150,151,152,158,159,160,161,162,163,172,173,174,180,181,182,183,184,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,260,261,262,267,268,269,281,282,283,284,289,290,291,303,304,305,311,312,313,324,325,326,327,333,334,335,336,346,347,348,349,355,356,357,358,359,360,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,485 +2724 - 113,114,115,116,117,118,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,210,211,212,213,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,492 +2725 - 34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,450,451,452,486 +2726 - 28,29,30,49,50,51,52,71,72,73,74,93,94,95,114,115,116,117,135,136,137,138,150,151,152,157,158,159,171,172,173,174,178,179,180,181,191,192,193,194,195,200,201,202,203,211,212,213,214,215,216,217,222,223,224,225,233,234,235,236,237,238,244,245,246,247,253,254,255,256,257,258,259,260,266,267,268,269,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,301,302,303,304,311,312,313,314,315,316,317,318,319,323,324,325,326,334,335,336,337,338,339,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,415,434,435,436,437,456,457,458,459,489 +2727 - 28,29,30,31,32,49,50,51,52,53,54,55,71,72,74,75,76,77,78,79,93,94,98,99,100,101,102,103,115,122,123,124,125,145,146,147,148,169,170,171,191,192,193,213,214,215,227,228,229,236,237,248,249,250,251,252,257,258,259,269,270,271,272,273,274,278,279,280,292,293,295,296,297,299,300,301,302,313,314,315,318,319,320,321,322,323,335,336,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,410,411,412,413,424,425,433,434,435,436,456,457,458,487 +2728 - 16,17,18,19,37,38,39,40,55,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,118,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,248,249,250,254,255,256,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +2729 - 25,26,27,28,29,47,48,49,50,51,52,53,70,71,72,73,74,75,76,77,78,95,96,97,98,99,100,101,102,122,123,124,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,235,236,237,238,248,249,250,251,252,253,254,258,259,260,271,272,273,274,275,281,282,283,294,303,304,305,325,326,327,347,348,349,369,370,371,379,391,392,393,400,401,402,403,412,413,414,415,422,423,424,425,426,431,432,433,434,435,436,437,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,488 +2730 - 50,51,52,53,71,72,73,74,75,76,93,94,95,96,97,98,99,115,116,119,120,121,122,123,136,137,138,143,144,145,146,147,148,149,158,159,160,168,169,170,171,172,173,180,181,182,183,184,192,193,194,203,204,205,206,213,214,215,226,234,235,236,237,256,257,258,277,278,279,298,299,300,301,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,347,361,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +2731 - 13,14,35,36,57,58,79,80,81,101,102,103,123,124,125,138,145,146,159,160,161,166,167,168,181,182,183,188,189,190,203,204,205,206,210,211,212,225,226,227,232,233,234,247,248,254,255,256,268,269,270,271,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,363,364,365,385,386,387,407,408,428,429,430,489 +2732 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,171,172,173,174,184,185,186,187,188,193,194,195,196,204,205,206,207,208,215,216,217,218,225,226,227,228,229,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,325,332,333,334,335,342,343,344,345,354,355,356,363,364,365,366,367,375,376,377,378,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,485 +2733 - 60,61,62,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,159,160,161,162,163,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,296,297,298,299,300,301,302,320,321,322,323,324,325,344,345,346,347,348,368,369,370,371,376,377,391,392,393,398,399,400,413,414,415,420,421,422,423,424,434,435,436,437,438,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,466,467,468,469,470,471,472,473,474,475,476,477,478,479,490 +2734 - 34,35,36,56,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,447,448,449,486 +2735 - 9,10,11,12,31,32,33,52,53,54,74,75,76,95,96,97,117,118,119,139,140,141,160,161,162,182,183,184,204,205,206,214,215,216,226,227,228,233,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,261,270,271,272,276,277,278,279,281,282,283,292,293,294,297,298,299,300,303,304,305,314,315,316,317,318,319,320,321,325,326,327,337,338,339,340,341,342,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,491 +2736 - 30,31,32,33,52,53,54,55,56,74,75,76,77,78,79,96,97,99,100,118,119,139,140,141,161,162,163,183,184,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,256,257,258,259,270,271,272,279,280,281,301,302,303,323,324,325,344,345,346,366,367,368,387,388,389,404,405,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,490 +2737 - 93,94,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,181,190,191,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,472,473,474,492 +2738 - 79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,162,163,164,165,166,168,169,170,183,184,185,186,189,190,191,192,193,204,205,206,207,210,211,212,213,214,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +2739 - 98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,147,148,149,150,151,152,159,160,161,162,163,172,173,174,181,182,183,202,203,204,223,224,225,233,234,245,246,247,254,255,256,267,268,269,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,342,343,344,364,365,366,386,387,408,409,410,430,431,452,453,474,475,494 +2740 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,80,81,82,83,92,93,94,95,96,103,104,105,114,115,125,126,127,146,147,148,149,168,169,170,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,357,358,359,360,379,380,381,400,401,402,403,411,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,487 +2741 - 35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,124,125,126,127,128,135,136,137,138,139,140,146,147,148,149,150,156,157,158,159,160,161,168,169,171,172,173,178,179,180,181,190,191,193,194,195,196,199,200,201,202,216,217,218,221,222,223,224,239,240,243,244,245,261,262,265,266,267,283,284,287,288,289,304,305,306,309,310,311,325,326,327,328,331,332,333,346,347,348,349,350,353,354,355,356,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,485 +2742 - 108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,129,130,131,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,164,165,167,168,169,170,171,172,173,174,178,179,180,192,193,194,195,200,201,202,214,215,216,217,222,223,224,225,235,236,237,238,244,245,246,247,256,257,258,259,267,268,269,270,278,279,280,281,290,291,292,299,300,301,302,312,313,314,321,322,323,324,336,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,477,478,492 +2743 - 33,34,35,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,452,453,454,486 +2744 - 37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,141,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,209,227,228,229,230,249,250,251,271,272,273,293,294,295,315,316,317,318,319,320,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,450,451,452,453,454,491 +2745 - 4,5,6,7,8,9,10,26,27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,79,80,81,82,83,103,104,105,106,126,127,128,149,150,151,171,172,173,192,193,194,195,214,215,216,226,235,236,237,238,246,247,248,249,250,251,257,258,259,260,267,268,269,270,271,272,273,274,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,316,317,318,319,320,321,322,323,324,333,334,335,339,340,341,342,343,344,345,354,355,356,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,409,410,411,422,423,424,425,432,433,434,487 +2746 - 34,35,36,55,56,57,77,78,79,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,425,426,427,428,447,448,449,450,486 +2747 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,102,103,104,105,126,127,128,148,149,150,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,252,253,254,255,256,257,258,259,274,275,276,279,280,281,302,303,304,324,325,326,331,346,347,348,353,354,355,368,369,370,375,376,377,378,389,390,391,392,397,398,399,400,401,402,403,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +2748 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,98,99,100,101,102,103,104,105,112,113,114,115,121,122,125,126,127,128,133,134,135,136,148,149,150,151,155,156,157,171,172,173,177,178,179,193,194,195,199,200,216,217,218,221,222,238,239,240,243,244,260,261,262,265,266,267,283,284,287,288,289,305,306,310,311,327,328,332,333,334,348,349,350,355,356,357,370,371,372,377,378,379,380,381,382,383,384,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,485 +2749 - 15,16,17,37,38,39,58,59,60,61,80,81,82,102,103,104,124,125,126,145,146,147,158,159,160,167,168,169,180,181,182,188,189,190,191,202,203,204,210,211,212,224,225,226,232,233,234,246,247,248,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,334,335,336,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,489 +2750 - 25,26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,93,94,98,99,100,101,102,103,104,123,124,125,126,146,147,148,167,168,169,170,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,322,323,324,343,344,345,346,365,366,367,368,377,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +2751 - 121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,191,192,193,198,199,200,201,202,213,214,215,220,221,235,236,237,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,366,367,368,388,389,390,409,410,411,412,431,432,433,453,454,455,474,475,476,492 +2752 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,238,254,255,256,257,258,259,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,357,358,359,360,361,362,379,380,381,382,401,402,403,404,405,424,425,426,427,428,429,446,447,448,449,450,451,452,453,469,470,471,472,473,474,475,476,487 +2753 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,122,124,125,126,127,136,137,138,139,148,149,157,158,159,170,171,179,180,192,193,194,201,202,215,216,217,222,223,224,236,237,238,239,244,245,246,247,257,258,259,260,267,268,269,270,271,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,324,325,326,337,338,339,340,341,346,347,368,369,390,391,412,413,433,434,435,455,456,457,477,478,479,494 +2754 - 101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,161,162,163,164,167,168,169,188,189,190,191,210,211,212,232,233,234,253,254,255,270,271,272,273,274,275,276,277,280,281,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,472,492 +2755 - 17,18,19,39,40,60,61,62,82,83,104,105,125,126,127,136,137,147,148,157,158,159,168,169,170,179,180,181,190,191,192,200,201,202,212,213,222,223,224,234,235,244,245,246,256,257,266,267,268,277,278,279,288,289,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,386,387,388,408,409,489 +2756 - 37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,160,161,162,163,164,182,183,184,185,204,205,206,207,208,227,228,229,230,231,251,252,253,254,274,275,276,277,297,298,299,300,320,321,322,342,343,344,345,365,366,367,380,381,382,383,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +2757 - 123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,204,205,206,207,208,209,213,214,215,220,221,222,223,224,225,226,227,235,236,237,242,243,244,245,257,258,259,266,267,278,279,280,281,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,456,475,476,477,478,492 +2758 - 8,9,29,30,31,50,51,52,53,72,73,74,75,94,95,96,116,117,118,138,139,140,149,150,151,159,160,161,162,169,170,171,172,173,174,181,182,183,184,190,191,192,193,194,195,196,202,203,204,205,206,211,212,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,253,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,312,313,314,315,318,319,320,321,322,323,324,325,334,335,336,337,340,341,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,428,429,430,491 +2759 - 11,12,13,33,34,35,55,56,76,77,78,98,99,100,119,120,121,141,142,143,163,164,165,184,185,186,206,207,208,228,229,250,251,255,256,257,271,272,273,276,277,278,279,293,294,295,297,298,299,300,301,302,315,316,318,319,320,321,323,324,337,338,340,341,344,345,346,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +2760 - 52,53,54,74,75,76,77,80,81,96,97,98,99,102,103,104,119,120,121,124,125,126,141,142,143,146,147,148,162,163,164,168,169,170,184,185,186,190,191,192,205,206,207,212,213,214,227,228,229,234,235,236,248,249,250,256,257,258,259,260,261,262,263,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,343,344,345,355,356,357,358,365,366,377,378,379,387,388,409,410,431,432,453,454,475,489 +2761 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,101,102,103,123,124,125,145,146,147,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,229,230,233,234,235,236,249,250,257,258,259,280,281,302,303,304,323,324,325,326,344,345,346,347,365,366,367,368,369,377,378,386,387,388,389,390,399,400,401,402,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +2762 - 8,9,10,11,29,30,31,51,52,72,73,94,95,116,117,138,139,160,161,168,169,170,171,181,182,183,189,190,191,192,193,194,203,204,205,210,211,212,215,216,217,225,226,227,232,233,238,239,248,249,253,254,260,261,270,271,275,276,282,283,292,293,297,298,304,305,314,315,316,319,320,326,327,337,338,341,342,347,348,359,360,361,363,364,368,369,370,381,382,383,385,386,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,491 +2763 - 38,39,59,60,61,81,82,102,103,104,124,125,139,145,146,147,160,161,162,167,168,169,182,183,184,188,189,190,204,205,206,210,211,212,225,226,227,232,233,234,247,248,249,254,255,268,269,270,275,276,277,290,291,292,293,294,295,296,297,298,299,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,363,364,384,385,386,406,407,408,428,429,430,450,451,489 +2764 - 51,52,53,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,121,122,123,124,125,126,127,136,137,138,139,146,147,148,149,150,158,159,160,170,171,172,173,179,180,181,182,193,194,195,196,201,202,203,216,217,218,223,224,239,240,241,245,246,261,262,263,266,267,268,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,348,349,350,354,355,369,370,371,372,376,377,390,391,392,393,398,399,411,412,413,414,420,421,422,431,432,433,434,435,442,443,444,452,453,454,455,456,464,465,466,474,475,476,477,485 +2765 - 52,53,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,127,128,129,130,136,137,138,139,140,150,151,152,153,158,159,160,161,173,174,175,179,180,181,182,196,197,201,202,204,218,219,222,223,224,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,303,304,305,306,307,310,311,323,324,325,326,327,328,332,333,334,342,343,344,345,346,347,348,349,354,355,356,357,358,359,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,485 +2766 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,77,78,79,94,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,274,275,276,277,293,294,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,383,384,387,388,389,409,410,411,412,413,432,433,434,435,455,456,457,487 +2767 - 77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,147,148,149,156,157,158,159,160,161,168,169,170,171,177,178,179,180,181,190,191,192,193,194,199,200,201,214,215,216,220,221,222,236,237,238,242,243,244,258,259,260,264,265,266,279,280,281,282,286,287,288,289,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,388,389,390,410,411,412,431,432,433,434,453,454,455,475,476,477,494 +2768 - 71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,121,122,123,124,125,126,127,134,135,136,145,146,147,148,149,156,157,158,167,168,169,177,178,179,188,189,199,200,201,221,222,239,243,244,245,259,260,261,262,266,267,268,281,282,283,284,289,290,291,292,293,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,362,363,364,365,366,367,368,369,370,390,391,412,413,433,434,435,455,456,457,477,478,479,494 +2769 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,167,168,169,178,179,180,181,182,183,189,190,191,200,201,202,203,211,212,213,223,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,492 +2770 - 55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,116,117,118,119,120,138,139,140,160,161,162,182,183,184,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,277,278,279,280,293,300,301,302,323,324,325,345,346,347,367,368,369,389,390,391,410,411,412,427,428,431,432,433,434,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,490 +2771 - 33,34,55,56,57,77,78,79,99,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +2772 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,186,191,192,193,194,213,214,215,235,236,237,256,257,258,259,278,279,280,300,301,302,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,474,475,476,492 +2773 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,190,191,203,204,205,206,212,213,225,226,227,233,234,235,247,248,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,342,343,363,364,365,385,386,387,407,408,409,429,430,450,451,452,472,473,474,494 +2774 - 71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,118,119,120,121,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,275,276,277,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,492 +2775 - 27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,77,79,80,81,82,83,93,103,104,105,125,126,127,145,146,147,148,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,235,236,237,249,250,251,252,257,258,259,280,281,302,303,323,324,325,345,346,347,354,355,356,367,368,369,376,377,378,379,380,381,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +2776 - 37,38,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,104,105,106,119,120,121,127,128,139,140,141,142,149,150,161,162,163,171,172,173,182,183,184,193,194,204,205,206,215,216,225,226,227,236,237,238,246,247,248,249,257,258,259,260,268,269,270,279,280,281,282,290,291,301,302,303,312,313,322,323,324,334,335,344,345,346,356,357,365,366,367,378,379,386,387,388,400,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +2777 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,121,122,128,129,130,137,138,139,148,149,150,151,152,159,160,161,162,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,298,299,300,301,314,315,316,321,322,323,335,336,337,344,345,346,357,358,359,367,368,369,379,380,381,389,390,391,401,402,403,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,493 +2778 - 56,57,76,77,78,79,97,98,99,100,103,104,118,119,120,121,124,125,126,139,140,141,142,145,146,147,160,161,162,163,167,168,169,181,182,183,184,188,189,190,203,204,210,211,212,225,226,227,228,231,232,233,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,296,297,298,299,300,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,493 +2779 - 36,37,38,58,59,60,80,81,82,102,103,104,123,124,125,138,145,146,147,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,224,225,226,227,232,233,234,246,247,248,249,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,489 +2780 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,101,102,103,123,124,125,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,204,205,206,207,208,209,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,299,300,301,302,303,323,324,325,345,346,347,366,367,368,369,387,388,389,390,391,399,400,401,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,488 +2781 - 76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,145,146,147,158,159,160,167,168,169,180,181,189,190,191,202,210,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +2782 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,80,81,95,96,97,102,103,104,117,118,119,124,125,126,138,139,140,145,146,147,160,161,167,168,169,181,182,183,188,189,190,191,203,204,205,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,301,302,303,312,313,314,323,324,325,334,335,336,345,346,347,356,357,367,368,369,378,379,388,389,390,391,400,401,402,403,404,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,493 +2783 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,103,104,105,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,235,236,237,257,258,259,279,280,281,301,302,303,323,324,325,326,332,333,345,346,347,353,354,355,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +2784 - 7,8,9,10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,79,80,81,82,83,94,95,102,103,104,105,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,223,224,233,234,235,236,244,245,246,247,254,255,256,257,258,266,267,268,269,270,275,276,277,278,279,288,289,290,291,292,293,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,379,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,417,429,430,431,432,433,434,435,436,437,438,487 +2785 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,97,98,102,103,104,105,106,114,115,118,119,120,121,122,126,127,128,129,136,137,138,139,140,141,142,143,144,149,150,151,158,159,160,161,162,163,164,165,166,167,171,172,173,174,180,181,182,183,184,185,194,195,196,202,203,204,205,206,216,217,218,219,224,225,226,227,239,240,241,245,246,247,248,261,262,263,267,268,269,270,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,329,332,333,334,335,336,346,347,348,349,350,354,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,485 +2786 - 76,77,78,79,83,97,98,99,100,101,104,105,106,107,118,119,120,121,122,123,125,126,127,128,129,139,140,141,142,143,146,147,148,149,150,161,162,163,164,165,168,169,170,171,182,183,184,185,186,189,190,191,192,193,204,205,206,207,208,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,489 +2787 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,148,149,160,161,162,171,181,182,183,184,192,193,203,204,205,212,213,214,224,225,226,233,234,235,246,247,255,256,257,268,269,270,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,430,431,451,452,453,473,474,475,494 +2788 - 82,83,84,96,97,104,105,106,118,119,126,127,139,140,141,147,148,149,161,162,163,169,170,171,182,183,184,191,192,193,204,205,206,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,277,278,279,292,293,299,300,301,320,321,322,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,489 +2789 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,167,168,169,170,180,181,190,191,192,193,200,201,202,203,204,205,210,211,212,213,214,215,223,224,225,226,227,228,230,231,232,233,234,235,236,237,246,247,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,430,431,432,452,453,454,474,475,476,494 +2790 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,335,336,337,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,489 +2791 - 32,33,34,54,55,56,57,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,251,252,253,254,273,274,275,276,295,296,297,315,316,317,318,319,320,323,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +2792 - 53,54,55,56,57,58,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,137,138,139,159,160,161,181,182,183,190,191,203,204,205,206,207,208,211,212,213,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,433,434,450,451,452,453,454,455,456,473,474,475,476,477,494 +2793 - 33,34,35,55,56,57,58,77,78,79,95,96,97,99,100,101,119,120,121,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,486 +2794 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,116,117,118,123,124,125,137,138,139,140,145,146,147,159,160,161,166,167,168,188,189,190,209,210,211,212,231,232,233,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,447,448,449,450,469,470,471,472,492 +2795 - 16,17,38,39,60,61,71,72,81,82,83,92,93,94,95,103,104,105,114,115,116,117,125,126,127,136,137,138,139,147,148,149,158,159,160,161,169,170,171,180,181,182,191,192,193,202,203,204,213,214,215,224,225,226,234,235,236,246,247,256,257,258,267,268,269,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,365,366,367,377,378,379,387,388,389,409,410,489 +2796 - 31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,170,171,172,173,174,180,181,182,183,184,192,193,194,195,196,197,202,203,204,205,206,215,216,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,249,259,260,261,262,263,266,267,268,269,270,280,281,282,283,284,288,289,290,291,292,302,303,304,305,306,310,311,312,313,314,323,324,325,326,327,332,333,334,335,336,337,344,345,346,347,348,349,354,355,356,357,358,359,360,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +2797 - 9,10,11,31,32,33,34,35,36,55,56,57,58,59,60,80,81,82,83,104,105,106,126,127,128,129,150,151,172,173,174,195,196,216,217,218,224,225,226,227,228,229,237,238,239,240,244,245,246,247,248,249,250,251,252,253,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,278,279,280,281,282,283,287,288,289,290,296,297,298,299,300,301,302,303,309,310,311,318,319,320,321,322,323,324,331,332,338,339,340,341,342,343,344,345,353,357,358,359,360,361,362,363,364,366,367,375,376,377,378,379,380,381,382,383,384,388,389,390,397,398,399,400,401,402,403,411,412,487 +2798 - 33,34,35,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +2799 - 11,12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,76,77,78,80,81,82,96,97,98,103,104,105,117,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,182,183,184,185,192,193,204,205,206,207,214,215,226,227,228,236,237,247,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,294,301,302,303,313,314,315,316,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,485 +2800 - 49,50,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,157,158,159,179,180,181,201,202,203,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,303,304,305,306,311,312,313,325,326,327,328,334,347,348,349,350,368,369,370,371,390,391,392,393,403,404,405,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,490 +2801 - 10,11,12,32,33,34,53,54,55,74,75,76,77,97,98,118,119,120,140,141,142,162,163,164,183,184,185,205,206,207,227,228,229,249,250,255,256,257,258,271,272,275,276,277,278,279,280,281,293,294,296,297,298,299,300,302,303,315,316,317,318,319,320,325,326,337,338,339,340,341,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +2802 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,122,123,124,125,126,135,136,137,145,146,147,148,158,167,168,169,170,190,191,192,212,213,214,231,232,233,234,235,236,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,341,342,343,344,345,346,347,356,357,358,359,362,363,364,365,366,367,368,369,378,379,380,381,383,384,385,386,389,390,391,392,400,401,402,403,404,405,406,407,408,413,423,424,425,426,427,428,445,446,447,448,449,487 +2803 - 6,7,8,9,10,11,27,28,29,30,31,32,33,34,35,49,54,55,56,57,58,77,78,79,80,81,101,102,103,104,124,125,126,127,147,148,149,170,171,172,181,182,192,193,194,202,203,204,205,214,215,216,224,225,226,227,228,229,236,237,238,245,246,247,248,249,250,251,252,253,258,259,260,267,268,272,273,274,275,276,279,280,281,282,289,290,296,297,298,299,300,301,302,303,311,312,319,320,321,322,323,324,325,333,334,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,392,393,394,400,401,402,403,404,405,406,487 +2804 - 54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,137,138,139,140,141,159,160,161,180,181,182,183,202,203,204,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,298,299,300,301,302,303,304,323,324,325,326,346,347,348,367,368,369,370,388,389,390,391,392,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +2805 - 32,33,34,54,55,56,76,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,169,185,186,187,188,191,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,345,360,361,362,363,367,382,383,384,385,387,388,389,404,405,406,407,409,410,411,425,426,427,428,431,432,433,447,448,449,450,453,454,455,486 +2806 - 90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,276,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,472,473,474,492 +2807 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,451,486 +2808 - 51,52,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,99,101,102,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,210,211,212,231,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,405,407,408,409,410,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,466,467,468,469,470,487 +2809 - 33,34,55,56,57,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +2810 - 15,16,17,18,35,36,37,38,39,40,56,57,58,59,60,61,62,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,184,185,186,187,205,206,207,208,209,210,211,212,226,227,228,229,231,232,233,234,235,248,249,250,253,254,255,256,257,270,271,272,275,277,278,279,292,293,299,300,301,302,313,314,315,322,323,324,335,336,337,344,345,346,357,358,359,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +2811 - 32,33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +2812 - 8,9,10,11,30,31,32,33,34,35,53,54,55,56,57,79,100,101,120,121,122,123,142,143,144,162,163,164,185,208,209,231,232,253,254,255,276,277,298,299,319,320,321,341,342,343,362,363,364,365,380,381,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,488 +2813 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,169,170,171,177,178,179,180,181,182,183,184,185,192,193,199,200,201,202,203,204,214,215,216,221,222,223,236,237,238,243,244,245,246,247,258,259,260,268,269,280,281,282,301,302,303,304,323,324,325,326,345,346,347,367,368,369,388,389,390,391,410,411,412,431,432,433,434,453,454,455,456,475,476,477,492 +2814 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,101,102,115,116,117,122,123,124,137,138,139,140,144,145,146,165,166,167,186,187,188,208,209,210,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,277,278,279,292,293,294,300,301,322,323,324,344,345,346,365,366,367,382,387,388,389,403,404,405,408,409,410,425,426,427,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,488 +2815 - 27,28,29,30,31,49,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,125,126,127,128,129,150,151,152,172,173,174,194,195,196,205,206,207,208,216,217,218,225,226,227,228,229,230,231,238,239,240,246,247,248,249,250,251,252,253,254,255,259,260,261,267,268,269,270,271,274,275,276,277,278,280,281,282,283,288,289,290,291,297,298,299,300,301,302,303,304,310,311,312,320,321,322,323,324,325,332,333,334,340,341,342,343,344,345,346,354,355,356,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,389,390,391,399,400,401,402,403,404,405,406,411,412,413,422,423,424,425,426,434,435,436,437,457,458,459,487 +2816 - 74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,158,159,160,161,180,181,182,183,202,203,204,205,206,225,226,227,228,229,230,231,248,249,250,251,252,253,254,273,274,275,276,277,278,297,298,299,300,320,321,322,323,343,344,345,355,356,365,366,367,377,378,387,388,389,399,400,401,408,409,410,422,423,424,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +2817 - 35,36,57,58,78,79,80,81,100,101,102,122,123,124,144,145,146,160,161,166,167,181,182,183,188,189,203,204,205,210,211,225,226,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,489 +2818 - 32,33,41,42,53,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,117,118,119,120,139,140,141,160,161,162,182,183,184,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,376,387,388,389,390,391,398,399,400,401,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,490 +2819 - 115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,191,192,193,202,203,204,213,214,215,224,225,235,236,246,247,257,258,268,269,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,473,474,475,476,492 +2820 - 60,61,62,82,83,84,103,104,105,106,120,121,122,125,126,127,128,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,183,184,185,186,187,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,489 +2821 - 75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,160,161,163,181,182,183,202,203,204,205,224,225,226,246,247,248,249,250,269,270,271,272,273,274,292,293,294,295,296,297,298,316,317,318,319,320,321,322,340,341,342,343,344,364,365,366,378,379,380,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +2822 - 8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,77,78,79,80,81,82,94,95,96,101,102,103,104,117,123,124,125,126,145,146,147,148,167,168,169,170,171,189,190,191,192,193,211,212,213,214,215,233,234,235,236,249,250,255,256,257,258,269,270,271,272,273,274,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,432,433,434,435,487 +2823 - 9,10,11,12,13,14,30,31,32,33,34,35,36,53,54,55,56,57,58,59,60,77,78,79,80,81,82,83,84,102,103,104,105,106,107,128,129,150,151,152,172,173,174,194,195,196,215,216,217,224,225,226,236,237,238,239,244,245,246,247,248,249,250,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,277,278,279,280,281,287,288,289,290,293,294,295,296,297,298,299,300,301,302,309,310,311,318,319,320,321,322,323,331,332,338,339,340,341,342,343,344,353,354,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,387,388,389,398,399,400,401,402,403,404,410,411,412,421,422,423,424,433,434,435,487 +2824 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,452,453,474,475,486 +2825 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,159,160,161,162,167,168,169,181,182,183,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,231,232,233,234,235,236,246,247,248,252,253,254,255,256,257,258,268,269,270,273,274,275,276,277,279,280,290,291,292,293,294,295,296,297,298,301,302,313,314,315,316,317,318,319,322,323,324,335,336,337,338,339,344,345,346,358,359,360,366,367,368,387,388,389,390,409,410,411,431,432,433,452,453,454,455,474,475,476,494 +2826 - 45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,100,101,110,111,112,122,123,133,134,135,144,145,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,301,302,303,324,325,326,347,348,349,369,370,371,391,392,393,403,412,413,414,415,424,425,426,427,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,488 +2827 - 38,39,59,60,61,62,81,82,83,84,102,103,104,106,123,124,125,126,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,225,226,227,232,233,234,247,248,249,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,489 +2828 - 53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,97,99,100,115,116,117,121,122,143,144,165,166,186,187,188,189,190,191,207,208,209,210,211,212,213,214,229,230,235,236,257,258,279,280,301,302,323,324,344,345,346,366,367,387,388,389,408,409,410,428,429,430,431,447,448,449,450,451,452,468,469,470,471,472,488 +2829 - 54,55,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,145,146,147,160,161,162,163,181,182,183,184,203,204,205,225,226,227,248,249,250,251,271,272,273,274,275,294,295,296,297,298,318,319,320,321,341,342,343,344,355,356,357,365,366,377,378,379,380,387,388,389,399,400,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,490 +2830 - 54,55,56,75,76,77,78,79,96,97,98,99,118,119,120,139,140,141,142,161,162,163,166,167,168,183,184,185,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,298,299,300,320,321,322,342,343,344,345,364,365,366,367,387,388,389,409,410,411,431,432,433,454,455,456,476,477,478,489 +2831 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,148,149,150,151,152,161,162,168,169,170,171,172,173,174,175,183,184,188,189,190,191,192,193,194,195,205,206,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,250,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,319,337,338,340,341,342,359,360,363,364,381,382,385,386,387,403,404,408,409,425,426,427,430,431,448,449,451,452,453,470,471,472,473,474,475,493 +2832 - 51,52,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,362,363,364,365,366,367,368,384,385,386,387,388,389,390,406,407,408,409,410,411,412,428,429,430,431,432,433,434,451,452,453,454,455,456,457,475,476,477,478,494 +2833 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,147,162,163,164,169,183,184,185,204,205,206,212,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,299,300,321,322,343,344,365,366,387,388,409,410,430,431,432,452,453,474,475,476,494 +2834 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,140,141,142,143,161,162,163,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,277,278,279,291,292,293,294,295,298,299,300,301,313,314,315,316,320,321,322,323,335,336,337,338,342,343,344,345,357,358,359,364,365,366,367,380,381,382,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,491 +2835 - 121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,190,191,192,201,202,203,204,205,206,212,213,214,234,235,236,256,257,278,279,299,300,301,321,322,323,343,344,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,472,473,474,492 +2836 - 68,69,70,71,72,73,90,91,92,93,94,95,96,97,117,118,119,120,121,141,142,143,144,145,165,166,167,168,188,189,190,211,212,213,233,234,235,246,247,248,249,250,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,293,294,295,296,297,318,319,320,321,341,342,343,344,364,365,366,367,388,389,390,410,411,412,433,434,435,455,456,457,477,478,479,488 +2837 - 53,54,55,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,164,165,171,172,173,174,179,180,181,182,183,186,187,195,196,197,201,202,203,204,208,209,218,219,222,223,224,225,231,232,240,241,244,245,246,262,263,266,267,268,283,284,285,288,289,290,303,304,305,306,307,310,311,323,324,325,326,327,328,332,333,334,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,485 +2838 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,122,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,206,207,208,209,210,227,228,229,230,231,232,250,251,252,253,254,255,275,276,277,278,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,406,407,408,409,410,425,426,427,428,429,430,431,446,447,448,449,450,451,467,468,469,470,471,472,488 +2839 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,127,128,129,136,137,138,139,140,149,150,151,157,158,159,160,161,162,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,205,206,216,217,218,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,311,312,313,324,325,326,327,333,334,335,345,346,347,348,349,355,356,357,358,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,485 +2840 - 73,74,75,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,135,136,137,138,139,141,142,143,156,157,158,159,166,178,179,180,181,187,188,189,190,200,201,202,207,208,209,210,211,212,213,222,223,224,228,229,230,231,232,233,234,235,236,244,245,246,247,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,278,279,280,281,282,289,290,291,292,293,294,301,302,303,304,314,315,323,324,325,326,327,346,347,348,349,350,369,370,371,372,392,393,394,395,415,416,417,438,439,494 +2841 - 95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,189,190,191,204,211,212,213,233,234,235,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,492 +2842 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +2843 - 11,12,13,14,15,16,17,18,19,31,32,33,34,35,36,37,38,39,40,41,42,52,53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,96,97,98,117,118,139,140,160,161,162,163,182,183,184,185,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,276,277,278,279,280,301,302,303,312,313,323,324,325,333,334,335,336,345,346,347,355,356,357,358,359,360,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,490 +2844 - 6,7,8,9,10,11,12,13,27,28,29,30,33,34,35,48,49,50,56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,229,230,231,250,251,252,253,271,272,273,274,292,293,294,295,313,314,315,316,334,335,336,337,338,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,487 +2845 - 35,36,56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,427,428,449,450,486 +2846 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,146,147,148,149,159,160,161,162,170,180,181,182,183,190,191,202,203,204,211,212,213,224,225,226,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,293,294,295,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +2847 - 56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,427,428,449,450,471,472,486 +2848 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,80,81,94,95,96,100,103,104,115,116,117,121,122,123,137,138,139,143,144,145,146,159,160,167,168,181,182,183,189,190,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,277,278,279,280,292,293,294,301,302,303,314,315,324,325,326,335,336,337,347,348,357,358,359,369,370,380,381,390,391,392,402,403,404,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,493 +2849 - 95,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,168,169,170,179,180,181,182,183,191,192,213,214,235,236,256,257,258,278,279,280,300,301,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,476,492 +2850 - 92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,492 +2851 - 10,11,12,31,32,33,53,54,55,75,76,77,96,97,98,118,119,120,140,141,161,162,163,183,184,185,205,206,212,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,279,280,292,293,294,295,296,297,302,303,314,315,316,317,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,491 +2852 - 77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,191,203,204,205,206,210,211,212,213,225,226,227,231,232,233,234,235,247,248,252,253,254,255,256,257,268,269,270,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,312,313,314,315,316,317,318,321,322,323,335,336,337,338,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,474,475,494 +2853 - 12,13,14,34,35,36,55,56,57,77,78,79,99,100,120,121,122,141,142,143,144,163,164,165,185,186,206,207,208,212,213,214,228,229,233,234,235,236,249,250,251,253,254,255,256,257,258,271,272,275,276,277,278,279,280,293,294,296,297,298,301,302,315,316,317,318,319,322,323,324,337,338,339,340,341,343,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,410,491 +2854 - 7,8,9,10,11,28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,77,78,79,94,99,100,101,102,122,123,124,144,145,146,147,166,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,272,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,428,487 +2855 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,186,206,207,212,213,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,315,316,317,318,319,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +2856 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,76,77,95,96,97,117,118,119,138,139,140,160,161,162,181,182,183,202,203,204,205,224,225,226,227,228,229,247,248,249,250,251,252,253,254,255,256,270,272,273,274,275,276,277,278,279,280,300,301,302,303,304,324,325,326,327,347,348,349,369,370,371,380,390,391,392,393,401,402,403,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,490 +2857 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,126,140,141,142,147,148,162,163,164,167,168,169,170,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,236,250,251,252,253,254,255,258,272,273,274,275,276,277,278,293,294,295,296,299,300,315,316,317,321,322,323,337,338,343,344,345,359,360,366,367,381,382,388,389,403,404,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +2858 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,117,118,119,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,347,348,358,359,360,361,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,487 +2859 - 31,32,33,34,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,102,103,104,105,106,107,127,128,129,150,151,172,173,193,194,195,214,215,216,217,224,225,226,227,235,236,237,238,245,246,247,248,249,250,251,252,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,295,296,297,298,299,300,301,310,311,317,318,319,320,321,322,323,332,333,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,366,367,368,369,376,377,378,379,380,381,382,383,389,390,391,392,399,400,401,402,412,413,414,435,436,437,458,459,487 +2860 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,79,80,94,95,96,101,102,115,116,117,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,367,368,369,370,371,381,382,383,384,392,403,404,405,406,425,426,427,447,448,449,487 +2861 - 6,7,8,28,29,30,31,32,33,51,52,53,54,55,56,57,58,75,76,77,78,79,80,81,99,100,101,102,103,104,124,125,126,127,148,149,150,170,171,172,193,194,215,216,236,237,238,245,246,247,248,249,250,257,258,259,260,267,268,269,270,271,272,273,274,275,276,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,411,412,413,424,425,426,434,435,436,487 +2862 - 64,65,83,84,85,86,87,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,162,163,164,165,166,167,184,185,186,187,205,206,207,208,226,227,228,229,247,248,249,250,269,270,271,272,273,274,291,292,293,294,295,296,297,317,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,424,426,427,428,429,445,446,447,448,449,450,468,469,470,471,472,490 +2863 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,492 +2864 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,101,102,103,116,124,125,126,146,147,148,168,169,170,189,190,191,211,212,213,233,234,235,254,255,256,275,276,277,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,386,387,388,389,390,391,392,393,394,395,401,402,403,412,413,414,415,487 +2865 - 120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,182,183,184,185,186,191,192,199,200,201,202,203,204,205,213,214,221,222,223,224,234,235,236,256,257,258,278,279,280,300,301,321,322,323,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,473,474,475,492 +2866 - 9,10,11,12,13,31,32,33,52,53,54,73,74,75,95,96,117,118,139,140,160,161,182,183,204,205,211,212,213,214,226,227,232,233,234,235,236,237,248,254,255,256,257,258,259,270,271,275,276,277,280,281,282,291,292,297,298,302,303,313,314,315,319,320,321,322,323,324,325,336,341,342,343,344,345,346,358,359,364,365,366,367,368,380,381,382,385,386,387,388,403,404,405,406,407,408,409,410,491 +2867 - 37,38,39,40,59,60,61,62,80,81,82,94,95,102,103,104,116,117,124,125,138,139,145,146,147,160,161,167,168,169,182,183,189,190,203,204,205,211,212,225,226,232,233,234,246,247,248,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,319,320,321,341,342,363,364,384,385,386,406,407,408,428,429,450,451,489 +2868 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,146,147,160,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,232,233,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,317,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,408,409,410,411,429,430,431,432,433,451,452,453,454,475,476,494 +2869 - 7,8,9,10,11,12,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,102,103,117,118,119,120,124,125,126,139,140,141,147,148,160,161,162,169,170,171,182,183,192,193,194,203,204,205,215,216,225,226,237,238,247,248,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,305,312,313,324,325,326,334,335,336,344,345,346,347,348,357,358,359,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,485 +2870 - 29,39,40,50,51,52,60,61,62,63,72,73,74,82,83,84,85,93,94,95,96,104,105,106,115,116,117,125,126,127,128,137,138,139,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,321,322,323,324,325,332,333,334,335,336,337,338,343,344,345,346,354,355,356,357,358,359,365,366,367,368,376,377,378,379,380,387,388,389,390,398,399,400,401,409,410,411,412,413,420,421,422,431,432,433,434,435,454,455,489 +2871 - 30,31,32,33,34,35,52,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,102,103,104,105,126,127,148,149,150,171,172,193,194,214,215,216,225,226,227,236,237,238,246,247,248,249,250,257,258,259,267,268,269,270,271,272,273,274,278,279,280,281,288,289,290,291,294,295,296,297,298,299,300,301,302,310,311,312,317,318,319,320,321,322,323,332,333,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,387,388,389,399,400,401,402,403,404,410,411,412,433,434,435,457,458,487 +2872 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,102,103,104,117,118,119,120,124,125,126,127,139,140,141,147,148,149,160,161,162,170,171,181,182,183,192,193,203,204,205,214,215,224,225,226,236,237,246,247,248,258,259,260,268,269,279,280,281,289,290,291,301,302,303,311,312,313,323,324,333,334,335,344,345,346,355,356,357,365,366,367,377,378,379,386,387,388,389,399,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +2873 - 37,38,39,40,58,59,60,61,62,79,80,81,101,102,122,123,124,144,145,161,162,166,167,182,183,184,188,204,205,206,209,210,226,227,231,232,248,249,253,254,269,270,271,272,274,275,276,281,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,335,340,341,361,362,363,383,384,405,406,426,427,428,448,449,489 +2874 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,118,119,123,124,125,144,145,146,147,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,234,235,236,257,258,259,279,280,281,301,302,303,323,324,325,336,337,345,346,347,357,358,359,366,367,368,379,380,381,387,388,389,390,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +2875 - 5,6,7,8,9,27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,76,77,78,79,80,81,101,102,103,124,125,126,147,148,169,170,182,183,191,192,202,203,204,205,206,213,214,224,225,226,227,228,229,234,235,236,245,246,247,250,251,252,256,257,267,268,273,274,275,276,277,278,279,289,290,296,297,298,299,300,311,312,317,318,319,320,321,322,333,334,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,365,366,367,368,369,370,377,378,379,380,381,382,383,389,390,391,392,393,394,395,400,401,402,412,413,414,415,416,417,436,437,438,439,487 +2876 - 10,11,12,31,32,33,34,53,54,55,74,75,76,96,97,98,117,118,119,120,138,139,140,141,147,148,149,160,161,162,163,167,168,169,170,171,172,173,182,183,184,188,189,190,191,192,193,194,195,196,204,205,206,209,210,211,212,213,214,215,216,217,218,225,226,227,228,230,231,232,233,238,239,240,247,248,249,252,253,254,260,261,262,269,270,271,273,274,275,281,282,283,284,291,292,293,295,296,297,303,304,305,313,314,315,317,318,324,325,326,335,336,337,339,340,345,346,347,348,357,358,359,360,361,362,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +2877 - 29,30,31,32,33,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,123,124,125,126,138,139,140,141,142,143,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,258,259,260,281,282,283,304,305,326,327,331,332,348,349,353,354,355,356,357,369,370,371,375,376,377,378,379,380,381,382,383,384,385,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,488 +2878 - 31,32,33,53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,486 +2879 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,98,99,100,101,102,103,104,105,124,125,126,127,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,258,259,260,261,270,281,282,283,284,304,305,306,327,328,348,349,350,355,356,367,368,369,370,371,372,377,378,379,380,381,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,488 +2880 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,141,142,143,144,145,146,147,148,149,150,157,158,159,160,166,168,169,170,171,172,173,179,180,181,182,192,193,194,195,201,202,203,215,216,217,222,223,224,237,238,239,240,244,245,246,247,259,260,261,262,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,311,312,313,325,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,388,389,390,391,400,401,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,475,485 +2881 - 26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,92,93,100,101,102,116,123,124,125,145,146,147,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,250,251,257,258,259,260,280,281,282,303,304,305,325,326,327,333,347,348,349,355,356,357,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,488 +2882 - 49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,102,103,104,111,112,124,125,126,144,145,146,147,148,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,281,301,302,303,323,324,325,333,334,345,346,347,355,356,357,358,368,369,370,376,377,378,379,389,390,391,398,399,400,401,402,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +2883 - 33,34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +2884 - 77,78,79,80,99,100,101,102,119,120,121,122,123,124,141,142,143,145,146,162,163,164,165,167,168,169,183,184,185,186,189,190,191,205,206,207,210,211,212,226,227,228,229,232,233,234,248,249,250,254,255,256,270,271,272,275,276,277,278,292,293,294,296,297,298,299,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,360,361,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,474,494 +2885 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,283,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,486 +2886 - 55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,102,103,104,119,120,121,125,126,141,142,143,147,148,163,164,165,169,170,185,186,187,207,208,209,230,231,237,252,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,452,470,471,472,473,493 +2887 - 10,11,12,31,32,33,34,53,54,55,74,75,76,96,97,98,117,118,119,139,140,141,161,162,182,183,184,204,205,206,211,212,213,214,226,227,231,232,233,234,235,236,248,249,252,253,254,255,256,257,258,259,270,271,273,274,275,276,277,280,281,292,293,294,295,296,297,302,303,314,315,316,317,318,324,325,336,337,338,339,340,345,346,347,358,359,360,361,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +2888 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,115,116,117,118,124,125,126,137,138,139,147,148,149,158,159,160,169,170,171,180,181,191,192,193,201,202,203,214,215,216,223,224,236,237,238,245,246,259,260,267,268,280,281,282,289,290,302,303,304,311,312,323,324,325,333,334,335,345,346,347,355,356,357,366,367,368,369,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +2889 - 78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,167,168,169,183,184,185,186,189,190,204,205,206,207,211,212,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,342,343,344,364,365,366,386,387,408,409,430,431,451,452,453,473,474,475,494 +2890 - 58,59,60,61,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,166,167,168,169,179,180,181,182,183,184,187,188,189,190,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,338,339,340,343,344,345,359,360,361,362,366,367,368,381,382,383,384,388,389,390,403,404,405,406,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +2891 - 14,15,16,17,18,19,20,35,36,37,38,39,40,41,42,43,56,57,58,59,60,63,65,78,79,80,100,101,118,119,120,121,122,139,140,141,142,143,144,145,161,162,163,165,166,167,183,184,185,189,205,206,207,211,227,228,229,230,233,249,250,251,252,253,272,273,274,275,294,295,296,297,298,299,312,318,319,320,321,322,333,334,335,336,341,342,343,344,355,356,357,358,359,360,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,490 +2892 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,123,125,126,141,142,143,163,164,165,171,185,186,187,191,192,193,194,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,238,251,252,253,254,255,256,257,258,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,470,471,472,493 +2893 - 12,13,14,15,16,17,18,19,31,32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,74,75,76,94,95,96,97,116,117,118,119,137,138,139,140,141,159,160,161,162,163,181,182,183,184,185,204,205,206,207,208,209,228,229,230,231,232,233,252,253,254,255,256,275,276,277,278,299,300,301,322,323,324,344,345,346,347,355,356,357,367,368,369,376,377,378,379,380,381,382,383,384,385,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,490 +2894 - 117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,149,150,151,158,159,160,161,162,167,168,169,170,171,172,173,180,181,182,190,191,192,193,194,202,203,204,212,213,214,215,224,225,233,234,235,236,237,246,247,248,253,254,255,256,257,268,269,270,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,494 +2895 - 48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,124,125,126,127,133,134,147,148,149,155,156,168,169,170,188,189,190,191,192,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,299,300,301,302,303,304,323,324,325,326,347,348,349,369,370,371,390,391,392,393,412,413,414,415,419,420,433,434,435,436,440,441,442,443,444,445,446,450,451,452,453,454,455,456,457,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,488 +2896 - 111,112,113,114,115,132,133,134,135,136,137,138,139,140,141,142,143,144,145,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,214,215,216,217,235,236,237,238,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,453,472,473,474,475,492 +2897 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,103,104,105,106,107,115,116,117,118,119,120,127,128,129,136,137,138,139,140,141,142,150,151,158,161,162,163,164,171,172,173,174,182,183,184,185,186,193,194,195,196,204,205,206,207,215,216,217,226,227,228,229,237,238,239,247,248,249,250,258,259,260,261,269,270,271,272,279,280,281,282,283,291,292,293,300,301,302,303,304,312,313,314,315,322,323,324,325,326,334,335,336,337,342,343,344,345,346,347,356,357,358,359,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +2898 - 37,38,39,56,57,58,59,60,61,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,206,207,208,209,210,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,298,316,317,318,319,320,333,339,340,341,342,343,355,362,363,364,365,377,378,379,380,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,447,448,449,450,490 +2899 - 56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,128,129,130,131,137,138,139,140,148,149,150,151,152,153,159,160,161,168,169,170,171,172,173,174,181,182,188,189,190,191,192,193,194,202,203,204,208,209,210,211,212,213,214,215,224,225,226,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,291,292,293,294,295,296,313,314,315,316,317,318,319,335,336,337,338,339,340,341,342,357,358,359,361,362,363,364,365,378,379,380,385,386,387,388,389,400,401,402,408,409,410,411,422,423,424,431,432,433,444,445,446,447,448,453,454,455,466,467,468,469,470,471,472,473,474,475,476,477,493 +2900 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,122,123,124,136,137,138,145,146,158,159,160,161,162,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,474,494 +2901 - 27,28,29,30,31,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,82,97,98,99,100,101,102,103,104,105,106,125,126,127,128,129,149,150,151,163,164,165,171,172,173,184,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,280,281,282,283,303,304,305,311,312,313,326,327,332,333,334,335,347,348,349,354,355,356,369,370,371,376,377,378,379,380,390,391,392,399,400,401,402,403,404,405,406,407,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,488 +2902 - 7,8,9,10,29,30,31,32,50,51,52,53,72,73,74,75,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,180,181,182,183,192,193,194,202,203,204,205,211,212,213,214,215,216,217,218,224,225,226,227,232,233,234,235,236,237,238,239,240,246,247,248,249,254,255,256,257,258,260,261,262,263,269,270,271,272,274,275,276,277,283,284,285,291,292,293,294,296,297,298,304,305,306,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,491 +2903 - 75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,128,135,136,137,138,139,156,157,158,159,177,178,179,193,194,199,200,201,215,216,221,222,236,237,238,243,244,256,257,258,259,260,265,266,267,269,277,278,279,280,281,282,287,288,289,290,291,292,293,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,344,345,346,347,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,475,476,477,494 +2904 - 31,32,33,34,35,36,37,52,53,54,55,58,59,60,73,74,75,76,81,82,95,96,97,103,104,117,118,119,124,125,126,140,141,146,147,162,163,164,167,168,169,185,186,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,276,277,294,295,298,299,300,315,316,317,321,322,323,337,338,344,345,346,358,359,360,367,368,369,380,381,390,391,402,403,404,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,493 +2905 - 8,9,30,31,51,52,73,74,94,95,96,116,117,138,139,160,161,182,183,187,188,189,190,191,204,205,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,257,258,259,260,270,271,272,273,280,281,282,292,293,294,295,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,371,491 +2906 - 30,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,100,103,104,105,106,126,127,128,148,149,150,169,170,171,183,184,185,186,187,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,276,277,278,279,280,281,288,289,290,299,300,301,302,303,309,310,311,312,320,321,322,323,324,325,331,332,333,334,341,342,343,344,345,346,347,348,353,354,355,356,357,362,363,364,365,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,391,392,393,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,487 +2907 - 56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,191,192,193,194,195,205,206,207,208,209,213,214,215,216,226,227,228,229,230,234,235,236,237,238,247,248,249,250,251,255,256,257,258,259,269,270,271,272,277,278,279,280,290,291,292,293,294,297,298,299,300,301,311,312,313,314,315,319,320,321,322,333,334,335,336,337,339,340,341,342,343,344,354,355,356,357,358,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,464,465,466,467,468,485 +2908 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,120,125,126,146,147,148,168,169,170,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,338,339,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,492 +2909 - 38,39,40,41,59,60,61,62,80,81,82,83,84,100,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,335,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,444,445,446,447,486 +2910 - 76,77,78,79,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,147,148,160,161,162,168,169,170,181,182,183,184,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,250,251,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,338,339,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +2911 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,124,125,126,127,137,138,139,140,141,146,147,148,149,150,159,160,161,162,168,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,280,291,292,293,294,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,443,444,445,446,447,448,487 +2912 - 72,73,79,80,94,95,96,101,102,103,115,116,117,118,122,123,124,125,138,139,140,144,145,146,147,159,160,161,162,166,167,168,169,181,182,183,184,188,189,190,191,203,204,205,206,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,320,321,322,341,342,343,344,363,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,489 +2913 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,488 +2914 - 75,76,77,78,79,96,97,98,99,100,101,118,119,120,122,123,124,139,140,141,145,146,161,162,163,167,168,183,184,188,189,190,205,206,210,211,212,227,228,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,429,430,451,452,473,474,494 +2915 - 77,84,85,86,97,98,99,105,106,107,108,118,119,120,121,126,127,128,129,130,139,140,141,142,143,147,148,149,150,151,160,161,162,163,164,167,168,169,170,171,172,181,182,183,184,185,189,190,191,192,193,194,202,203,204,205,206,207,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,489 +2916 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,100,101,102,103,112,113,114,115,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,487 +2917 - 126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,247,248,249,250,251,252,253,269,270,271,272,274,275,276,277,295,296,297,298,299,315,316,317,318,319,320,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,377,378,379,380,381,382,383,400,401,402,403,404,490 +2918 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,486 +2919 - 0,1,15,16,17,18,19,22,23,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,209,225,226,227,228,229,234,235,236,237,246,247,248,249,250,251,255,256,257,258,259,268,269,270,271,275,276,277,278,279,280,281,290,291,292,293,297,298,299,300,301,302,303,311,312,313,314,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,491 +2920 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,80,81,95,96,97,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,232,233,234,235,257,258,259,280,281,282,303,304,325,326,327,347,348,349,355,368,369,370,376,377,378,388,389,390,391,392,399,400,401,402,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +2921 - 94,95,96,100,101,102,103,104,105,116,117,118,119,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +2922 - 49,50,63,71,72,85,86,92,93,94,107,108,114,115,129,130,135,136,137,151,152,157,158,159,173,174,178,179,180,195,196,200,201,202,216,217,218,221,222,223,237,238,239,240,243,244,259,260,261,265,266,267,268,269,270,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,346,347,348,368,369,390,391,411,412,413,433,434,489 +2923 - 35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,319,320,321,322,323,335,336,337,338,339,341,342,343,344,345,357,358,359,360,363,364,365,366,367,379,380,381,382,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +2924 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,103,104,105,117,125,126,127,147,148,149,167,168,169,170,171,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,280,281,289,302,303,304,311,312,324,325,326,333,334,346,347,348,355,356,357,367,368,369,377,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +2925 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,494 +2926 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,169,170,171,172,173,180,181,182,183,184,185,192,193,194,195,201,202,203,204,205,206,214,215,216,217,223,224,225,226,227,235,236,237,238,239,245,246,247,248,249,257,258,259,260,261,266,267,268,269,270,271,279,280,281,282,283,288,289,290,291,292,293,300,301,302,303,304,305,310,311,312,313,314,315,322,323,324,325,326,333,334,335,336,337,344,345,346,347,348,355,356,357,358,359,360,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +2927 - 35,36,37,56,57,58,59,60,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,215,216,217,218,219,224,225,226,227,228,229,230,231,232,237,238,239,240,246,247,248,249,250,259,260,261,262,267,268,269,270,271,279,280,281,282,283,289,290,291,292,293,299,300,301,302,303,304,305,310,311,312,313,314,320,321,322,323,324,325,326,332,333,334,335,336,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,485 +2928 - 50,51,52,53,54,55,56,61,62,71,72,73,74,75,76,77,78,79,80,82,83,84,85,92,93,94,95,103,104,105,106,107,114,115,124,125,126,136,137,138,145,146,147,158,159,160,161,167,168,169,181,182,183,184,188,189,190,204,205,206,207,210,211,227,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,296,297,298,299,318,319,320,321,322,339,340,341,342,343,344,345,361,362,363,365,366,367,383,384,385,387,388,389,390,405,406,407,410,411,412,427,428,429,432,433,434,450,451,452,455,456,457,472,473,474,475,476,477,478,479,493 +2929 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,447,448,449,486 +2930 - 36,37,38,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,447,448,449,486 +2931 - 36,37,38,57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,170,171,172,173,185,186,187,188,189,191,192,193,194,195,207,208,209,213,214,215,216,234,235,236,237,238,254,255,256,257,258,259,268,269,270,271,272,273,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,396,397,398,399,400,401,402,403,404,405,418,419,420,421,422,423,424,425,426,487 +2932 - 57,58,59,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,164,165,166,167,168,169,186,187,188,189,190,191,205,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,449,450,451,472,473,474,486 +2933 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,124,125,126,127,128,140,141,142,144,145,146,147,148,149,150,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,296,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,345,353,354,355,356,362,363,364,365,366,374,375,376,377,378,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,488 +2934 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,143,144,145,146,147,148,149,158,159,160,161,162,165,166,167,168,169,180,181,182,183,185,186,187,188,189,190,201,202,203,204,205,207,208,209,210,211,212,223,224,225,226,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,291,292,293,294,295,296,297,314,315,316,317,318,319,337,338,339,340,341,342,360,361,362,363,364,365,366,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,436,437,452,453,454,455,456,457,458,459,475,476,477,478,479,480,481,493 +2935 - 72,73,83,84,85,86,93,94,95,96,104,105,106,107,108,115,116,117,124,125,126,127,128,129,136,137,138,146,147,148,149,150,157,158,159,160,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,274,275,276,277,278,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,489 +2936 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,101,102,103,104,124,125,126,146,147,148,167,168,169,170,189,190,191,209,210,211,212,213,228,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,363,364,381,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,493 +2937 - 126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,275,276,277,278,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,401,402,403,490 +2938 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,124,125,126,127,136,137,138,139,140,146,147,148,149,157,158,159,160,161,168,169,170,171,178,179,180,181,182,189,190,191,192,193,201,202,203,204,210,211,212,213,214,224,225,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,487 +2939 - 16,17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,210,213,214,215,216,226,227,228,229,230,231,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,491 +2940 - 80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,163,164,165,166,185,186,187,207,208,209,228,229,230,250,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,403,404,405,425,426,446,447,448,466,467,468,469,470,490 +2941 - 95,96,97,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,233,234,235,236,237,238,254,255,256,257,258,259,260,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,339,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +2942 - 47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,299,300,301,302,303,323,324,325,345,346,347,367,368,369,388,389,390,391,399,400,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,475,488 +2943 - 59,60,61,62,63,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,166,168,169,170,171,172,182,183,184,185,186,189,190,191,192,193,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,362,363,364,365,366,378,379,380,381,382,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +2944 - 34,35,36,54,55,56,57,58,74,75,76,77,79,82,94,95,96,97,102,103,104,105,116,117,123,124,125,126,127,138,139,144,145,146,147,148,160,161,162,165,166,167,168,182,183,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,338,339,340,343,344,345,346,360,361,362,366,367,368,369,382,383,384,389,390,391,404,405,406,407,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,493 +2945 - 75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,159,160,161,162,163,164,169,181,182,183,184,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,494 +2946 - 95,96,97,98,99,116,117,118,119,120,121,137,138,139,143,147,148,149,158,159,160,166,167,168,169,170,171,172,180,181,187,188,189,190,191,192,193,194,201,202,203,207,208,209,210,214,215,216,223,224,225,226,227,228,229,230,231,236,237,238,246,247,248,249,250,251,258,259,260,268,269,270,271,280,281,302,303,323,324,325,345,346,347,367,368,388,389,390,409,410,411,430,431,432,452,453,454,473,474,475,494 +2947 - 79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,172,173,174,175,183,184,185,186,187,188,189,194,195,196,197,204,205,206,207,208,209,210,211,215,216,217,218,225,226,227,228,229,230,236,237,238,239,246,247,248,249,250,251,258,259,260,261,267,268,269,270,271,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,310,311,312,313,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,485 +2948 - 53,54,55,75,76,77,96,97,98,99,118,119,120,123,124,125,140,141,142,145,146,147,161,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,207,211,212,213,226,227,228,233,234,235,248,249,250,255,256,257,269,270,271,277,278,279,290,291,292,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,341,342,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,489 +2949 - 58,59,60,61,62,78,79,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,486 +2950 - 97,98,99,100,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,179,180,181,182,183,184,186,187,188,189,201,202,203,204,208,209,210,219,223,224,225,230,231,232,239,240,241,251,252,253,254,260,261,262,273,274,275,276,281,282,283,295,296,297,301,302,303,304,316,317,318,319,322,323,324,325,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,426,427,428,429,487 +2951 - 36,37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,182,183,184,185,189,190,191,192,193,205,206,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,420,421,422,423,424,425,443,444,445,487 +2952 - 55,56,57,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +2953 - 57,58,59,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,353,354,355,362,363,364,365,366,367,375,376,377,378,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,466,467,468,469,470,488 +2954 - 10,11,12,13,31,32,33,34,35,36,53,54,57,58,75,79,80,81,96,97,102,103,118,124,125,146,147,168,169,190,191,211,212,213,233,234,255,256,269,270,271,272,276,277,278,291,292,293,294,295,296,298,299,312,313,317,318,319,320,321,334,335,340,341,342,343,344,356,357,361,362,363,364,365,366,367,378,379,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,487 +2955 - 75,76,77,84,85,86,96,97,98,99,105,106,107,108,117,118,119,120,126,127,128,129,138,139,140,141,142,147,148,149,150,159,160,161,162,163,167,168,169,170,171,172,180,181,182,183,184,188,189,190,191,192,193,197,201,202,203,204,205,206,209,210,211,212,213,214,217,218,219,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,489 +2956 - 82,83,84,85,86,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,170,171,172,173,192,193,194,195,212,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,469,470,471,472,492 +2957 - 85,86,87,99,100,104,105,106,107,108,109,119,120,121,122,124,125,126,127,128,129,130,131,140,141,142,143,144,146,147,148,149,150,151,152,153,161,162,163,164,165,168,169,170,171,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,252,253,254,255,257,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,399,400,401,402,403,404,490 +2958 - 53,54,55,56,57,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,101,102,103,104,105,106,107,116,117,118,119,126,127,128,129,138,139,140,141,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,205,206,207,210,211,212,213,227,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,341,342,343,358,359,360,363,364,365,366,380,381,382,383,386,387,388,389,402,403,404,405,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +2959 - 14,15,16,17,18,19,35,36,37,38,39,40,55,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,164,165,180,181,182,183,184,185,186,187,202,203,204,205,206,207,216,217,218,223,224,225,226,227,228,236,237,238,239,240,244,245,246,247,248,249,256,257,258,259,260,261,262,266,267,268,269,270,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,491 +2960 - 77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,124,125,138,139,140,141,146,147,160,161,162,163,167,168,169,182,183,184,185,186,189,190,204,205,206,207,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,343,344,360,361,365,366,382,383,387,388,403,404,410,425,426,431,432,448,452,453,454,470,471,472,473,474,475,493 +2961 - 95,96,97,98,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,195,202,203,204,205,211,212,213,214,215,216,217,232,233,234,235,236,237,238,254,255,256,257,258,259,260,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,337,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,386,401,402,403,404,405,406,407,422,423,424,425,426,427,428,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,492 +2962 - 59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,95,96,98,99,100,101,102,103,104,105,106,107,108,109,117,118,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,160,161,162,165,166,181,182,183,184,203,204,205,206,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,323,324,334,335,336,337,345,346,358,366,367,368,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,490 +2963 - 57,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,340,341,342,343,356,357,358,359,362,363,364,365,366,378,379,380,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +2964 - 8,9,29,30,31,51,52,72,73,74,94,95,115,116,117,137,138,139,158,159,160,180,181,182,188,189,190,191,192,193,202,203,204,207,208,209,210,211,212,213,214,215,216,217,218,225,226,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,261,262,263,270,271,272,273,283,284,292,293,294,304,305,314,315,316,326,336,337,338,347,348,358,359,360,361,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +2965 - 78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,160,161,162,163,167,168,169,170,181,182,183,184,188,189,190,191,202,203,204,205,210,211,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,494 +2966 - 54,55,61,62,75,76,77,83,84,96,97,98,104,105,106,118,119,126,127,139,140,141,147,148,149,160,161,162,169,170,181,182,183,190,191,192,203,204,205,212,213,224,225,226,233,234,235,246,247,248,249,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,318,319,320,340,341,342,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471,489 +2967 - 16,17,18,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,238,255,256,257,258,259,260,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,488 +2968 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,92,93,94,95,96,100,101,102,103,114,115,116,123,124,125,144,145,146,147,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,232,233,234,255,256,257,277,278,279,300,301,302,322,323,324,344,345,346,355,366,367,377,378,387,388,389,399,400,401,408,409,410,411,422,423,424,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +2969 - 83,84,85,86,104,105,106,107,114,115,116,117,126,127,128,129,136,137,138,139,147,148,149,150,157,158,159,160,161,169,170,171,172,179,180,181,182,191,192,193,194,200,201,202,203,204,212,213,214,215,216,221,222,223,224,225,228,229,230,231,232,233,234,235,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,320,321,322,323,342,343,344,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,451,452,453,473,474,475,489 +2970 - 79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,137,138,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,188,189,190,203,204,205,206,210,211,212,232,233,253,254,255,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,492 +2971 - 37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,486 +2972 - 33,34,35,36,55,56,57,58,78,79,80,99,100,101,102,112,113,122,123,124,134,135,136,144,145,146,155,156,157,158,166,167,168,177,178,179,188,189,190,199,200,201,210,211,212,221,222,223,224,232,233,234,235,244,245,246,254,255,256,257,267,268,269,276,277,278,279,289,290,291,292,293,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,362,363,364,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,489 +2973 - 84,85,86,87,96,106,107,108,109,116,117,118,119,126,127,128,129,130,131,137,138,139,140,141,148,149,150,151,152,158,159,160,161,162,169,170,171,172,173,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,206,211,212,213,214,215,216,217,222,223,224,225,226,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,489 +2974 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,138,139,140,141,142,143,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,319,320,321,322,336,337,338,339,342,343,344,345,358,359,360,365,366,367,380,381,382,387,388,389,401,402,403,408,409,410,411,424,425,426,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,493 +2975 - 12,13,14,15,16,34,35,36,37,55,56,57,58,59,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,138,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,202,203,204,205,206,207,212,213,214,215,216,217,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,289,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,491 +2976 - 30,31,51,52,53,73,74,75,80,81,95,96,97,102,103,104,117,118,124,125,126,139,140,146,147,148,160,161,162,163,167,168,169,170,183,184,189,190,191,192,204,205,206,211,212,213,214,226,227,228,233,234,235,236,248,249,250,255,256,257,258,269,270,271,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,343,344,345,365,366,367,387,388,389,409,410,411,412,413,431,432,433,434,435,436,454,455,456,457,489 +2977 - 12,13,14,15,34,35,36,37,38,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,180,181,182,183,184,185,193,194,195,196,202,203,204,205,206,213,214,215,216,217,218,224,225,226,227,228,233,234,235,236,237,238,239,240,241,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,402,403,404,491 +2978 - 27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,71,72,94,95,116,117,138,139,160,161,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,213,226,227,228,233,234,235,236,256,257,258,279,280,281,302,303,324,325,337,338,346,347,359,360,368,369,381,382,383,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,490 +2979 - 93,94,95,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,189,190,191,192,193,194,195,202,203,204,205,206,211,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +2980 - 5,6,7,8,27,28,29,30,48,49,50,51,70,71,72,73,92,93,94,95,104,114,115,116,124,125,126,127,136,137,138,145,146,147,148,149,150,157,158,159,166,167,168,169,170,171,172,180,181,182,187,188,189,190,191,192,193,194,195,202,203,204,208,209,210,211,212,216,217,224,225,226,230,231,232,233,238,239,240,246,247,248,251,252,253,254,260,261,262,268,269,270,273,274,275,281,282,283,291,292,293,295,296,297,302,303,304,305,313,314,315,316,318,319,320,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +2981 - 58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,168,169,170,171,172,188,189,190,191,192,193,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,299,300,301,302,314,315,320,321,322,323,342,343,344,345,354,355,356,357,363,364,365,366,367,375,376,377,378,379,380,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,467,468,469,470,471,488 +2982 - 89,90,91,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,191,192,193,194,213,214,215,216,234,235,236,237,238,256,257,258,259,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,450,451,452,472,473,474,475,492 +2983 - 34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,102,103,104,105,106,107,119,120,121,124,125,126,127,128,129,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,278,279,280,281,282,300,301,302,303,320,321,322,323,324,325,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,488 +2984 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,117,118,119,139,140,141,142,161,162,163,164,165,169,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,301,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,359,360,361,362,365,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,493 +2985 - 80,81,82,83,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,151,164,165,166,167,168,169,170,171,172,173,186,187,188,189,190,191,192,193,194,195,207,208,209,210,212,213,214,215,216,225,226,227,230,231,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,375,376,377,378,379,380,381,382,399,400,401,402,487 +2986 - 46,47,48,49,51,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,134,135,156,157,166,167,168,169,170,171,178,179,185,186,187,188,189,190,191,192,193,194,195,196,200,201,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,230,231,232,237,238,239,240,241,244,245,246,247,248,249,250,261,262,263,266,267,268,269,284,285,289,290,306,307,311,328,329,349,350,351,371,372,373,381,392,393,394,403,404,405,408,409,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,490 +2987 - 36,37,38,39,58,59,60,61,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,176,186,187,188,189,190,191,198,207,208,209,210,211,212,213,220,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,448,486 +2988 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,103,104,105,114,115,116,117,118,119,126,127,128,129,136,137,138,139,146,147,148,149,150,151,158,159,160,167,168,169,170,171,180,181,182,183,188,189,190,191,192,203,204,205,206,209,210,211,212,225,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,323,338,339,340,343,344,345,346,360,361,362,366,367,368,369,381,382,383,384,388,389,390,391,404,405,406,410,411,412,413,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +2989 - 59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,170,171,172,173,181,182,183,184,185,186,187,188,191,192,193,194,195,202,203,204,205,206,207,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,339,340,341,342,343,344,345,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,494 +2990 - 28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,98,99,100,120,121,122,141,142,143,144,161,162,163,164,165,183,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,234,253,254,255,256,257,277,278,279,280,300,301,302,303,322,323,324,325,344,345,346,347,359,360,366,367,368,369,380,381,382,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,488 +2991 - 87,107,108,109,119,120,121,129,130,131,138,139,140,141,142,148,149,150,151,152,153,159,160,161,162,163,164,170,171,172,173,174,180,181,182,183,184,185,191,192,193,194,195,201,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,471,472,473,489 +2992 - 56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,124,125,126,127,128,129,138,139,140,141,147,148,149,150,151,159,160,161,162,170,171,172,173,181,182,183,192,193,194,195,202,203,204,205,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,258,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,333,334,335,336,345,346,347,348,355,356,357,358,367,368,369,370,377,378,379,380,388,389,390,391,399,400,401,402,403,410,411,412,413,421,422,423,424,425,432,433,434,443,444,445,446,447,448,453,454,455,456,466,467,468,469,470,471,473,474,475,476,477,485 +2993 - 95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,231,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,466,467,468,469,470,471,492 +2994 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,147,148,149,168,169,170,189,190,191,192,211,212,213,233,234,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,492 +2995 - 80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,287,288,289,300,301,302,303,308,309,310,311,312,313,319,320,321,322,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,488 +2996 - 78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,128,139,140,141,142,143,144,146,161,162,163,164,183,184,185,205,206,207,227,228,229,249,250,251,271,272,273,274,294,295,296,297,316,317,318,319,339,340,341,361,362,363,383,384,385,401,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,490 +2997 - 84,85,86,87,106,107,108,109,117,118,119,126,127,128,129,130,131,138,139,140,141,142,148,149,150,151,152,159,160,161,162,163,169,170,171,172,173,180,181,182,183,184,185,190,191,192,193,194,201,202,203,204,205,206,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,296,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +2998 - 29,30,31,32,51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,320,321,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,488 +2999 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,181,182,183,184,185,186,187,191,192,193,194,195,202,203,204,205,206,207,208,212,213,214,215,216,224,225,226,227,228,229,233,234,235,236,237,238,246,247,248,249,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,450,467,468,469,470,471,494 +3000 - 122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,169,170,179,180,181,182,183,184,185,190,191,192,201,202,203,204,205,212,213,214,234,235,255,256,257,277,278,298,299,300,320,321,342,343,363,364,365,385,386,406,407,408,428,429,450,451,471,472,473,492 +3001 - 38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,85,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,361,377,378,379,380,381,382,398,399,400,401,402,403,404,420,421,422,423,424,425,442,443,444,445,446,486 +3002 - 78,79,80,99,100,101,102,120,121,122,140,141,142,143,145,162,163,164,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,251,252,253,254,255,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,494 +3003 - 59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,143,144,145,146,147,148,149,164,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,466,467,468,469,486 +3004 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,100,101,102,115,116,117,123,124,137,138,139,145,146,159,160,161,166,167,168,181,182,183,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,257,258,259,271,272,273,274,280,281,293,294,295,302,303,304,314,315,316,324,325,336,337,338,346,347,358,359,360,368,369,380,381,382,389,390,391,402,403,404,405,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +3005 - 15,16,17,37,38,39,40,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,192,193,194,195,205,206,207,208,209,213,214,215,216,226,227,228,229,230,235,236,237,238,248,249,250,251,252,256,257,258,259,260,268,269,270,271,272,273,278,279,280,281,290,291,292,293,294,298,299,300,301,302,303,311,312,313,314,315,319,320,321,322,323,324,332,333,334,335,336,339,340,341,342,343,344,345,354,355,356,357,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,485 +3006 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,447,448,449,486 +3007 - 36,37,38,39,57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,450,486 +3008 - 49,50,51,55,56,57,72,73,78,79,94,95,100,101,116,117,122,123,124,138,139,140,144,145,146,160,161,167,168,181,182,183,190,191,203,204,205,212,213,225,226,234,235,236,246,247,248,255,256,257,258,259,260,261,268,269,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,323,324,334,335,336,337,345,346,368,369,390,391,412,413,434,435,456,457,478,479,489 +3009 - 62,63,64,65,85,86,106,107,117,118,119,127,128,129,139,140,141,148,149,150,151,159,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,194,202,203,204,205,206,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,489 +3010 - 12,13,14,15,32,33,34,35,36,53,54,55,56,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,181,182,183,184,203,204,205,225,226,233,234,235,236,237,238,239,246,247,248,255,256,257,258,259,260,261,262,268,269,270,277,278,282,283,284,290,291,292,299,300,305,306,312,313,314,326,327,328,335,336,337,347,348,349,357,358,359,360,361,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,491 +3011 - 12,13,14,15,33,34,35,36,37,55,56,57,58,59,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,170,171,172,173,174,182,183,184,185,186,191,192,193,194,195,196,197,203,204,205,206,207,211,212,213,214,215,216,217,218,219,224,225,226,227,228,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,491 +3012 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,115,116,117,121,122,123,124,136,137,138,144,145,146,158,159,160,166,167,168,180,181,182,188,189,190,191,202,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,318,319,320,321,322,341,342,343,363,364,365,368,369,385,386,387,389,390,391,407,408,409,410,411,412,429,430,431,432,433,434,451,452,453,454,455,474,475,476,494 +3013 - 39,40,41,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,170,171,172,173,180,181,182,183,184,185,186,187,188,192,193,194,195,202,203,204,205,206,207,208,209,214,215,216,217,223,224,225,226,227,228,235,236,237,238,239,244,245,246,247,248,249,256,257,258,259,260,261,266,267,268,269,270,271,272,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,310,311,312,313,314,320,321,322,323,324,325,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,358,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,485 +3014 - 51,52,53,54,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,122,123,124,125,135,136,137,146,147,156,157,158,168,169,178,179,190,191,200,201,202,203,212,213,222,223,224,225,226,227,228,229,233,234,235,247,248,249,250,251,252,253,255,256,272,273,274,275,276,277,278,297,298,299,300,320,321,322,323,341,342,343,344,345,346,363,364,365,366,367,368,369,385,386,387,389,390,391,407,408,409,410,412,413,430,431,432,433,434,435,453,454,455,456,457,476,477,478,479,493 +3015 - 34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,124,125,126,127,128,129,141,142,143,144,146,147,148,149,150,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,268,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,407,408,409,410,411,419,420,421,422,423,442,443,444,487 +3016 - 55,56,57,75,76,77,78,79,94,95,96,97,98,99,100,114,115,116,117,118,119,120,126,127,128,129,130,134,135,136,137,138,139,140,146,147,148,149,150,151,152,155,156,157,158,159,160,167,168,169,170,171,172,173,174,177,178,179,180,188,189,190,191,192,193,194,199,200,201,202,203,210,211,212,213,221,222,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,316,317,318,319,321,322,323,324,325,338,339,340,341,345,346,347,348,360,361,362,363,368,369,370,382,383,384,389,390,391,392,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,472,473,474,475,493 +3017 - 57,58,59,60,61,62,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,168,169,170,171,172,181,182,183,184,185,186,187,189,190,191,192,193,203,204,205,206,207,211,212,213,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,365,379,380,381,382,384,385,386,387,401,402,403,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,473,493 +3018 - 50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,252,255,256,257,269,270,271,272,277,278,279,290,291,292,293,299,300,301,311,312,313,314,321,322,323,324,333,334,335,344,345,346,355,356,357,366,367,368,377,378,379,380,388,389,400,401,402,403,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +3019 - 81,82,83,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,186,187,190,191,192,193,194,212,213,214,215,232,233,234,235,236,237,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,375,376,377,378,379,380,381,382,398,399,400,401,402,487 +3020 - 14,15,16,17,34,35,36,37,38,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,302,303,304,314,315,316,317,318,323,324,325,326,336,337,338,339,340,341,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +3021 - 120,121,128,129,130,131,141,142,143,144,147,148,149,150,151,152,153,161,162,163,164,165,168,169,170,171,172,173,174,175,182,183,184,185,186,187,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,274,275,276,277,278,279,280,290,291,292,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,490 +3022 - 8,9,10,11,12,30,31,32,33,34,35,36,52,53,54,55,56,57,58,77,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,428,487 +3023 - 75,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,189,190,191,192,193,210,211,212,213,214,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,375,376,377,378,379,380,397,398,399,400,487 +3024 - 57,58,59,60,78,79,80,81,93,94,95,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,271,272,273,274,275,276,277,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,362,363,364,365,366,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +3025 - 38,39,40,41,59,60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,405,421,422,423,424,425,426,444,445,446,447,448,486 +3026 - 68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,121,122,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,337,338,339,340,344,345,346,359,360,367,368,389,390,411,412,433,434,435,455,456,457,477,478,479,488 +3027 - 95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,210,211,212,213,214,215,216,223,224,225,226,227,232,233,234,235,236,237,246,247,248,253,254,255,256,257,258,274,275,276,277,278,279,280,295,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,466,467,468,469,470,471,492 +3028 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,148,149,150,159,160,161,162,171,172,181,182,183,190,191,192,193,194,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,472,473,474,475,494 +3029 - 77,78,79,80,81,82,83,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,192,193,194,195,196,203,204,205,206,207,208,209,214,215,216,217,223,224,225,226,227,228,229,230,234,235,236,237,238,239,245,246,247,248,249,250,257,258,259,260,261,266,267,268,269,270,277,278,279,280,281,282,288,289,290,291,292,293,298,299,300,301,302,303,304,310,311,312,313,314,320,321,322,323,324,331,332,333,334,335,336,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,443,444,445,446,447,448,449,485 +3030 - 74,75,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,185,186,187,188,189,190,191,192,194,195,200,201,202,203,204,208,209,210,211,212,213,215,216,217,218,219,222,223,224,225,226,238,239,240,241,245,246,247,248,249,262,263,267,268,269,270,271,272,284,285,290,291,292,293,294,295,296,305,306,307,313,314,315,316,317,318,326,327,328,329,336,337,338,339,340,341,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,408,409,410,411,485 +3031 - 101,102,103,104,105,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,224,225,226,227,228,229,231,232,233,234,235,236,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,355,356,357,487 +3032 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,122,123,124,138,139,140,141,144,145,146,160,161,162,163,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,212,213,214,225,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,300,301,302,316,317,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +3033 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,170,171,172,173,182,183,184,185,186,187,188,192,193,194,195,203,204,205,206,207,208,213,214,215,216,217,223,224,225,226,227,228,229,230,235,236,237,238,239,245,246,247,248,249,256,257,258,259,260,267,268,269,270,271,278,279,280,281,282,288,289,290,291,292,293,299,300,301,302,303,304,310,311,312,313,314,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,485 +3034 - 76,77,78,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,169,170,182,183,184,185,192,193,204,205,206,215,226,227,237,248,249,250,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,427,428,448,449,450,470,471,494 +3035 - 14,15,16,35,36,37,38,39,56,57,58,59,60,78,79,80,81,82,83,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,162,163,164,165,166,181,182,183,184,185,186,187,194,195,203,204,205,206,207,208,213,214,215,216,217,218,219,225,226,227,228,229,235,236,237,238,239,240,241,246,247,248,249,250,255,256,257,258,259,260,261,262,263,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,424,425,426,427,491 +3036 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,114,115,116,117,136,137,138,139,158,159,160,161,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,254,255,256,257,258,259,260,279,280,281,282,302,303,304,305,325,326,327,346,347,348,349,368,369,370,371,389,390,391,392,402,403,404,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,490 +3037 - 59,60,61,62,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,148,160,161,162,163,164,165,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,341,342,343,344,358,359,360,361,364,365,366,380,381,382,386,387,388,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +3038 - 54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,125,126,127,136,137,138,139,147,148,149,158,159,160,168,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,487 +3039 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,386,387,388,389,390,391,392,393,394,400,401,410,411,412,413,414,415,416,417,435,436,437,438,439,458,459,460,487 +3040 - 71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,158,159,160,180,181,186,187,188,189,190,191,192,202,203,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,258,259,260,261,267,268,269,270,281,282,283,288,289,290,291,304,305,306,311,312,326,327,328,348,349,350,351,370,371,372,392,393,394,400,412,413,414,415,422,423,433,434,435,436,444,445,454,455,456,457,458,466,467,468,469,470,471,472,473,474,475,476,477,478,490 +3041 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,147,148,149,150,151,160,161,162,163,164,165,167,168,169,170,171,172,173,182,183,184,185,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,294,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,494 +3042 - 69,70,71,72,91,92,93,94,95,96,97,114,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,190,191,192,211,212,213,214,233,234,235,255,256,257,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,473,492 +3043 - 36,37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,168,169,170,171,172,186,187,190,191,192,193,211,212,213,214,215,231,232,233,234,235,236,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,374,375,376,377,378,379,380,381,382,383,384,385,396,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,441,442,443,444,445,446,487 +3044 - 31,32,33,34,35,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,125,126,127,128,137,138,139,148,149,150,158,159,160,170,171,172,173,180,181,182,193,194,195,201,202,203,204,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,333,334,335,336,337,345,346,347,348,356,357,358,359,360,367,368,369,370,378,379,380,381,382,383,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +3045 - 14,15,16,17,18,35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,276,277,278,279,296,297,298,299,300,301,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,488 +3046 - 6,7,8,9,10,28,29,30,49,50,51,71,72,73,92,93,94,95,114,115,116,136,137,138,158,159,160,180,181,182,202,203,204,224,225,226,227,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,302,303,304,305,306,314,315,316,317,326,327,328,329,337,338,339,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,383,384,385,386,387,388,389,390,391,392,393,394,407,408,409,410,411,412,413,414,491 +3047 - 14,15,16,35,36,37,38,56,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,192,193,194,195,204,205,206,207,208,209,213,214,215,216,217,225,226,227,228,229,230,234,235,236,237,238,239,246,247,248,249,250,251,254,255,256,257,258,259,260,261,268,269,270,271,272,276,277,278,279,280,281,282,283,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,491 +3048 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,144,145,146,147,148,149,169,170,171,190,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,492 +3049 - 58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,494 +3050 - 97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,144,145,146,147,162,163,165,166,167,168,184,185,187,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,234,253,254,255,275,276,277,297,298,299,319,320,340,341,342,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,494 +3051 - 37,38,39,40,41,42,58,59,60,61,62,63,64,78,79,80,81,82,83,84,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,493 +3052 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,118,119,121,122,123,124,138,139,140,141,143,144,145,146,159,160,161,162,165,166,167,168,180,181,182,183,184,188,189,190,200,201,202,203,204,205,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,294,295,296,297,298,299,300,301,302,303,320,321,322,323,324,325,342,343,344,345,346,365,366,367,387,388,389,390,409,410,411,412,413,431,432,433,434,435,454,455,456,457,489 +3053 - 76,77,78,79,80,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,189,190,191,192,193,206,207,208,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +3054 - 72,73,74,75,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,121,122,123,124,125,126,135,136,137,138,142,143,144,145,146,147,148,149,156,157,158,159,164,165,166,167,168,169,170,171,172,178,179,180,186,187,191,192,193,194,195,200,201,202,214,215,216,217,218,222,223,224,237,238,239,240,244,245,246,260,261,262,263,266,267,268,282,283,284,285,288,289,290,305,306,307,310,311,312,313,327,328,329,332,333,334,335,336,348,349,350,351,354,355,356,357,358,359,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,452,453,454,485 +3055 - 59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,168,169,170,182,183,184,185,186,188,189,190,191,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,378,379,380,381,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +3056 - 77,78,79,80,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,236,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,314,315,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +3057 - 80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,169,170,171,172,173,181,182,183,184,185,186,190,191,192,193,194,195,203,204,205,206,207,210,211,212,213,214,215,216,224,225,226,227,228,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +3058 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,137,138,139,140,141,142,158,159,160,161,162,163,180,181,182,183,184,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,408,409,410,411,412,429,430,431,432,433,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +3059 - 37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,147,148,149,150,151,161,162,163,164,165,166,168,169,170,171,172,183,184,185,186,187,189,190,191,192,193,194,206,207,208,210,211,212,213,214,215,231,232,233,234,235,236,237,252,253,254,255,256,257,258,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,308,309,310,311,312,313,314,315,316,317,318,319,320,321,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,418,419,420,421,422,423,424,425,430,431,432,433,434,435,436,487 +3060 - 76,78,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,162,163,164,183,184,185,186,205,206,207,227,228,229,249,250,251,252,271,272,273,274,275,276,296,297,298,319,320,341,342,343,362,363,364,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,449,490 +3061 - 57,58,59,60,61,62,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,398,399,400,401,402,403,404,421,422,423,424,487 +3062 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,122,123,135,136,137,138,139,149,150,151,157,158,159,160,169,170,171,172,173,178,179,180,181,190,191,192,193,194,200,201,202,203,211,212,213,214,215,222,223,224,225,226,227,228,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,369,383,384,385,386,388,389,390,391,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,456,474,475,476,493 +3063 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,494 +3064 - 114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,198,199,200,201,202,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,492 +3065 - 35,36,37,38,39,40,41,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,493 +3066 - 74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,145,146,147,148,149,150,157,158,159,160,161,162,163,170,171,172,173,174,178,179,180,181,182,193,194,195,196,200,201,202,203,217,218,219,222,223,240,241,244,245,262,263,266,267,284,285,288,289,290,291,305,306,307,310,311,312,313,326,327,328,329,333,334,335,336,347,348,349,355,356,357,358,359,360,361,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,485 +3067 - 37,38,39,40,58,59,60,61,62,78,79,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,247,248,249,250,251,252,258,259,269,270,271,272,273,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,491 +3068 - 58,59,60,79,80,81,82,101,102,103,122,123,124,143,144,145,164,165,166,168,185,186,187,189,190,191,205,206,207,208,211,212,213,226,227,228,229,233,234,235,247,248,249,255,256,267,268,269,270,277,278,287,288,289,290,291,298,299,300,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,363,364,365,385,386,387,407,408,429,430,451,452,473,474,489 +3069 - 86,87,106,107,108,109,119,120,126,127,128,129,130,131,140,141,142,147,148,149,150,151,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,188,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,337,338,339,340,359,360,361,380,381,382,383,402,403,404,405,424,425,426,489 +3070 - 57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,118,119,120,121,122,140,141,142,163,164,184,185,186,206,207,208,228,229,230,231,232,250,251,252,253,254,255,271,272,273,276,277,278,293,294,295,299,300,315,316,317,321,322,337,338,343,344,364,365,366,385,386,387,406,407,408,425,427,428,429,446,447,448,449,450,451,468,469,470,471,490 +3071 - 108,109,119,120,129,130,131,139,140,141,142,143,149,150,151,152,153,161,162,163,164,170,171,172,173,174,182,183,184,185,186,190,191,192,193,194,195,196,203,204,205,206,207,212,213,214,215,216,224,225,226,227,228,229,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,449,450,489 +3072 - 98,99,100,103,104,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,215,223,224,225,226,227,231,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,267,268,269,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,342,343,344,345,360,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +3073 - 94,95,96,97,106,107,108,109,116,117,118,119,128,129,130,131,137,138,139,140,141,148,149,150,151,152,158,159,160,161,162,163,169,170,171,172,173,179,180,181,182,183,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +3074 - 71,72,73,92,93,94,95,96,97,113,114,115,116,117,118,119,120,121,122,123,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,184,185,186,187,188,189,190,191,192,193,194,195,196,200,201,210,211,212,213,214,215,216,217,218,222,223,235,236,237,238,239,240,241,244,245,259,260,261,262,263,266,267,280,281,282,283,284,285,288,289,290,302,303,304,305,306,310,311,312,313,324,325,326,327,333,334,335,336,345,346,347,348,349,355,356,357,358,359,360,361,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,485 +3075 - 38,39,40,41,60,61,62,63,64,80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,234,235,236,237,238,247,248,249,250,251,252,253,255,256,257,258,259,268,269,270,271,272,273,274,277,278,279,280,281,289,290,291,292,293,294,295,298,299,300,301,302,310,311,312,313,314,315,316,319,320,321,322,323,332,333,334,335,336,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +3076 - 74,75,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,140,141,142,143,144,149,150,151,152,157,158,159,160,161,162,163,164,171,172,173,174,175,179,180,182,183,184,185,194,195,196,200,201,202,203,205,206,217,218,219,222,223,224,238,239,240,241,244,245,246,260,261,262,266,267,268,282,283,284,288,289,290,303,304,305,306,310,311,312,324,325,326,327,332,333,334,335,346,347,348,354,355,356,357,366,367,368,369,377,378,379,380,387,388,389,390,399,400,401,402,403,404,405,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +3077 - 36,37,38,39,40,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,485 +3078 - 12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,140,141,142,160,161,162,163,164,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,278,279,280,300,301,302,322,323,324,335,336,337,338,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,490 +3079 - 62,63,64,65,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,204,205,206,207,208,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,493 +3080 - 32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,146,162,163,164,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,454,486 +3081 - 37,38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,485 +3082 - 70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,121,122,123,124,125,126,127,133,134,135,146,147,148,149,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,452,457,460,470,471,472,473,474,475,476,477,478,479,480,481,482,487 +3083 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,129,130,131,139,140,141,142,143,144,145,146,149,150,151,152,153,159,160,161,162,163,164,165,169,170,171,172,173,174,181,182,183,184,185,186,190,191,192,193,194,195,196,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,362,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,466,467,468,469,470,493 +3084 - 10,11,31,32,33,52,53,54,73,74,75,95,96,97,117,118,138,139,140,160,161,162,168,169,170,171,172,182,183,188,189,190,191,192,193,194,195,203,204,205,208,209,210,211,212,213,214,215,216,217,218,225,226,227,229,230,231,232,239,240,247,248,249,250,251,252,253,261,262,269,270,271,272,273,274,283,284,291,292,293,294,304,305,306,313,314,315,326,327,335,336,337,338,339,346,347,348,349,357,358,359,366,367,368,369,370,379,380,381,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +3085 - 11,12,13,14,15,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,101,119,120,121,122,123,126,127,128,140,141,142,143,144,148,149,150,151,161,162,163,164,165,168,169,170,171,172,173,174,182,183,184,185,186,187,189,190,191,192,193,194,195,196,204,205,206,207,208,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,491 +3086 - 30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,101,102,103,104,105,113,114,115,116,117,124,125,126,127,135,136,137,138,146,147,148,149,158,159,160,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,444,445,446,447,457,458,459,487 +3087 - 14,15,16,17,35,36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,215,216,217,225,226,227,228,229,230,236,237,238,239,247,248,249,250,251,257,258,259,260,261,269,270,271,272,278,279,280,281,282,283,291,292,293,294,295,300,301,302,303,304,305,312,313,314,315,316,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,491 +3088 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,147,148,149,162,163,164,165,167,168,169,170,171,183,184,185,186,188,189,190,191,192,204,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,471,472,473,474,494 +3089 - 57,58,59,60,61,62,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,166,168,169,170,171,172,182,183,184,185,186,190,191,192,193,204,205,206,207,208,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +3090 - 33,34,55,56,77,78,99,100,121,122,143,144,165,166,187,188,209,210,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,342,363,364,385,386,407,408,429,430,451,452,486 +3091 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,169,170,171,172,173,174,177,178,179,180,181,182,191,192,193,194,195,196,199,200,201,213,214,215,216,217,233,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,446,447,448,449,450,451,452,467,468,469,470,471,472,492 +3092 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,115,116,117,137,138,139,158,159,160,161,162,163,180,181,182,183,184,185,186,187,206,207,208,209,210,230,231,232,233,234,254,255,256,257,278,279,280,301,302,323,324,325,345,346,347,367,368,369,382,383,389,390,391,404,405,410,411,412,425,426,429,430,431,432,433,434,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +3093 - 78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,259,260,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,488 +3094 - 54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,120,129,138,139,140,160,161,162,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,278,279,280,281,291,292,301,302,303,312,313,314,323,324,325,334,335,336,345,346,347,355,356,357,358,366,367,368,369,377,378,379,380,387,388,389,390,391,400,401,402,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +3095 - 60,61,62,63,64,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,168,169,170,171,172,173,181,182,183,184,185,186,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +3096 - 75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,149,150,151,152,157,158,159,160,172,173,174,179,180,181,182,183,184,193,194,195,196,202,203,204,205,206,207,208,209,210,215,216,217,218,225,226,227,228,229,230,231,232,233,236,237,238,239,248,249,250,251,252,253,254,255,257,258,259,260,276,277,279,280,281,282,300,301,302,303,321,322,323,324,343,344,345,346,364,365,366,367,384,385,386,387,388,405,406,407,408,409,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,494 +3097 - 37,38,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,170,171,172,173,174,181,182,183,184,185,186,192,193,194,195,196,202,203,204,205,206,207,208,214,215,216,217,218,223,224,225,226,227,228,229,236,237,238,239,244,245,246,247,248,249,257,258,259,260,261,266,267,268,269,270,271,278,279,280,281,282,283,287,288,289,290,291,292,300,301,302,303,304,309,310,311,312,313,314,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,485 +3098 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,324,325,326,327,334,335,336,346,347,348,356,357,358,366,367,368,369,370,378,379,380,387,388,389,390,391,400,401,402,403,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,485 +3099 - 58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,298,299,300,301,302,303,308,309,310,311,312,313,318,319,320,321,322,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,488 +3100 - 10,11,12,13,32,33,34,35,36,53,54,56,57,58,76,79,80,81,101,102,103,124,125,146,147,167,168,169,189,190,211,212,233,234,254,255,256,269,270,275,276,277,291,292,296,297,298,313,314,315,316,317,318,319,335,336,337,338,339,340,359,360,361,382,383,384,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,487 +3101 - 16,17,18,19,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,203,204,205,206,207,208,215,216,217,224,225,226,227,228,229,230,235,236,237,238,239,240,245,246,247,248,249,250,251,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,296,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,491 +3102 - 33,34,55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +3103 - 37,38,39,40,41,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,493 +3104 - 73,78,79,80,94,95,96,97,100,101,102,116,117,118,119,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,297,298,299,300,302,303,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +3105 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,297,298,299,300,301,320,321,322,323,341,342,343,344,358,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,488 +3106 - 35,36,56,57,58,59,78,79,80,81,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +3107 - 37,38,39,57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,446,447,448,449,486 +3108 - 74,75,76,77,78,95,96,97,98,99,100,101,102,116,117,118,119,121,122,123,124,125,137,138,139,143,144,145,146,147,158,159,160,161,165,166,167,168,169,180,181,182,187,188,189,190,191,202,203,204,209,210,211,212,224,225,226,227,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,454,455,456,475,476,477,478,494 +3109 - 35,36,37,38,39,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,311,312,313,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,488 +3110 - 50,51,52,53,54,55,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,137,138,141,142,143,144,145,146,147,163,164,165,166,167,168,169,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,301,302,303,304,305,313,314,315,323,324,325,326,327,345,346,347,348,349,366,367,368,369,370,371,380,381,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,472,473,475,488 +3111 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,143,147,148,149,159,160,161,162,163,164,169,170,171,180,181,182,183,184,185,188,189,190,191,192,193,194,201,202,203,204,205,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,298,299,300,301,312,313,314,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +3112 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,429,430,431,432,452,453,454,486 +3113 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,486 +3114 - 27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,123,124,126,127,128,129,149,150,151,170,171,172,173,191,192,193,194,202,203,204,205,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,325,345,346,347,348,354,355,367,368,369,370,375,376,377,378,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +3115 - 81,82,83,84,85,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,148,149,150,151,161,162,163,164,165,166,169,170,171,172,173,181,182,183,184,185,186,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,494 +3116 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,137,138,139,140,143,144,145,146,159,160,167,168,181,182,189,190,191,203,204,211,212,213,225,226,227,228,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,294,295,296,297,299,300,321,322,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,476,477,478,494 +3117 - 36,37,38,39,56,57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,150,151,152,161,162,163,164,165,166,167,168,169,171,172,173,174,182,183,184,185,186,187,188,189,193,194,195,196,203,204,205,206,207,208,209,214,215,216,217,218,224,225,226,227,228,229,230,236,237,238,239,240,245,246,247,248,249,250,251,257,258,259,260,261,266,267,268,269,270,271,278,279,280,281,282,287,288,289,290,291,292,293,298,299,300,301,302,303,304,309,310,311,312,313,314,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,485 +3118 - 80,81,82,83,95,96,97,98,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,169,170,171,172,178,179,180,181,182,183,186,187,188,189,190,191,192,193,194,201,202,203,208,209,211,212,213,214,215,223,224,225,226,227,233,234,235,236,246,247,248,249,250,251,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,366,367,382,383,384,385,387,388,389,390,403,404,405,406,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +3119 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,192,193,194,195,196,213,214,215,216,217,235,236,237,238,239,256,257,258,259,260,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,444,445,446,447,448,449,450,451,466,467,468,469,470,471,492 +3120 - 83,84,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,174,185,186,187,188,189,190,207,208,209,210,228,229,230,231,232,251,252,253,254,273,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,354,355,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,443,444,445,446,490 +3121 - 79,80,81,82,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,188,189,190,191,192,205,206,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,344,345,346,347,348,349,350,354,355,356,357,358,359,369,370,371,487 +3122 - 56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,103,104,118,119,120,121,122,123,125,126,139,140,141,142,144,147,148,160,161,162,163,168,169,170,182,183,190,191,203,204,205,210,211,212,225,226,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,277,278,279,280,281,293,294,295,296,301,302,303,304,315,316,317,325,326,337,338,347,348,358,359,360,368,369,370,380,381,389,390,391,402,403,410,411,412,424,425,426,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +3123 - 94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,472,492 +3124 - 36,37,38,39,40,49,50,51,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,123,124,125,144,145,146,165,166,167,186,187,188,207,208,209,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,278,279,280,292,293,294,295,300,301,302,314,315,316,322,323,344,345,353,365,366,367,375,376,386,387,388,398,399,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,488 +3125 - 107,108,109,127,128,129,130,139,148,149,150,151,152,159,160,161,162,168,169,170,171,172,173,181,182,183,184,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,217,218,222,223,224,225,226,227,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,489 +3126 - 32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,79,80,81,82,93,94,95,96,97,101,102,103,104,105,115,116,117,118,123,124,125,126,127,128,137,138,139,146,147,148,149,150,158,159,160,169,170,171,172,173,180,181,182,191,192,193,194,195,201,202,203,204,213,214,215,216,217,218,223,224,225,236,237,238,239,240,244,245,246,247,258,259,260,261,262,266,267,268,280,281,282,283,284,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,357,365,366,367,368,369,375,376,377,378,379,380,381,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +3127 - 79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,145,146,147,148,149,150,151,152,168,169,170,171,172,173,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,267,268,269,273,274,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,488 +3128 - 50,51,52,72,73,74,81,82,83,95,96,103,104,105,106,117,118,119,124,125,126,127,128,138,139,140,146,147,148,149,159,160,161,162,167,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,210,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,253,254,255,256,257,258,267,268,269,270,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,472,473,489 +3129 - 61,62,63,80,81,82,83,84,85,101,102,103,104,105,106,107,122,123,124,125,126,127,128,129,143,144,145,146,147,148,149,165,166,167,168,169,170,171,186,187,188,189,190,191,192,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,362,377,378,379,380,381,382,383,398,399,400,401,402,403,404,420,421,422,423,424,425,426,442,443,444,445,446,447,465,466,467,468,486 +3130 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,137,138,139,146,147,148,158,159,160,161,168,169,170,180,181,182,190,191,192,201,202,203,212,213,214,223,224,225,234,235,236,244,245,246,255,256,257,258,266,267,268,275,276,277,278,279,280,288,289,290,295,296,297,298,299,301,302,310,311,312,313,314,315,316,317,318,319,323,324,325,333,334,335,336,337,338,339,340,345,346,347,357,358,359,367,368,369,389,390,391,412,413,434,435,436,456,457,458,478,479,480,494 +3131 - 94,95,96,97,98,99,100,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,206,207,208,211,212,213,214,215,216,217,218,232,233,234,235,236,237,238,254,255,256,257,258,259,260,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,464,465,466,467,468,469,470,492 +3132 - 53,54,75,76,77,96,97,98,99,118,119,120,124,125,140,141,142,146,147,148,161,162,163,164,168,169,170,182,183,184,185,186,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,229,233,234,235,236,247,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,489 +3133 - 16,17,18,19,37,38,39,40,41,57,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,204,205,206,207,208,209,225,226,227,228,229,246,247,248,249,250,251,268,269,270,271,272,273,290,291,292,293,294,300,301,302,303,312,313,314,315,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,491 +3134 - 28,29,30,31,32,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,98,99,100,113,114,115,119,120,121,122,136,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,208,209,210,230,231,232,233,234,253,254,255,256,277,278,279,280,300,301,302,323,324,325,345,346,347,358,368,369,379,380,381,382,383,384,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,488 +3135 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,146,147,148,149,150,151,152,153,160,161,162,163,164,172,173,174,175,181,182,183,184,185,194,195,196,197,202,203,204,205,206,216,217,218,219,224,225,226,227,238,239,240,241,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,301,302,303,304,305,310,311,312,321,322,323,324,325,326,332,333,334,342,343,344,345,346,347,354,355,356,363,364,365,366,367,376,377,378,379,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,446,447,448,485 +3136 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,167,168,169,170,171,179,180,181,182,183,184,189,190,191,192,193,201,202,203,204,205,211,212,213,214,215,223,224,225,226,233,234,235,236,245,246,247,248,255,256,257,258,267,268,269,276,277,278,279,289,290,291,292,298,299,300,301,311,312,313,314,320,321,322,323,334,335,336,337,342,343,344,345,357,358,364,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,433,452,453,454,455,474,475,476,477,478,492 +3137 - 38,39,40,41,60,61,62,63,81,82,83,84,85,103,104,105,106,125,126,127,128,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,486 +3138 - 73,74,75,76,77,78,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,167,168,169,170,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,295,296,297,298,299,316,317,318,319,320,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,407,426,427,428,429,430,448,449,450,451,452,453,472,473,474,475,476,487 +3139 - 14,15,16,17,18,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,77,78,79,80,81,83,84,85,99,100,101,105,106,107,121,122,126,127,128,129,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,215,233,234,235,254,255,256,270,271,272,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,389,390,398,399,400,401,402,403,404,421,422,423,424,487 +3140 - 35,56,57,78,79,100,101,122,123,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,450,451,486 +3141 - 36,37,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,140,141,146,147,148,149,150,167,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,314,315,316,321,322,323,342,343,344,345,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,488 +3142 - 31,32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,98,99,100,101,102,103,122,123,124,125,144,145,146,147,164,165,166,167,168,169,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,254,255,256,257,258,278,279,280,300,301,302,303,322,323,324,325,334,335,344,345,346,356,357,358,359,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +3143 - 62,63,64,83,84,85,86,105,106,107,108,116,117,118,119,126,127,128,129,138,139,140,141,148,149,150,151,160,161,162,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,227,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,489 +3144 - 31,32,33,51,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,99,100,101,116,117,118,121,122,123,139,140,143,144,145,165,166,167,186,187,188,207,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,254,255,256,272,273,277,278,299,300,321,322,343,344,364,365,366,381,386,387,388,402,403,404,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,488 +3145 - 127,128,129,130,131,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,206,207,208,209,210,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,289,290,291,296,297,310,311,312,317,318,319,332,333,334,335,336,337,338,339,340,355,356,357,358,359,360,361,490 +3146 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,120,121,122,123,136,137,138,142,143,144,164,165,166,185,186,187,188,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,277,278,279,280,281,301,302,303,323,324,325,345,346,347,367,368,369,380,381,388,389,390,391,401,402,403,404,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +3147 - 36,37,38,45,57,58,59,60,61,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,183,184,185,186,187,204,205,206,207,211,212,213,214,215,216,217,218,225,226,227,228,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,280,281,282,283,284,290,291,292,293,294,295,296,297,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,403,491 +3148 - 12,13,14,15,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,140,141,142,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,407,408,409,410,411,412,413,414,415,416,417,423,434,487 +3149 - 74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,147,148,149,150,151,163,164,165,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,404,405,420,421,422,423,424,425,426,441,442,443,444,445,446,447,463,464,465,466,467,468,492 +3150 - 73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,120,121,122,123,124,138,139,140,145,146,161,162,166,167,168,182,183,184,188,189,190,205,206,210,211,212,227,228,232,233,249,250,253,254,255,271,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,344,362,363,364,365,384,385,386,406,407,428,429,449,450,451,471,472,473,492 +3151 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,127,128,129,130,131,138,139,140,141,142,149,150,151,152,153,160,161,162,170,171,172,173,174,175,181,182,183,184,191,192,193,194,195,196,197,204,205,206,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,385,386,387,399,400,401,402,403,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +3152 - 56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,117,118,119,120,121,122,127,128,129,138,139,140,141,148,149,150,151,160,161,162,168,169,170,171,182,183,184,185,189,190,191,192,205,206,207,208,210,211,212,213,228,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,299,300,301,315,316,317,318,322,323,324,337,338,339,345,346,347,358,359,360,367,368,369,380,381,382,389,390,391,401,402,403,411,412,413,423,424,425,432,433,434,445,446,447,453,454,455,467,468,469,474,475,476,477,493 +3153 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,159,160,161,162,163,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,443,444,445,446,465,466,467,468,494 +3154 - 51,52,53,54,74,75,76,77,96,97,98,99,118,119,120,121,141,142,143,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,474,475,486 +3155 - 79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,168,169,170,171,172,173,174,181,182,183,184,185,186,190,191,193,194,195,196,202,203,204,205,206,216,217,218,223,224,225,226,227,237,238,239,240,244,245,246,247,248,258,259,260,261,266,267,268,279,280,281,282,287,288,289,290,300,301,302,303,304,309,310,311,321,322,323,324,331,332,333,342,343,344,345,353,354,362,363,364,365,366,375,376,377,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,485 +3156 - 5,6,7,8,28,29,30,31,51,52,53,54,74,75,76,77,97,98,99,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,212,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,280,281,282,283,284,285,292,293,295,296,297,304,305,306,307,314,315,317,318,319,329,335,336,337,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,424,425,426,427,487 +3157 - 37,38,39,40,59,60,61,62,63,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,341,356,357,358,359,360,361,362,377,378,379,380,381,382,383,398,399,400,401,402,403,404,420,421,422,423,424,425,443,444,445,446,486 +3158 - 98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +3159 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,106,107,108,117,118,119,120,121,122,128,129,130,139,140,141,142,149,150,151,152,161,162,163,171,172,173,174,192,193,194,195,214,215,216,217,235,236,237,238,256,257,258,259,276,277,278,279,280,281,297,298,299,300,301,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,487 +3160 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,388,389,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,486 +3161 - 56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,140,141,147,148,149,150,167,168,169,170,171,172,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,277,278,279,299,300,301,320,321,322,323,341,342,343,344,352,353,354,355,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,488 +3162 - 99,100,101,102,103,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,189,190,191,202,203,204,205,206,207,208,210,211,212,213,225,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +3163 - 41,42,43,62,63,64,65,74,75,76,84,85,86,87,96,97,98,99,105,106,107,108,109,117,118,119,120,121,126,127,128,129,130,139,140,141,142,147,148,149,150,151,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,408,424,425,426,427,428,447,448,449,489 +3164 - 74,75,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,146,147,148,149,150,151,158,159,160,162,170,171,172,173,174,179,180,181,194,195,196,197,201,202,203,217,218,219,222,223,224,240,241,244,245,246,262,263,266,267,268,283,284,285,288,289,305,306,307,310,311,325,326,327,328,332,333,345,346,347,348,349,354,355,365,366,367,368,369,370,376,377,378,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,485 +3165 - 103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,184,185,186,187,188,204,205,206,207,208,209,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,276,277,278,290,291,292,293,298,299,300,310,311,312,313,314,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,490 +3166 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,147,148,149,158,159,160,161,169,170,171,178,179,180,181,191,192,193,200,201,202,213,214,215,234,235,236,256,257,258,277,278,279,280,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,471,472,473,492 +3167 - 36,37,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,124,125,140,141,142,143,144,145,146,160,161,162,163,164,165,166,181,182,183,184,185,186,191,192,193,194,203,204,205,206,207,208,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,273,274,275,276,277,278,281,282,283,284,285,288,289,290,291,292,295,296,297,298,301,302,303,304,305,306,307,310,311,312,313,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,339,340,341,342,343,344,345,346,347,348,354,355,356,357,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,491 +3168 - 55,56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,451,471,472,473,486 +3169 - 94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,190,191,192,193,194,195,196,202,203,204,205,211,212,213,214,215,216,217,224,225,226,232,233,234,235,236,237,238,253,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,470,492 +3170 - 9,10,11,31,32,33,52,53,54,74,75,76,96,97,98,117,118,119,139,140,141,161,162,163,182,183,184,185,204,205,206,211,212,213,214,226,227,228,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,275,276,277,280,281,292,293,294,296,297,298,301,302,303,314,315,316,318,319,320,323,324,325,336,337,338,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +3171 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,149,150,151,152,153,161,162,163,164,171,172,173,174,175,183,184,185,186,191,192,193,194,195,205,206,207,208,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +3172 - 11,12,13,14,15,31,32,33,34,35,36,37,52,53,54,55,56,57,58,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,160,161,162,181,182,183,184,203,204,205,224,225,226,227,231,232,233,234,235,236,246,247,248,249,251,252,253,254,255,256,257,258,259,269,270,271,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,319,324,325,326,327,336,337,338,339,340,341,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +3173 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,148,149,150,151,159,160,161,162,163,164,169,170,171,172,180,181,182,183,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,470,494 +3174 - 94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,167,168,169,170,179,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,226,234,235,236,245,246,247,256,257,258,278,279,280,300,301,302,321,322,323,324,343,344,345,346,365,366,367,386,387,388,389,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,492 +3175 - 38,39,40,59,60,61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,191,192,193,194,195,196,197,203,204,205,206,207,208,209,213,214,215,216,217,218,224,225,226,227,228,229,235,236,237,238,239,245,246,247,248,249,250,256,257,258,259,260,267,268,269,270,271,277,278,279,280,281,282,289,290,291,292,298,299,300,301,302,303,304,310,311,312,313,318,319,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,446,447,448,485 +3176 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,94,95,96,97,99,100,101,116,117,118,119,122,123,138,139,140,143,144,145,161,162,163,164,165,166,167,184,185,186,187,188,207,208,209,229,230,231,232,250,251,252,253,254,255,256,271,272,273,274,277,278,279,293,294,295,300,301,302,314,315,316,317,323,324,325,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,387,388,389,390,402,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,448,449,450,451,452,493 +3177 - 38,39,40,59,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,128,129,144,145,146,147,148,149,150,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,486 +3178 - 76,77,78,79,97,98,99,100,101,102,117,118,119,120,122,123,124,139,140,141,144,145,146,160,161,162,166,167,168,181,182,183,188,189,190,191,203,204,210,211,212,213,224,225,226,231,232,233,234,235,246,247,252,253,254,255,256,268,269,270,271,272,273,274,275,277,278,291,292,293,294,295,296,299,300,321,322,342,343,364,365,366,386,387,408,409,430,431,451,452,453,473,474,475,494 +3179 - 14,15,16,17,18,34,35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,100,101,104,105,106,107,122,123,126,127,128,129,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,215,225,226,227,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,265,266,267,268,269,270,271,272,273,274,275,276,277,278,286,287,288,289,290,291,292,293,294,295,296,297,298,299,308,309,310,311,312,313,314,315,316,317,318,319,320,321,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,352,353,354,355,356,357,358,359,360,364,365,366,367,368,375,376,377,378,379,386,387,388,389,390,391,409,410,411,412,413,432,433,434,435,487 +3180 - 92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,449,450,451,452,471,472,473,474,492 +3181 - 55,56,57,58,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,124,125,126,127,128,129,140,141,142,147,148,149,150,151,163,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,278,279,280,291,292,293,299,300,301,302,320,321,322,323,330,331,332,333,334,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,488 +3182 - 80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,299,300,301,311,312,313,314,315,320,321,322,323,334,335,342,343,344,345,364,365,366,384,385,386,387,388,406,407,408,409,410,422,423,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,490 +3183 - 62,63,64,84,85,86,97,98,99,106,107,108,118,119,120,121,127,128,129,130,139,140,141,142,143,149,150,151,152,161,162,163,164,165,170,171,172,173,174,182,183,184,185,186,191,192,193,194,195,196,203,204,205,206,207,212,213,214,215,216,217,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,467,468,469,489 +3184 - 11,12,13,32,33,34,35,36,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,122,123,138,139,140,141,144,145,159,160,161,162,166,167,168,169,170,181,182,183,184,188,189,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,216,224,225,226,227,236,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,303,304,305,306,311,312,313,314,325,326,327,328,334,335,336,337,346,347,348,349,356,357,358,359,360,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,485 +3185 - 35,36,37,38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,259,266,267,268,278,279,280,281,287,288,289,290,291,299,300,301,302,303,308,309,310,311,312,313,321,322,323,324,325,330,331,332,333,334,335,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +3186 - 52,53,54,55,56,73,74,75,76,77,78,94,95,96,100,101,116,117,122,123,137,138,139,144,145,159,160,165,166,167,181,182,187,188,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,252,253,255,256,257,273,274,278,279,295,296,300,301,302,317,318,322,323,324,339,340,345,346,360,361,366,367,368,382,383,388,389,404,405,409,410,411,426,427,430,431,432,448,449,450,451,452,453,470,471,472,473,474,493 +3187 - 96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,191,192,193,194,195,196,206,207,212,213,214,215,216,217,233,234,235,236,237,238,253,254,255,256,257,258,259,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,420,421,422,423,424,425,441,442,443,444,445,446,463,464,465,466,467,468,492 +3188 - 119,120,121,122,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,213,214,215,216,217,218,221,222,234,235,236,237,238,239,255,256,257,258,259,260,276,277,278,279,280,297,298,299,300,301,302,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,492 +3189 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,149,150,151,152,153,163,164,165,170,171,172,173,174,175,185,186,187,189,190,191,192,193,194,195,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,298,299,300,311,312,313,314,315,316,317,320,321,322,332,333,334,335,336,342,343,344,354,355,356,357,363,364,365,366,376,377,378,379,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,446,447,448,449,493 +3190 - 29,47,48,49,50,51,52,53,54,67,68,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,119,120,121,122,142,143,144,163,164,165,166,183,184,185,186,187,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,277,278,279,280,281,301,302,303,304,324,325,326,327,347,348,349,350,359,360,361,362,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,430,431,432,433,434,435,436,488 +3191 - 98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,168,169,170,171,172,173,181,182,183,184,186,187,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,251,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,444,445,446,447,448,466,467,468,469,494 +3192 - 71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,124,125,126,127,147,148,149,169,170,171,190,191,192,212,213,214,233,234,235,236,237,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,313,314,315,319,320,321,336,337,341,342,343,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,492 +3193 - 56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,139,140,141,146,147,148,167,168,169,188,189,190,209,210,211,212,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,278,279,280,294,295,300,301,302,321,322,323,324,342,343,344,345,363,364,365,366,383,384,385,386,387,403,404,405,406,407,408,423,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,488 +3194 - 97,98,99,102,117,118,119,120,121,123,124,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,182,183,184,185,187,188,189,190,204,205,206,209,210,211,212,226,227,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,315,316,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3195 - 56,57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,107,108,118,119,120,121,125,128,129,130,139,140,141,149,150,151,152,160,161,162,170,171,172,173,182,183,184,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,229,230,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,379,380,381,382,385,386,401,402,403,406,407,408,423,424,425,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,493 +3196 - 56,57,58,59,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,142,143,144,147,148,149,150,160,161,162,164,165,166,170,171,172,181,182,183,184,186,187,188,189,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,247,248,249,258,259,260,268,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,367,368,369,379,380,381,388,389,390,391,402,403,404,410,411,412,424,425,426,427,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,485 +3197 - 83,84,101,102,103,104,105,106,107,122,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,164,165,166,167,168,169,172,173,174,184,185,186,187,188,189,190,194,195,205,206,207,208,209,210,215,216,217,226,227,228,229,230,236,237,238,239,247,248,249,250,257,258,259,260,268,269,270,271,278,279,280,281,289,290,291,292,299,300,301,302,310,311,312,313,320,321,322,323,332,333,334,340,341,342,343,344,353,354,355,361,362,363,364,365,375,376,377,381,382,383,384,385,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,442,443,444,445,485 +3198 - 7,8,9,10,28,29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,95,96,97,98,99,100,101,102,118,119,120,121,122,123,124,141,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,487 +3199 - 95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,191,192,193,194,195,203,204,205,212,213,214,215,216,226,233,234,235,236,237,255,256,257,258,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +3200 - 8,9,10,11,12,29,30,31,32,33,34,35,50,51,52,56,57,58,72,73,79,80,93,94,95,101,102,115,116,117,123,124,138,139,144,145,146,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,260,261,272,273,274,275,282,283,293,294,295,296,303,304,305,312,313,314,315,316,317,324,325,326,333,334,335,336,337,338,346,347,356,357,358,359,360,361,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,428,429,430,431,432,487 +3201 - 38,39,40,59,60,61,62,81,82,83,84,102,103,104,105,124,125,126,127,145,146,147,148,149,166,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +3202 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,148,149,150,155,156,157,158,159,168,169,170,171,178,179,180,181,188,189,190,191,192,203,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,301,302,303,304,324,325,326,327,338,347,348,349,359,360,369,370,371,381,390,391,392,393,402,403,411,412,413,414,424,425,426,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,488 +3203 - 80,81,82,85,86,99,100,101,102,103,104,106,107,108,109,120,121,122,123,124,125,126,128,129,130,131,141,142,143,144,145,146,147,148,150,151,152,153,162,163,164,165,166,167,171,172,173,174,183,184,185,186,187,188,192,193,194,195,196,204,205,206,207,208,209,213,214,215,216,217,225,226,227,228,229,235,236,237,238,246,247,248,249,250,251,256,257,258,259,260,267,268,269,270,271,277,278,279,280,281,288,289,290,291,292,298,299,300,301,302,310,311,312,313,314,319,320,321,322,323,332,333,334,335,339,340,341,342,343,344,354,355,356,357,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,485 +3204 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,103,104,105,118,119,120,121,125,126,127,140,141,142,147,148,149,161,162,163,168,169,170,183,184,185,189,190,191,205,206,207,210,211,212,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,277,294,295,296,297,298,299,316,317,320,321,337,338,339,342,343,359,360,364,365,380,381,382,385,386,387,402,403,407,408,409,424,425,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +3205 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,191,192,193,194,195,202,203,204,212,213,214,215,216,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +3206 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,126,127,128,129,130,137,138,139,140,141,142,149,150,151,152,158,159,160,161,162,163,171,172,173,174,179,180,181,182,183,184,193,194,195,196,200,201,202,203,204,205,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,258,259,260,261,265,266,267,268,269,279,280,281,282,283,287,288,289,290,291,300,301,302,303,304,305,309,310,311,312,321,322,323,324,325,326,331,332,333,334,341,342,343,344,345,346,347,353,354,355,356,357,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +3207 - 12,13,14,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,143,149,161,162,163,164,169,170,171,172,173,182,183,184,185,190,191,192,193,194,195,204,205,206,211,212,213,214,215,216,217,218,225,226,227,228,231,232,233,234,235,236,237,238,239,247,248,249,253,254,255,256,258,259,260,261,268,269,270,271,274,275,276,277,278,279,280,281,282,290,291,292,296,297,298,299,300,301,302,303,311,312,313,314,319,320,321,322,323,324,333,334,335,336,341,342,343,344,345,355,356,357,358,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,491 +3208 - 48,49,50,51,52,53,54,55,56,57,58,59,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,323,324,325,326,327,328,346,347,348,349,350,368,369,370,371,372,378,379,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,477,478,479,488 +3209 - 78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,165,170,171,181,182,183,184,185,190,191,192,193,203,204,205,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,450,467,468,469,470,471,472,494 +3210 - 9,10,30,31,32,33,52,53,54,55,74,75,76,96,97,98,118,119,120,139,140,141,142,161,162,163,164,183,184,185,186,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,257,258,259,271,272,273,274,275,276,280,281,293,294,295,296,297,302,303,315,316,317,318,319,323,324,325,337,338,339,340,341,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,491 +3211 - 58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,172,173,174,175,181,182,183,184,185,186,187,194,195,196,197,202,203,204,205,206,207,215,216,217,218,219,224,225,226,227,228,236,237,238,239,240,241,245,246,247,248,249,257,258,259,260,261,262,266,267,268,269,270,278,279,280,281,282,283,288,289,290,291,292,298,299,300,301,302,303,304,310,311,312,313,318,319,320,321,322,323,324,325,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,422,423,424,425,426,485 +3212 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,99,100,101,102,116,122,123,124,145,146,167,168,188,189,190,210,211,212,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,315,316,321,322,343,344,345,366,367,387,388,389,409,410,411,430,431,432,451,452,453,454,471,472,473,474,475,488 +3213 - 37,38,39,40,58,59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,420,421,422,423,424,425,442,443,444,445,446,447,486 +3214 - 32,33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,81,82,83,95,96,97,98,104,105,117,118,119,126,127,128,138,139,140,148,149,150,160,161,162,171,172,182,183,193,194,203,204,205,215,216,225,226,227,237,238,247,248,249,258,259,269,270,280,281,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,344,345,346,356,357,358,365,366,367,379,380,381,386,387,388,401,402,403,404,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,485 +3215 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,170,171,172,173,174,181,182,183,184,185,186,187,192,193,194,195,196,202,203,204,205,206,207,214,215,216,217,218,223,224,225,226,227,228,235,236,237,238,239,240,244,245,246,247,248,249,256,257,258,259,260,261,265,266,267,268,269,270,277,278,279,280,281,282,287,288,289,290,291,297,298,299,300,301,302,309,310,311,312,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,422,423,424,485 +3216 - 35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,116,117,118,119,126,127,128,129,137,138,139,140,148,149,150,151,159,160,161,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,333,334,335,336,345,346,347,348,355,356,357,358,366,367,368,369,378,379,380,381,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,485 +3217 - 100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,170,171,172,173,174,175,183,184,185,186,187,188,193,194,195,196,197,204,205,206,207,208,209,216,217,218,219,225,226,227,228,229,237,238,239,240,247,248,249,250,258,259,260,261,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,335,340,341,342,343,344,354,355,356,357,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,485 +3218 - 48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,143,144,145,146,154,155,165,166,167,168,176,185,186,187,188,189,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,304,324,325,326,327,347,348,349,359,360,369,370,371,380,381,382,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,488 +3219 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,129,130,139,140,141,142,148,149,150,151,152,160,161,162,163,170,171,172,173,174,175,182,183,184,185,190,191,192,193,194,195,196,205,206,207,208,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,320,321,322,335,336,337,338,339,342,343,344,356,357,358,359,364,365,366,377,378,379,380,386,387,388,398,399,400,401,406,407,408,409,410,420,421,422,423,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,493 +3220 - 12,13,14,33,34,35,55,56,57,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,191,192,193,205,206,207,212,213,214,215,216,227,228,229,232,233,234,235,236,237,238,248,249,250,253,254,255,256,259,260,261,269,270,271,272,274,275,276,280,281,282,283,291,292,293,294,295,296,297,302,303,304,313,314,315,316,317,318,323,324,325,334,335,336,337,338,339,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +3221 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,104,105,106,124,125,126,127,128,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,234,252,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,488 +3222 - 71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,121,122,123,124,125,142,143,144,145,146,164,165,166,186,187,188,208,209,210,231,232,233,254,255,256,276,277,278,299,300,301,322,323,324,345,346,366,367,368,387,388,389,390,408,409,410,411,428,429,430,431,432,448,449,450,451,452,453,469,470,471,472,473,488 +3223 - 41,42,63,64,65,75,76,84,85,86,96,97,98,106,107,108,118,119,120,127,128,129,139,140,141,142,149,150,151,160,161,162,163,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,232,233,234,235,236,237,238,239,240,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,340,341,342,343,344,345,346,356,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,448,449,450,489 +3224 - 10,11,12,31,32,33,34,52,53,54,73,74,75,76,94,95,96,97,116,117,118,137,138,139,159,160,161,181,182,183,202,203,204,205,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,281,282,283,291,292,293,294,295,304,305,306,314,315,316,317,318,327,328,336,337,338,339,340,349,350,359,360,361,362,363,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,491 +3225 - 37,38,56,57,58,59,60,61,62,78,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,123,124,126,127,128,129,147,148,149,150,151,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,298,299,300,320,321,322,332,333,334,340,341,342,343,344,353,354,355,356,359,360,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,442,443,488 +3226 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,282,283,284,291,292,293,294,295,296,297,303,304,305,306,313,314,315,316,317,318,319,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,491 +3227 - 37,38,39,40,59,60,61,62,80,81,82,83,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,250,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,382,400,401,402,403,421,422,423,424,425,444,445,446,486 +3228 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,144,145,146,147,148,158,159,160,165,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,278,279,280,281,282,293,294,302,303,304,305,324,325,326,327,345,346,347,348,349,355,366,367,368,369,370,376,377,386,387,388,389,390,391,392,399,400,401,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +3229 - 129,130,131,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,186,187,188,189,190,191,192,207,208,209,228,229,230,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,297,298,299,319,320,321,334,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,401,402,403,404,405,490 +3230 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,80,81,82,83,84,94,95,96,97,98,99,104,105,106,107,115,116,117,118,119,120,127,128,129,130,136,137,138,139,140,141,142,150,151,152,157,158,159,160,161,163,164,165,172,173,174,175,179,180,181,182,183,195,196,197,201,202,203,204,217,218,219,223,224,225,226,240,241,245,246,247,248,262,263,267,268,269,283,284,285,289,290,291,305,306,307,311,312,313,314,327,328,329,333,334,335,336,348,349,350,351,355,356,357,358,369,370,371,372,377,378,379,380,381,382,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +3231 - 37,38,58,59,60,61,62,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,170,171,172,173,174,183,184,185,186,187,188,192,193,194,195,196,204,205,206,207,208,209,214,215,216,217,225,226,227,228,229,230,235,236,237,238,239,247,248,249,250,251,257,258,259,260,261,267,268,269,270,271,272,277,278,279,280,281,282,283,288,289,290,291,292,293,298,299,300,301,302,303,304,310,311,312,313,314,318,319,320,321,322,323,324,325,332,333,334,335,336,340,341,342,343,344,345,346,353,354,355,356,357,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,485 +3232 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,130,135,136,137,138,139,140,141,157,158,159,160,179,180,181,182,201,202,203,204,205,206,223,224,225,226,227,228,229,230,231,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,337,344,345,346,347,359,360,367,368,369,370,382,383,389,390,391,392,404,405,406,409,410,411,412,413,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,473,474,475,476,490 +3233 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,170,171,172,173,174,181,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,280,281,282,283,287,288,289,290,291,292,300,301,302,303,304,305,310,311,312,313,314,319,320,321,322,323,324,325,332,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,485 +3234 - 95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,184,185,186,204,205,206,207,225,226,227,228,229,230,245,246,247,248,249,250,251,252,253,254,255,266,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,294,297,298,299,300,301,310,311,321,322,323,344,345,346,366,367,368,388,389,390,410,411,432,433,454,455,476,477,490 +3235 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,147,148,149,150,151,152,158,159,160,161,162,163,169,170,171,172,173,174,178,179,180,181,182,183,190,191,192,193,194,195,199,200,201,202,203,211,212,213,214,215,216,221,222,223,224,231,232,233,234,235,236,237,238,243,244,245,246,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,297,298,299,300,311,312,313,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,494 +3236 - 62,63,83,84,85,104,105,106,117,118,126,127,128,138,139,140,147,148,149,160,161,162,169,170,171,181,182,183,191,192,193,202,203,204,205,213,214,215,224,225,226,234,235,236,246,247,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,451,452,453,473,474,475,489 +3237 - 127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,206,207,208,209,227,228,229,230,231,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,292,293,294,297,298,299,300,318,319,320,321,332,333,334,335,336,338,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,403,404,490 +3238 - 33,34,35,36,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,105,106,107,118,119,120,121,122,123,124,125,129,139,140,141,143,145,146,147,148,161,162,163,168,169,170,171,183,184,185,191,192,193,205,206,213,214,215,226,227,228,235,236,237,248,249,250,258,259,270,271,272,280,281,291,292,293,294,301,302,303,313,314,315,316,323,324,325,335,336,337,338,339,344,345,346,357,358,359,360,361,362,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +3239 - 38,39,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,121,122,126,127,128,129,147,148,149,150,151,168,169,170,171,172,189,190,191,192,193,194,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,298,299,300,301,319,320,321,322,323,338,339,340,341,342,343,344,352,353,354,355,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,488 +3240 - 31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,123,124,125,126,127,137,138,139,146,147,148,149,150,159,160,161,169,170,171,172,181,182,183,192,193,194,195,203,204,205,214,215,216,217,224,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,345,346,347,348,357,358,359,365,366,367,368,369,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +3241 - 61,62,63,83,84,85,96,97,98,104,105,106,107,118,119,120,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,168,169,170,171,181,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,224,225,226,227,228,229,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,445,446,447,448,468,469,489 +3242 - 28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,78,79,91,92,93,100,101,102,113,114,115,122,123,124,135,136,144,145,146,157,158,165,166,167,168,169,180,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,237,238,239,248,249,250,251,252,253,254,260,261,269,270,271,272,273,274,275,282,283,284,292,293,294,295,296,304,305,306,315,316,325,326,327,335,347,348,349,356,357,358,368,369,370,371,378,379,380,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,488 +3243 - 74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,148,149,150,151,161,162,163,170,171,172,173,183,184,185,191,192,193,194,195,212,213,214,215,216,232,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,379,380,381,382,383,384,400,401,402,403,404,405,421,422,423,424,425,426,442,443,444,445,446,447,464,465,466,467,468,492 +3244 - 119,120,121,122,123,124,125,134,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,344,345,346,365,366,367,368,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,492 +3245 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,402,403,404,405,406,491 +3246 - 15,16,17,18,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,120,121,122,123,142,143,144,163,164,165,185,186,187,206,207,208,227,228,229,230,249,250,251,252,256,257,258,259,270,271,272,273,277,278,279,280,281,292,293,294,295,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,324,325,326,336,337,338,339,340,341,347,348,358,359,360,361,362,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,430,491 +3247 - 99,100,101,102,103,104,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,399,404,405,406,425,426,427,428,447,448,449,468,469,470,471,494 +3248 - 54,55,56,57,76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,124,125,141,142,143,183,184,185,205,206,207,227,228,249,250,251,252,272,273,274,275,296,297,298,319,320,321,342,343,344,365,366,386,387,407,408,409,429,430,431,449,450,451,452,470,471,472,473,490 +3249 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,106,107,108,120,121,122,123,127,128,129,130,141,142,143,149,150,151,152,163,164,165,170,171,172,173,191,192,193,194,195,213,214,215,216,234,235,236,237,246,247,248,249,250,256,257,258,268,269,270,271,272,273,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,339,340,341,342,343,344,353,354,355,356,359,360,361,362,363,364,365,366,367,368,375,376,377,380,381,382,383,384,385,387,388,389,390,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,426,442,443,444,445,446,447,487 +3250 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,146,147,148,157,158,169,170,190,191,192,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,279,280,297,298,299,300,301,302,303,320,321,322,323,324,325,326,347,348,369,370,371,390,391,392,393,401,402,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,467,468,469,470,471,472,473,474,475,488 +3251 - 31,40,41,42,43,52,53,54,55,61,62,63,64,65,74,75,76,77,83,84,85,86,87,96,97,98,99,104,105,106,107,108,117,118,119,120,121,125,126,127,128,129,139,140,141,142,147,148,149,150,151,159,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,207,210,211,212,213,214,215,223,224,225,226,227,228,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,489 +3252 - 50,51,72,73,74,93,94,95,96,105,114,115,116,117,118,126,127,128,136,137,138,139,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,190,191,192,193,194,201,202,203,211,212,213,214,215,223,224,225,226,232,233,234,235,236,237,245,246,247,248,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,278,279,280,290,291,292,293,294,295,296,297,300,301,302,313,314,315,316,317,318,322,323,324,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,434,453,454,455,456,476,477,478,489 +3253 - 143,153,164,165,166,170,171,172,173,174,175,185,186,187,188,189,190,191,192,193,194,195,196,197,206,207,208,209,210,211,212,213,214,215,216,217,218,228,229,230,231,232,233,234,235,250,251,252,253,272,273,274,275,289,290,291,292,296,297,298,311,312,313,314,317,318,319,333,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,490 +3254 - 55,56,57,78,79,80,100,101,102,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,472,473,486 +3255 - 94,95,96,97,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,187,188,189,190,191,192,193,194,195,196,202,203,204,212,213,214,215,216,217,224,225,233,234,235,236,237,238,247,254,255,256,257,258,259,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +3256 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,94,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,255,256,257,258,259,271,279,280,281,301,302,303,304,324,325,326,335,336,346,347,348,357,358,368,369,370,379,380,381,389,390,391,392,401,402,403,404,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,490 +3257 - 15,16,17,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,105,106,107,119,120,121,122,127,128,129,141,142,143,148,149,150,151,163,164,165,170,171,172,173,191,192,193,194,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,267,268,269,270,271,272,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,388,389,390,397,398,399,400,401,402,403,420,421,422,487 +3258 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,142,143,145,146,147,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,281,282,294,295,296,297,302,303,304,316,317,318,324,325,338,339,340,346,347,360,361,362,367,368,369,382,383,384,388,389,390,404,405,406,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,493 +3259 - 57,58,59,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,248,249,250,251,252,253,269,270,271,272,273,274,290,291,292,293,294,295,306,307,312,313,314,315,316,328,329,333,334,335,336,337,350,351,355,356,357,358,359,372,373,377,378,379,380,394,395,399,400,401,402,416,417,423,486 +3260 - 54,55,56,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,486 +3261 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,160,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,217,218,224,225,226,227,228,231,232,233,234,235,236,237,238,239,240,246,247,248,249,251,252,253,254,255,256,259,260,261,262,268,269,270,271,272,273,274,275,276,277,281,282,283,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,337,338,339,340,341,342,343,344,345,346,347,355,356,357,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,491 +3262 - 30,31,32,33,34,35,36,37,38,39,40,41,51,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,137,138,139,140,141,159,160,161,162,163,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,260,275,276,277,278,279,280,281,282,299,300,301,302,303,304,305,309,310,311,323,324,325,326,327,331,332,333,334,344,345,346,347,348,349,353,354,355,356,357,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,490 +3263 - 39,40,41,61,62,63,64,75,76,82,83,84,85,86,96,97,98,99,100,103,104,105,106,107,118,119,120,121,122,125,126,127,128,129,139,140,141,142,143,146,147,148,149,150,160,161,162,163,164,167,168,169,170,171,181,182,183,184,185,186,188,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,223,224,225,226,227,231,232,233,234,235,245,246,247,248,249,252,253,254,255,256,257,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,489 +3264 - 57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,160,161,162,163,182,183,184,204,205,206,207,226,227,228,229,230,249,250,251,252,272,273,274,275,276,296,297,298,299,319,320,321,322,342,343,344,345,364,365,366,367,381,382,386,387,388,389,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +3265 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,125,126,127,128,129,130,138,139,140,141,142,148,149,150,151,160,161,162,169,170,171,172,173,181,182,183,190,191,192,193,194,203,204,205,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,494 +3266 - 36,37,57,58,59,79,80,81,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,486 +3267 - 40,41,62,63,64,74,75,83,84,85,86,95,96,97,98,105,106,107,108,116,117,118,119,126,127,128,129,137,138,139,140,141,147,148,149,150,151,158,159,160,161,162,169,170,171,172,179,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,211,212,213,214,215,221,222,223,224,225,233,234,235,236,237,238,239,240,243,244,245,246,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,447,448,449,450,489 +3268 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,138,139,140,141,142,148,149,150,160,161,162,163,170,171,172,181,182,183,184,192,193,194,202,203,204,205,206,214,215,216,224,225,226,227,236,237,238,245,246,247,248,249,258,259,260,267,268,269,270,280,281,282,289,290,291,292,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,348,356,357,358,359,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +3269 - 78,79,80,81,82,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,194,202,203,204,205,206,207,210,211,212,213,214,215,216,223,224,225,226,227,230,231,232,233,234,235,236,237,238,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,494 +3270 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,158,159,160,161,168,169,180,181,182,189,190,191,201,202,203,211,212,213,223,224,225,232,233,234,235,246,247,248,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3271 - 62,63,64,75,76,77,83,84,85,86,97,98,99,100,105,106,107,108,117,118,119,120,121,122,126,127,128,129,130,138,139,140,141,142,143,147,148,149,150,151,159,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,185,189,190,191,192,193,194,201,202,203,204,205,206,211,212,213,214,215,222,223,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,468,469,470,489 +3272 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,187,188,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +3273 - 38,39,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,356,357,358,359,360,361,362,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,426,443,444,445,446,486 +3274 - 72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,296,298,299,300,301,302,314,315,316,317,321,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,366,367,368,369,379,380,381,382,388,389,390,391,401,402,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +3275 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,103,104,105,106,107,117,118,119,120,121,122,126,127,128,129,139,140,141,142,148,149,150,151,162,163,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,217,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,281,288,289,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,330,331,332,333,334,335,336,337,338,339,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,410,411,421,422,423,424,487 +3276 - 70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,156,157,158,160,161,162,163,164,165,166,167,168,178,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,235,236,237,238,239,250,259,260,261,262,270,271,272,273,282,283,284,291,292,293,294,295,305,306,307,312,313,314,315,327,328,329,333,334,335,349,350,351,355,356,357,358,371,372,373,378,379,380,381,382,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,490 +3277 - 35,36,37,38,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,104,105,106,107,108,117,118,119,120,121,126,127,128,129,130,140,141,142,148,149,150,151,152,169,170,171,172,173,174,190,191,192,193,194,195,211,212,213,214,215,216,217,232,233,234,235,236,237,238,253,254,255,256,257,258,259,274,275,276,277,278,279,280,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,420,421,422,423,424,487 +3278 - 97,98,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,188,189,190,191,202,203,204,205,209,210,211,212,224,225,226,231,232,233,234,246,247,248,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,300,314,315,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3279 - 128,129,130,131,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,227,228,229,230,231,248,249,250,251,252,253,271,272,273,274,275,276,297,298,299,318,319,320,321,334,335,336,338,339,340,341,342,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,400,401,402,490 +3280 - 35,36,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,103,104,105,117,118,119,120,121,125,126,127,128,138,139,140,141,142,148,149,150,160,161,162,163,170,171,172,181,182,183,184,192,193,194,202,203,204,205,214,215,216,224,225,226,227,236,237,238,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,292,301,302,303,304,311,312,313,323,324,325,326,333,334,335,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +3281 - 78,79,80,81,82,99,100,101,102,103,104,105,108,109,119,120,121,122,123,124,125,126,127,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,170,171,172,173,174,175,182,183,184,185,186,191,192,193,194,195,196,204,205,206,207,212,213,214,215,216,217,226,227,228,229,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,363,364,365,377,378,379,380,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,450,493 +3282 - 12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,148,149,150,151,152,161,162,163,168,169,170,171,172,173,174,175,183,184,185,190,191,192,193,194,195,196,197,204,205,206,211,212,213,214,216,217,218,225,226,227,228,232,233,234,235,237,238,239,240,247,248,249,250,253,254,255,256,258,259,260,269,270,271,274,275,276,277,279,280,281,282,290,291,292,293,295,296,297,298,300,301,302,303,312,313,314,316,317,318,319,320,321,322,323,324,334,335,336,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,427,428,429,430,491 +3283 - 39,40,41,60,61,62,63,81,82,83,84,103,104,105,106,124,125,126,127,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,361,378,379,380,381,399,400,401,402,420,421,422,423,442,443,444,445,486 +3284 - 53,54,75,76,96,97,98,99,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,296,297,298,299,300,301,321,322,323,324,344,345,346,366,367,368,388,389,390,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,471,472,473,474,475,490 +3285 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,82,83,84,97,98,99,104,105,106,119,120,125,126,127,128,146,147,148,149,167,168,169,170,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,256,257,258,273,279,280,300,301,302,322,323,324,342,343,344,345,356,357,358,363,364,365,366,376,377,378,379,380,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,488 +3286 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,147,148,149,150,151,152,158,159,160,161,162,170,171,172,173,174,179,180,181,182,183,184,193,194,195,196,197,201,202,203,204,205,215,216,217,218,219,223,224,225,226,227,238,239,240,241,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,292,304,305,306,307,310,311,312,313,314,315,324,325,326,327,328,332,333,334,335,336,337,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,485 +3287 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,126,127,128,129,141,142,143,144,148,149,150,151,164,169,170,171,172,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,271,272,275,276,277,278,279,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,337,338,339,340,341,342,343,344,345,353,354,355,356,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,386,387,388,389,390,396,397,398,399,400,401,402,403,404,418,419,420,421,422,423,487 +3288 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,137,138,139,144,145,146,166,167,168,187,188,189,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,256,257,258,259,272,279,280,281,301,302,303,323,324,325,345,346,366,367,368,379,387,388,389,400,401,408,409,410,411,422,423,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,488 +3289 - 100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,170,171,172,181,182,183,184,185,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,466,467,468,469,494 +3290 - 8,9,10,11,29,30,31,32,33,51,52,53,72,73,74,94,95,96,115,116,117,118,137,138,139,159,160,161,168,169,170,171,181,182,183,188,189,190,191,192,193,194,202,203,204,205,209,210,211,212,213,214,215,216,217,225,226,227,231,232,233,234,237,238,239,247,248,249,252,253,254,260,261,262,269,270,271,273,274,275,276,282,283,284,291,292,293,294,295,296,297,304,305,306,314,315,316,317,318,326,327,328,336,337,338,339,340,348,349,350,359,360,361,362,370,371,372,382,383,384,385,386,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,491 +3291 - 42,43,63,64,65,84,85,86,87,106,107,108,117,118,119,127,128,129,130,139,140,141,142,148,149,150,151,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,201,202,203,204,205,211,212,213,214,215,222,223,224,225,226,232,233,234,235,236,244,245,246,247,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,378,379,380,381,382,383,384,400,401,402,403,404,405,421,422,423,424,425,426,444,445,446,489 +3292 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,147,148,157,158,159,160,169,170,191,192,212,213,214,234,235,255,256,257,276,277,278,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,492 +3293 - 77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,125,126,127,128,146,147,148,149,166,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,255,256,257,277,278,279,298,299,300,319,320,321,330,340,341,342,343,352,353,354,355,356,357,358,359,360,361,362,363,364,374,375,376,377,378,379,380,381,382,383,384,385,396,397,398,399,400,401,402,403,404,488 +3294 - 69,70,71,72,73,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,248,249,250,251,270,271,272,273,274,275,293,294,295,296,297,298,299,317,318,319,320,321,322,341,342,343,344,345,364,365,366,367,368,387,388,389,390,410,411,412,426,427,431,432,433,434,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +3295 - 13,14,15,16,17,32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,82,83,84,85,96,97,98,99,104,105,106,107,118,119,120,126,127,128,129,141,142,147,148,149,150,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,386,387,388,389,390,391,392,397,398,399,400,401,402,412,413,414,419,420,421,422,423,487 +3296 - 34,35,36,56,57,58,78,79,80,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +3297 - 37,38,39,40,59,60,61,62,80,81,82,83,84,102,103,104,105,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,421,422,423,424,425,444,445,446,486 +3298 - 74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,122,123,124,125,126,132,133,134,135,136,137,138,139,143,144,145,146,147,164,165,166,167,185,186,187,188,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,253,254,255,256,257,258,259,260,279,280,281,282,283,303,304,305,325,326,327,347,348,349,369,370,371,376,377,389,390,391,392,393,397,398,399,400,401,402,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,488 +3299 - 36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,105,106,107,119,120,121,127,128,129,141,142,143,148,149,150,151,164,169,170,171,172,190,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,279,290,291,292,293,294,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,378,379,380,381,382,383,386,387,388,389,390,391,396,397,398,399,400,401,402,403,418,419,420,421,422,423,424,441,442,443,487 +3300 - 32,33,34,39,40,41,42,43,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,118,119,120,139,140,141,142,161,162,163,182,183,184,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,258,259,260,261,268,269,281,282,283,288,289,303,304,305,310,311,325,326,327,332,333,334,346,347,348,349,354,355,356,367,368,369,370,377,378,379,387,388,389,390,391,399,400,401,402,403,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +3301 - 55,56,57,58,59,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,124,125,126,127,128,129,130,139,140,141,142,147,148,149,150,151,152,161,162,163,164,169,170,171,172,173,183,184,185,186,187,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,342,343,344,355,356,357,358,359,363,364,365,366,376,377,378,379,380,384,385,386,387,398,399,400,401,405,406,407,408,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +3302 - 51,52,58,73,74,75,80,81,95,96,97,102,103,116,117,118,119,123,124,125,138,139,140,146,147,159,160,161,168,169,180,181,182,189,190,191,202,203,212,213,224,225,226,227,228,229,230,231,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,344,345,366,367,388,389,410,411,432,433,454,455,475,476,477,489 +3303 - 12,13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,138,139,140,141,142,143,150,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,190,191,192,193,194,195,196,197,202,203,204,205,206,210,211,212,213,214,215,216,217,218,219,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,295,296,297,298,299,300,301,302,303,304,310,311,312,313,316,317,318,319,320,321,322,323,324,325,332,333,334,335,337,338,339,340,341,342,343,344,345,346,354,355,356,357,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,423,424,425,426,427,491 +3304 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,122,123,124,125,126,136,137,138,145,146,147,148,158,159,160,168,169,170,179,180,181,190,191,192,201,202,203,211,212,213,214,223,224,225,233,234,235,236,245,246,247,254,255,256,257,258,267,268,269,275,276,277,278,279,280,290,291,292,295,296,297,298,300,301,302,312,313,314,315,316,317,318,319,322,323,324,335,336,337,338,339,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +3305 - 15,16,17,18,19,20,35,36,37,38,39,40,41,42,57,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,282,292,299,300,301,302,303,304,311,312,313,314,315,316,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,490 +3306 - 10,11,12,13,31,32,33,34,52,53,54,55,73,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,160,161,162,168,169,170,171,181,182,183,184,188,189,190,191,192,193,194,195,203,204,205,209,210,211,212,213,214,215,216,217,224,225,226,227,230,231,232,233,234,237,238,239,240,246,247,248,249,251,252,253,254,260,261,262,268,269,270,271,272,273,274,275,276,282,283,284,290,291,292,293,294,295,296,304,305,306,312,313,314,315,316,317,318,326,327,328,334,335,336,337,338,339,348,349,350,357,358,359,360,361,362,369,370,371,379,380,381,382,383,384,385,386,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,491 +3307 - 40,41,42,61,62,63,64,83,84,85,86,104,105,106,107,108,125,126,127,128,129,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,356,357,358,359,360,361,378,379,380,381,382,383,398,399,400,401,402,403,404,420,421,422,423,424,425,442,443,444,445,486 +3308 - 74,75,76,77,78,95,96,97,98,99,100,101,117,118,123,138,139,140,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,206,207,208,209,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,494 +3309 - 15,16,35,36,37,38,39,56,57,58,59,60,77,78,79,80,81,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,181,182,183,184,185,193,194,202,203,204,205,206,210,211,212,213,214,215,216,217,218,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,252,253,254,255,256,257,260,261,262,263,266,267,268,269,273,274,275,276,277,282,283,284,285,288,289,290,291,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,317,318,319,320,321,322,323,324,325,326,332,333,334,341,342,343,344,345,346,347,354,355,356,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,423,424,425,491 +3310 - 5,6,8,9,10,11,12,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,95,96,101,102,103,123,124,125,145,146,147,148,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,423,424,425,426,427,428,429,430,431,433,487 +3311 - 96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,169,170,171,172,173,182,183,184,185,190,191,192,193,194,205,206,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,317,318,319,320,337,338,339,340,341,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,443,444,445,446,447,463,464,465,466,467,468,492 +3312 - 54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,136,137,138,139,140,157,158,159,179,180,181,182,183,184,185,186,187,188,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,255,256,257,258,268,269,279,280,301,302,303,323,324,325,345,346,347,367,368,369,378,379,388,389,390,391,400,401,402,403,404,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +3313 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,105,106,107,121,122,123,127,128,129,143,144,145,149,150,151,165,166,167,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,245,246,247,248,249,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,308,309,310,311,312,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,334,335,336,337,338,339,340,345,346,347,348,349,352,353,354,355,356,357,358,359,360,374,375,376,377,378,379,380,398,399,487 +3314 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,141,142,143,144,148,149,150,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,255,256,257,258,269,270,271,277,278,279,280,291,292,293,299,300,301,313,314,315,320,321,322,323,334,335,336,337,342,343,344,356,357,358,363,364,365,378,379,380,384,385,386,401,402,403,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,485 +3315 - 37,38,39,40,59,60,61,62,63,80,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,319,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,444,445,446,486 +3316 - 32,33,34,35,36,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,103,104,105,106,118,119,120,125,126,127,140,141,142,143,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,341,342,343,344,356,357,358,359,360,363,364,365,366,378,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,452,493 +3317 - 56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,124,125,126,127,140,141,146,147,148,149,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,235,236,237,250,251,252,257,258,259,260,280,281,282,301,302,303,304,322,323,324,325,342,343,344,345,346,352,353,354,355,356,358,359,360,361,362,363,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,488 +3318 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,127,128,139,140,141,142,150,160,161,162,163,182,183,184,185,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,278,279,280,281,282,290,291,292,293,302,303,304,305,312,313,314,315,325,326,327,334,335,336,337,347,348,349,357,358,359,360,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,451,452,453,454,491 +3319 - 92,93,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,169,170,171,172,173,179,180,181,182,191,192,193,194,195,202,203,212,213,214,215,216,217,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,422,423,424,425,426,427,428,443,444,445,446,447,448,449,464,465,466,467,468,469,470,492 +3320 - 33,34,35,55,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,162,163,164,165,168,169,170,184,185,186,187,190,191,192,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,341,342,343,344,356,357,358,359,364,365,366,367,379,380,381,382,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +3321 - 83,84,85,86,87,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,184,185,186,187,188,189,205,206,207,208,209,226,227,228,229,230,247,248,249,250,251,252,268,269,270,271,272,273,274,275,291,292,293,294,295,296,297,298,318,319,320,332,333,334,340,341,342,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,490 +3322 - 12,13,14,15,16,17,32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,75,76,77,78,96,97,98,99,118,119,120,139,140,141,142,161,162,163,182,183,184,185,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,301,302,303,314,315,316,317,323,324,325,337,338,339,340,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +3323 - 77,78,79,80,81,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,147,148,149,150,151,160,161,162,163,164,168,169,170,171,172,173,181,182,183,184,185,189,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,295,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,494 +3324 - 79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,152,153,161,162,163,164,165,182,183,184,185,203,204,205,206,207,224,225,226,227,246,247,248,249,268,269,270,271,272,273,274,291,292,293,294,295,296,297,313,314,315,316,317,318,319,320,340,341,342,343,363,364,365,366,385,386,387,388,408,409,410,423,424,429,430,431,432,445,446,450,451,452,453,454,467,468,469,470,471,472,473,474,475,490 +3325 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,103,104,105,106,119,120,125,126,127,128,146,147,148,149,150,167,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,299,300,301,320,321,322,323,341,342,343,344,345,354,356,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,488 +3326 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,121,122,123,124,135,136,137,145,146,148,149,156,157,158,159,168,169,170,171,172,177,178,179,180,191,192,193,194,199,200,201,202,213,214,215,222,223,224,234,235,236,237,244,245,246,247,255,256,257,258,259,267,268,269,270,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,322,323,324,325,336,337,338,339,344,345,346,366,367,368,388,389,390,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,479,494 +3327 - 58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,152,162,163,164,165,170,171,172,173,174,184,185,186,191,192,193,194,195,206,207,208,211,212,213,214,215,216,228,229,230,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,363,364,377,378,379,380,381,384,385,386,399,400,401,402,406,407,408,421,422,423,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,493 +3328 - 31,32,33,52,53,54,55,56,57,58,59,60,74,75,77,78,79,80,81,96,97,98,117,118,119,139,140,161,162,183,184,185,205,206,207,208,228,229,230,231,232,252,253,254,255,256,276,277,278,299,300,301,322,323,335,336,344,345,357,358,365,366,367,379,380,386,387,388,401,402,403,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +3329 - 81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,117,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,169,170,171,172,173,181,182,183,184,185,189,190,191,192,193,194,204,205,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,492 +3330 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,77,78,79,91,92,93,100,101,102,113,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,342,343,363,364,365,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,432,433,434,435,444,445,446,450,451,452,456,457,458,487 +3331 - 106,107,108,109,126,127,128,129,130,131,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,227,228,229,230,231,248,249,250,251,252,253,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,320,321,322,341,342,343,344,355,356,357,358,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,490 +3332 - 48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,324,341,342,343,344,345,361,362,363,364,365,366,381,382,383,384,385,386,387,401,402,403,404,405,406,407,418,419,421,422,423,424,425,426,427,428,440,441,442,443,444,445,446,447,462,463,464,465,466,467,488 +3333 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,193,194,195,196,197,200,201,202,203,204,214,215,216,217,218,219,222,223,224,225,235,236,237,238,239,240,244,245,246,256,257,258,259,260,261,267,276,277,278,279,280,281,297,298,299,300,301,302,303,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,380,381,382,383,384,385,386,401,402,403,404,405,406,422,423,424,425,426,427,428,442,443,444,445,446,447,448,464,465,466,467,468,492 +3334 - 55,56,77,78,98,99,100,120,121,122,142,143,144,164,165,186,187,208,209,230,231,253,274,275,296,297,318,319,340,341,342,362,363,364,385,386,407,408,429,430,451,452,453,474,475,486 +3335 - 61,62,63,81,82,83,84,85,86,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,171,172,173,174,182,183,184,185,186,187,188,189,190,193,194,195,196,203,204,205,206,207,208,209,210,214,215,216,217,218,224,225,226,227,228,229,230,235,236,237,238,239,245,246,247,248,249,250,256,257,258,259,260,261,266,267,268,269,270,271,276,277,278,279,280,281,282,287,288,289,290,291,292,296,297,298,299,300,301,302,303,309,310,311,312,313,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,485 +3336 - 30,31,32,33,34,35,36,37,38,39,40,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,300,301,302,303,304,323,324,325,326,327,345,346,347,348,349,356,357,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,447,448,449,450,451,452,453,454,490 +3337 - 72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,125,126,127,128,138,139,140,147,148,149,160,161,168,169,170,171,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,492 +3338 - 53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,119,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,453,472,473,474,486 +3339 - 62,63,64,84,85,86,95,96,97,105,106,107,117,118,119,120,127,128,129,138,139,140,141,148,149,150,160,161,162,163,169,170,171,172,180,181,182,183,184,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,216,217,218,219,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,424,425,426,427,489 +3340 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,203,204,205,206,207,209,210,211,212,224,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,314,315,316,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,448,449,450,470,471,489 +3341 - 36,37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,106,107,108,109,118,119,120,121,122,123,129,130,139,140,141,142,149,150,151,152,161,162,163,164,171,172,173,174,175,182,183,184,185,192,193,194,195,204,205,206,207,212,213,214,215,216,227,228,229,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,314,315,316,317,318,319,320,321,334,335,336,337,338,339,341,342,343,344,355,356,357,358,359,360,364,365,366,367,377,378,379,380,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,493 +3342 - 54,55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,101,102,103,104,118,119,120,140,141,142,162,163,169,170,171,172,173,184,185,186,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,342,343,344,359,360,361,363,364,365,380,381,382,385,386,387,402,403,404,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +3343 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,126,127,128,129,130,131,139,140,141,142,143,148,149,150,151,152,161,162,163,164,169,170,171,172,173,174,183,184,185,186,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,320,321,322,334,335,336,337,338,342,343,344,355,356,357,358,363,364,365,366,376,377,378,379,380,385,386,387,388,399,400,401,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,493 +3344 - 50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,188,189,190,191,192,193,194,195,200,201,202,203,204,212,213,214,215,216,217,218,221,222,223,224,225,226,235,236,237,238,239,240,243,244,245,246,247,257,258,259,260,261,262,265,266,267,268,269,279,280,281,282,283,284,287,288,289,290,291,301,302,303,304,305,306,309,310,311,312,313,314,323,324,325,326,327,328,332,333,334,335,336,337,338,339,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,485 +3345 - 144,145,149,150,151,152,153,165,166,167,168,169,170,171,172,173,174,175,186,187,188,189,190,191,192,193,194,207,208,209,210,211,228,229,230,231,249,250,251,252,253,254,255,271,272,273,275,276,277,297,298,299,312,313,314,315,318,319,320,333,334,335,336,338,339,340,341,342,355,356,357,358,359,360,361,362,377,378,379,380,381,382,490 +3346 - 32,33,34,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,100,113,114,115,116,122,123,124,135,136,137,145,146,147,157,158,159,160,167,168,169,180,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,239,240,249,250,251,252,257,258,259,260,261,262,263,269,270,271,272,273,283,284,285,290,291,292,293,294,305,306,312,313,314,327,328,334,335,348,349,350,356,357,369,370,371,378,379,380,381,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,493 +3347 - 123,124,125,126,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,215,216,217,218,224,225,226,227,228,229,237,238,239,240,245,246,247,248,249,258,259,260,261,262,266,267,268,269,270,279,280,281,282,283,288,289,290,291,299,300,301,302,303,304,305,309,310,311,312,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,400,401,402,485 +3348 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,137,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,280,281,282,290,291,292,293,302,303,304,313,314,324,325,326,346,347,348,367,368,369,370,388,389,390,391,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,490 +3349 - 11,12,13,33,34,35,54,55,56,76,77,78,97,98,99,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,191,192,193,204,205,206,211,212,213,214,215,216,225,226,227,232,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,260,268,269,270,274,275,276,277,278,279,280,281,282,290,291,292,295,296,297,298,299,300,301,302,303,312,313,314,316,317,318,319,320,321,322,323,324,334,335,336,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,401,402,403,404,405,406,491 +3350 - 73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,159,160,161,162,180,181,182,183,190,191,192,193,194,195,202,203,204,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,278,279,280,281,299,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,449,450,451,452,471,472,473,489 +3351 - 14,15,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,169,170,171,172,183,184,185,186,189,190,191,192,193,194,195,204,205,206,207,209,210,211,212,213,214,215,216,217,218,225,226,227,228,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,259,260,261,262,268,269,270,271,272,273,274,275,276,280,281,282,283,289,290,291,292,293,294,295,296,301,302,303,304,305,311,312,313,314,315,316,317,321,322,323,324,325,333,334,335,336,337,338,339,341,342,343,344,345,346,355,356,357,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,491 +3352 - 75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,122,123,138,139,140,143,144,145,159,160,161,165,166,181,182,186,187,188,208,209,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,277,278,279,293,294,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,431,432,433,453,454,455,474,475,476,488 +3353 - 13,14,15,16,17,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,81,82,83,97,98,99,102,103,104,120,124,125,126,145,146,147,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,273,274,278,279,280,300,301,302,322,323,324,336,337,343,344,345,355,356,357,358,359,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,488 +3354 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,80,81,82,83,84,97,98,104,105,106,118,119,120,126,127,128,140,141,147,148,149,150,162,163,167,168,169,170,171,184,185,188,189,190,191,192,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,298,299,300,314,315,316,320,321,322,335,336,337,343,344,357,358,359,365,366,379,380,381,387,388,401,402,403,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,493 +3355 - 97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,170,171,172,173,182,183,184,192,193,194,195,204,205,213,214,215,216,226,227,235,236,237,248,249,256,257,258,259,270,271,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,361,362,363,364,365,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +3356 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,144,145,146,160,161,162,167,168,181,182,183,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +3357 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,173,174,175,182,183,184,185,192,193,194,195,196,197,203,204,205,206,212,213,214,215,216,217,218,219,224,225,226,227,232,233,234,235,236,237,238,239,240,241,246,247,248,249,252,253,254,255,256,257,258,260,261,262,263,267,268,269,270,273,274,275,276,277,278,279,281,282,283,284,285,289,290,291,294,295,296,297,298,301,302,303,304,305,311,312,313,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,425,426,491 +3358 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,137,138,139,140,146,147,158,159,160,161,169,170,171,172,173,180,181,182,192,193,194,195,202,203,204,213,214,215,216,224,225,234,235,236,237,246,247,256,257,258,259,268,269,270,276,277,278,279,280,290,291,292,293,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,474,475,476,477,478,494 +3359 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,189,190,191,192,193,194,202,203,204,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,276,277,278,279,293,294,297,298,299,300,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,494 +3360 - 103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,157,158,159,160,162,163,164,179,180,181,182,183,201,202,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,253,254,255,256,277,278,299,300,321,322,335,342,343,344,357,358,363,364,365,366,379,380,384,385,386,387,402,403,404,405,406,407,408,425,426,427,428,490 +3361 - 77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,148,149,150,161,162,163,164,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,422,423,424,425,426,444,445,446,447,465,466,467,468,494 +3362 - 73,74,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,139,140,141,146,147,148,160,161,162,168,169,170,181,182,183,184,189,190,191,192,203,204,205,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,474,475,476,477,494 +3363 - 35,41,42,56,57,58,63,64,65,77,78,79,80,84,85,86,99,100,101,106,107,108,119,120,121,122,123,126,127,128,129,141,142,143,144,148,149,150,151,162,163,164,165,169,170,171,172,182,183,184,185,186,190,191,192,193,194,204,205,206,207,212,213,214,224,225,226,227,228,232,233,234,235,236,246,247,248,249,254,255,256,257,262,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,489 +3364 - 14,15,16,34,35,36,55,56,57,77,78,79,98,99,100,120,121,141,142,143,162,163,164,184,185,186,205,206,207,227,228,229,249,250,251,252,253,254,255,256,257,271,272,274,275,276,277,278,279,280,293,294,297,300,301,302,303,314,315,316,323,324,325,337,338,344,345,346,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +3365 - 58,59,60,61,79,80,81,82,83,84,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,149,150,151,162,163,164,165,166,167,171,172,173,184,185,186,187,192,193,194,195,197,206,207,208,213,214,215,216,218,219,228,229,230,233,234,235,236,237,250,251,252,254,255,256,257,258,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,328,329,336,337,338,339,340,341,350,351,357,358,359,360,361,362,363,378,379,380,381,382,383,384,399,400,401,402,403,404,405,420,421,422,423,424,425,426,427,442,443,444,445,446,447,448,464,465,466,467,468,493 +3366 - 51,52,53,73,74,75,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,164,165,166,167,168,169,170,171,172,179,180,181,182,183,189,190,191,192,193,194,200,201,203,204,205,213,214,215,216,225,226,227,236,237,238,247,248,249,258,259,260,268,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,379,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +3367 - 64,65,75,76,85,86,87,96,97,98,107,108,109,118,119,120,128,129,130,139,140,141,142,149,150,151,152,160,161,162,163,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,206,213,214,215,216,224,225,226,234,235,236,237,245,246,247,248,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,489 +3368 - 71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,156,157,158,159,178,179,180,181,182,183,184,185,201,202,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,252,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,304,323,324,325,326,346,347,348,368,369,370,371,390,391,392,412,413,414,423,424,425,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,478,490 +3369 - 38,39,40,41,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,214,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,443,444,445,446,486 +3370 - 47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,120,121,122,123,124,143,144,145,146,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,381,382,383,384,404,405,406,407,427,428,429,430,431,435,436,450,451,452,453,454,455,456,457,458,474,475,476,477,478,479,480,487 +3371 - 60,61,62,81,82,83,84,85,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,171,172,173,174,184,185,186,187,188,189,193,194,195,196,205,206,207,208,209,214,215,216,217,225,226,227,228,229,230,235,236,237,238,239,246,247,248,249,250,251,256,257,258,259,260,267,268,269,270,271,272,277,278,279,280,281,288,289,290,291,292,297,298,299,300,301,302,310,311,312,313,318,319,320,321,322,323,331,332,333,334,337,338,339,340,341,342,343,353,354,355,357,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,420,421,422,423,485 +3372 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,403,404,405,425,426,427,447,448,486 +3373 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,120,121,122,123,124,142,143,144,145,162,163,164,165,166,170,171,172,173,183,184,185,186,187,190,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,280,281,282,283,284,289,290,291,292,293,294,295,296,300,301,302,303,304,310,311,312,313,315,316,317,318,319,320,321,322,323,324,325,332,333,334,338,339,340,341,342,343,344,345,346,354,355,356,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,422,423,424,425,491 +3374 - 9,10,11,12,31,32,33,34,35,55,56,57,58,78,79,80,100,101,102,123,124,144,145,146,166,167,168,188,189,190,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,299,300,301,302,310,311,312,313,314,315,316,322,323,324,325,333,334,335,336,345,346,347,348,368,369,370,390,391,392,393,413,414,415,435,436,437,487 +3375 - 15,16,17,36,37,38,39,57,58,59,60,61,79,80,81,82,83,99,100,101,102,103,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,420,421,422,491 +3376 - 29,30,31,32,51,52,53,54,75,76,97,98,119,120,140,141,142,161,162,163,164,183,184,185,205,206,207,208,228,229,230,231,251,252,253,254,255,274,275,276,277,297,298,299,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,453,488 +3377 - 58,59,60,61,62,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,142,143,144,145,149,150,151,152,163,164,165,166,172,173,174,183,184,185,186,194,195,196,204,205,206,207,216,217,218,225,226,227,228,238,239,240,246,247,248,249,259,260,261,267,268,269,281,282,283,289,290,291,302,303,304,310,311,312,322,323,324,325,331,332,333,343,344,345,346,353,354,355,364,365,366,367,375,376,377,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,465,466,467,468,485 +3378 - 55,56,57,76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,161,162,163,168,169,170,183,184,185,189,190,191,205,206,207,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,343,344,361,362,363,364,365,366,382,383,384,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,493 +3379 - 59,60,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +3380 - 69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,139,145,146,147,148,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,475,492 +3381 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,102,103,104,105,116,117,118,119,125,126,127,137,138,139,147,148,149,160,168,169,170,190,191,192,211,212,213,214,230,231,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,338,339,340,341,343,344,345,346,347,354,355,356,358,359,360,361,362,366,367,368,369,376,377,378,379,380,381,382,383,389,390,391,392,398,399,400,401,402,403,404,411,412,413,414,420,421,422,423,424,433,434,435,436,437,442,443,444,456,457,458,459,487 +3382 - 93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,163,164,165,166,167,168,169,170,180,189,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,492 +3383 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,138,139,140,146,147,148,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,277,278,279,280,293,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,377,378,379,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +3384 - 10,11,12,13,14,32,33,34,35,36,37,38,39,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,103,104,105,106,125,126,127,128,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,291,292,293,294,295,296,312,313,314,315,316,317,333,334,335,336,337,338,345,346,347,348,355,356,357,358,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,487 +3385 - 61,62,63,83,84,85,104,105,106,120,121,125,126,127,141,142,143,147,148,149,163,164,165,168,169,170,184,185,186,190,191,192,205,206,207,211,212,213,225,226,227,228,233,234,235,247,248,249,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,489 +3386 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,122,123,124,125,135,136,137,138,144,145,146,147,157,158,159,160,161,162,166,167,168,169,180,181,182,183,184,185,186,188,189,190,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,279,295,296,297,298,299,300,301,302,316,317,318,319,321,322,323,324,338,339,340,344,345,346,360,361,362,366,367,368,369,382,383,384,389,390,391,392,404,405,406,412,413,414,426,427,428,429,434,435,448,449,450,451,452,453,454,456,472,473,474,475,476,493 +3387 - 81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,162,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,253,254,255,256,257,270,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,443,444,445,446,447,490 +3388 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,98,99,100,101,120,121,122,123,142,143,144,145,146,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,216,229,230,235,236,237,238,258,259,260,279,280,281,282,292,293,294,301,302,303,304,313,314,315,316,323,324,325,335,336,337,344,345,346,357,358,359,365,366,367,368,379,380,381,382,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,449,450,451,452,488 +3389 - 14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,212,213,214,215,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,313,314,315,316,317,323,324,325,326,334,335,336,337,338,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,491 +3390 - 32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,230,231,252,253,254,274,275,276,296,297,298,319,320,341,342,343,363,364,365,386,387,408,409,430,431,432,452,453,454,486 +3391 - 101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,191,192,193,194,199,200,201,202,213,214,215,216,234,235,236,237,256,257,258,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +3392 - 57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,403,404,405,425,426,427,446,447,448,468,469,486 +3393 - 58,59,60,61,62,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,148,149,150,151,159,160,161,162,168,169,170,171,172,173,181,182,183,184,189,190,191,192,193,203,204,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,378,379,380,381,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +3394 - 15,16,17,36,37,38,57,58,59,79,80,99,100,101,102,120,121,122,140,141,142,143,161,162,163,164,183,184,185,204,205,206,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,277,278,279,280,290,291,292,293,294,300,301,302,313,314,322,323,324,344,345,346,365,366,367,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,490 +3395 - 98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,168,169,170,171,182,183,184,189,190,191,192,193,203,204,205,211,212,213,214,225,226,227,228,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +3396 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,83,84,85,98,99,105,106,117,118,119,120,121,125,126,127,128,138,139,140,141,146,147,148,149,161,162,163,164,167,168,169,170,185,186,187,188,189,190,208,209,210,211,228,229,230,231,232,233,234,249,250,251,252,254,255,256,271,272,277,278,279,292,293,294,300,301,313,314,315,322,323,324,335,336,344,345,346,356,357,358,366,367,378,379,380,387,388,389,400,401,402,403,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +3397 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,171,172,173,174,180,181,182,183,184,185,186,189,190,191,193,194,195,196,201,202,203,204,205,206,207,211,212,215,216,217,218,222,223,224,225,226,227,228,233,234,237,238,239,240,244,245,246,247,248,249,250,258,259,260,261,262,266,267,268,269,280,281,282,283,287,288,289,290,291,301,302,303,304,305,309,310,311,312,323,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,365,366,367,368,369,375,376,377,378,385,386,387,388,389,390,397,398,399,400,401,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,485 +3398 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,277,296,297,298,299,319,320,321,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,486 +3399 - 55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,486 +3400 - 49,50,51,52,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,181,182,183,184,204,205,206,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,301,302,303,324,325,326,347,348,369,370,382,383,391,392,403,404,405,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,490 +3401 - 31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,103,104,105,106,115,116,117,118,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,411,412,413,414,419,420,421,422,423,424,425,426,427,434,435,436,442,443,444,445,446,447,487 +3402 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,124,125,126,127,137,138,139,140,145,146,147,148,149,160,161,162,166,167,168,169,170,182,183,184,185,187,188,189,190,205,206,207,208,209,210,211,212,228,229,230,231,232,250,251,252,253,271,272,273,274,275,276,293,294,295,296,297,298,299,314,315,316,319,320,321,322,336,337,338,342,343,344,358,359,360,365,366,367,381,382,383,387,388,389,403,404,405,406,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,493 +3403 - 35,36,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,124,125,126,127,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,302,314,315,316,322,323,324,325,344,345,346,347,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +3404 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,255,256,257,258,272,273,274,278,279,280,293,294,295,300,301,302,316,322,323,324,338,344,345,346,359,360,366,367,381,382,383,387,388,389,403,404,405,406,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,490 +3405 - 99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +3406 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,100,101,102,113,114,115,116,122,123,124,125,135,136,137,144,145,146,147,157,158,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,407,408,409,410,411,412,413,414,415,416,417,432,433,434,435,436,437,438,439,457,458,459,460,487 +3407 - 28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,102,103,104,105,115,116,117,118,125,126,127,138,139,140,141,147,148,149,150,151,161,162,163,164,169,170,171,172,173,174,183,184,185,186,187,188,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,216,231,232,233,234,235,236,237,252,253,254,255,256,257,258,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,344,345,346,357,358,359,360,361,362,365,366,367,368,379,380,381,382,383,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,493 +3408 - 51,52,53,54,55,72,73,74,75,76,77,78,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,186,187,188,189,190,192,193,194,195,196,201,202,203,204,205,208,209,210,211,212,215,216,217,218,223,224,225,226,227,231,232,233,234,237,238,239,240,245,246,247,248,249,254,255,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,302,303,304,305,306,311,312,313,314,315,324,325,326,327,333,334,335,336,337,345,346,347,348,355,356,357,358,359,360,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,485 +3409 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,146,147,148,160,161,162,163,164,168,169,170,182,183,184,189,190,191,192,193,204,205,206,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,494 +3410 - 51,52,53,73,74,75,76,77,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,126,143,144,145,146,147,148,149,168,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,249,250,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,303,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,359,360,361,362,381,382,383,403,404,405,425,426,447,448,469,470,492 +3411 - 34,35,36,55,56,57,58,59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,171,172,173,174,180,181,182,183,184,194,195,196,202,203,204,205,216,217,218,222,223,224,225,226,238,239,240,244,245,246,247,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,300,301,302,303,304,305,309,310,311,321,322,323,324,325,326,331,332,333,341,342,343,344,345,346,347,353,354,355,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,444,445,446,447,485 +3412 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,103,104,105,113,114,115,116,117,126,127,128,135,136,137,149,150,157,158,159,171,172,180,181,182,190,191,192,193,194,202,203,204,205,210,211,212,213,214,216,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,290,291,292,297,298,299,300,301,302,312,313,314,322,323,324,325,334,335,336,345,346,347,348,357,358,359,368,369,370,371,383,391,392,393,405,406,407,414,415,427,428,429,430,431,435,436,437,450,451,452,453,454,455,456,457,458,474,475,476,477,478,479,493 +3413 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +3414 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,121,122,123,124,125,136,137,138,139,145,146,147,148,157,158,159,160,168,169,170,179,180,181,189,190,191,192,201,202,203,204,211,212,213,214,224,225,226,227,233,234,235,236,246,247,248,249,250,251,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,318,319,320,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,432,433,434,454,455,456,457,476,477,478,479,494 +3415 - 11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,82,83,84,97,98,104,105,106,107,126,127,128,129,148,149,150,151,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,364,365,366,367,377,378,379,380,381,382,383,387,388,389,399,400,401,402,403,409,410,411,412,421,422,423,432,433,434,487 +3416 - 90,91,92,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,167,168,169,189,190,191,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,492 +3417 - 27,28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,326,331,332,333,342,343,344,345,346,347,353,354,355,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +3418 - 62,63,64,83,84,85,86,95,105,106,107,108,116,117,118,126,127,128,129,130,137,138,139,140,148,149,150,151,158,159,160,161,170,171,172,179,180,181,182,191,192,193,194,200,201,202,203,212,213,214,215,221,222,223,224,225,234,235,236,237,243,244,245,246,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,451,452,453,454,473,474,475,489 +3419 - 85,86,87,106,107,108,109,117,118,119,127,128,129,130,131,138,139,140,141,148,149,150,151,152,160,161,162,163,170,171,172,173,181,182,183,184,191,192,193,194,202,203,204,205,213,214,215,223,224,225,226,234,235,236,237,244,245,246,247,248,249,250,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,292,293,294,295,296,297,298,299,300,301,302,311,317,318,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,489 +3420 - 52,53,54,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,165,166,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,203,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,320,321,322,337,338,339,340,343,344,359,360,361,365,366,367,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,493 +3421 - 97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,170,171,172,173,174,177,178,179,180,181,191,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,492 +3422 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,146,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,173,180,181,182,183,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,224,225,226,231,232,233,234,235,246,247,248,251,252,253,254,255,268,269,270,271,272,273,274,275,291,292,293,294,295,296,315,316,317,318,319,337,338,339,340,341,342,359,360,361,362,363,364,365,381,382,385,386,387,388,403,404,408,409,410,425,426,427,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +3423 - 55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,147,148,149,150,151,152,153,161,162,163,164,168,169,170,171,172,173,174,175,183,184,185,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,292,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,341,342,357,358,359,360,363,364,365,378,379,380,381,385,386,387,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +3424 - 30,31,32,33,34,35,36,51,52,53,54,55,57,58,59,73,74,80,81,95,96,103,117,118,125,139,140,147,161,162,163,170,171,172,184,185,186,190,191,192,193,207,208,209,211,212,213,230,231,232,233,234,252,253,254,255,274,275,276,277,278,295,296,297,299,300,301,316,317,318,322,323,338,339,344,345,359,360,361,366,367,381,382,387,388,389,403,404,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,493 +3425 - 97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,191,192,193,194,195,196,201,202,203,204,212,213,214,215,216,217,218,223,224,225,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,494 +3426 - 71,72,80,81,82,93,94,95,102,103,104,114,115,116,117,124,125,126,127,136,137,138,139,146,147,148,149,158,159,160,161,167,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,227,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +3427 - 14,15,16,17,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,184,185,186,205,206,207,227,228,229,234,235,236,249,250,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +3428 - 73,74,75,76,94,95,96,97,98,115,116,117,118,119,120,136,137,138,139,140,157,158,159,160,161,165,166,167,179,180,181,182,185,186,187,188,189,190,201,202,203,204,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,255,256,257,258,259,267,268,269,270,271,272,273,274,278,279,280,281,282,289,290,291,292,293,294,295,301,302,303,304,311,312,313,314,315,323,324,325,326,327,333,334,335,336,346,347,348,349,350,369,370,371,372,391,392,393,394,414,415,416,417,437,438,439,460,461,494 +3429 - 99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,148,162,163,164,165,168,169,170,183,184,185,186,190,191,192,193,205,206,207,211,212,213,214,226,227,228,232,233,234,235,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,319,320,321,341,342,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +3430 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,117,118,123,124,125,138,139,140,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,203,204,205,206,210,211,212,225,226,227,231,232,233,234,247,248,249,250,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,489 +3431 - 11,12,13,14,32,33,34,35,53,54,55,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,182,183,184,189,190,191,192,193,194,203,204,205,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,280,281,282,290,291,292,293,294,295,301,302,303,304,312,313,314,315,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +3432 - 34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,140,141,142,143,144,146,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,193,205,206,207,212,213,214,228,229,234,235,236,247,248,249,250,251,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,340,341,342,343,344,345,346,355,356,357,361,362,363,364,365,366,367,368,369,377,378,379,382,383,384,385,386,390,391,392,400,401,402,403,404,405,406,407,413,414,415,423,424,425,426,427,428,429,436,437,438,446,447,448,449,458,459,460,487 +3433 - 57,58,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,446,447,448,468,469,486 +3434 - 32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,101,102,103,104,118,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,319,320,321,322,323,324,325,326,327,328,334,335,341,342,343,344,347,348,349,350,351,356,357,358,362,363,364,365,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,423,424,425,426,427,428,429,446,447,448,449,487 +3435 - 99,100,101,102,103,104,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,469,470,471,494 +3436 - 55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,127,128,133,134,135,136,137,138,139,140,148,149,150,155,156,157,158,169,170,171,172,177,178,179,180,181,182,190,191,192,193,194,200,201,202,203,204,205,206,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,315,316,317,318,319,320,323,324,325,337,338,339,340,345,346,347,358,359,360,361,362,367,368,369,380,381,382,383,389,390,391,401,402,403,404,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,493 +3437 - 79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,168,169,170,182,183,184,185,186,189,190,191,192,203,204,205,206,207,210,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +3438 - 33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,80,81,82,94,95,96,97,102,103,104,116,117,124,125,126,145,146,147,167,168,169,188,189,190,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,278,279,280,301,302,303,312,324,325,334,345,346,347,356,367,368,378,379,388,389,390,400,401,402,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +3439 - 78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,168,169,170,181,182,183,184,185,190,191,192,203,204,205,211,212,213,214,224,225,226,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,315,319,320,321,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,494 +3440 - 53,54,55,60,61,74,75,76,77,81,82,83,94,95,96,97,98,102,103,104,105,115,116,117,118,124,125,126,136,137,138,139,140,141,142,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,209,210,211,212,213,231,232,233,234,235,236,252,253,254,256,257,258,273,274,275,276,278,279,280,295,296,297,300,301,302,317,318,322,323,324,338,339,340,344,345,346,360,361,362,365,366,367,382,383,387,388,389,404,405,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,493 +3441 - 62,63,74,84,85,86,95,96,97,105,106,107,117,118,119,127,128,129,138,139,140,141,148,149,150,159,160,161,162,170,171,172,181,182,183,184,191,192,193,203,204,205,213,214,215,224,225,226,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,489 +3442 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,121,122,123,124,125,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,253,254,255,256,275,276,277,278,298,299,300,320,321,322,341,342,343,344,359,360,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,488 +3443 - 40,41,42,61,62,63,64,75,83,84,85,96,97,104,105,106,117,118,119,126,127,128,139,140,141,147,148,149,160,161,162,169,170,171,181,182,183,190,191,192,202,203,204,205,212,213,214,224,225,226,233,234,235,245,246,247,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,337,338,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,489 +3444 - 7,8,9,29,30,31,50,51,52,72,73,74,94,95,96,116,117,118,138,139,140,160,161,162,167,168,169,182,183,184,187,188,189,190,191,192,193,204,205,206,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,235,236,237,238,248,249,250,251,252,253,258,259,260,270,271,272,273,274,275,280,281,282,283,293,294,295,296,297,302,303,304,305,315,316,317,318,319,320,324,325,326,327,337,338,339,340,341,346,347,348,349,360,361,362,363,364,365,366,368,369,370,371,383,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,413,491 +3445 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,125,126,127,128,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,278,279,280,281,300,301,302,303,323,324,325,332,333,334,345,346,347,354,355,356,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +3446 - 50,51,52,72,73,74,83,84,85,94,95,96,104,105,106,116,117,118,125,126,127,137,138,139,140,146,147,148,149,159,160,161,168,169,170,181,182,183,189,190,191,192,202,203,204,205,211,212,213,224,225,226,227,233,234,235,237,238,239,246,247,248,249,250,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,489 +3447 - 75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,147,148,149,150,151,152,157,158,159,160,161,170,171,172,173,174,179,180,181,182,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,224,225,226,227,228,229,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,358,359,360,361,365,366,367,379,380,381,388,389,401,402,403,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,476,493 +3448 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,103,104,105,106,119,125,126,127,128,146,147,148,149,167,168,169,170,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,320,321,322,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,463,464,465,466,488 +3449 - 36,37,38,57,58,59,60,62,63,78,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,271,272,273,274,275,293,294,295,296,314,315,316,317,318,327,328,336,337,338,339,348,349,350,357,358,359,360,361,370,371,372,373,379,380,381,382,393,394,395,401,402,403,404,415,416,417,422,423,424,425,444,445,446,447,486 +3450 - 32,33,34,35,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,103,104,105,116,117,118,119,125,126,127,137,138,139,140,147,148,149,150,158,159,160,161,170,171,172,180,181,182,192,193,194,201,202,203,204,214,215,216,223,224,225,236,237,238,239,244,245,246,247,258,259,260,261,266,267,268,280,281,282,283,288,289,290,302,303,304,310,311,312,324,325,326,332,333,334,345,346,347,348,355,356,366,367,368,369,377,378,379,387,388,389,390,400,401,402,403,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +3451 - 52,53,62,74,75,83,84,85,95,96,97,105,106,107,117,118,119,126,127,128,139,140,148,149,150,160,161,162,169,170,171,182,183,184,191,192,193,203,204,205,213,214,225,226,227,228,229,230,231,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,297,298,299,300,301,302,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +3452 - 71,73,74,75,77,78,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,145,146,147,148,156,157,158,168,169,170,171,190,191,192,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,429,430,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,478,487 +3453 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,486 +3454 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,163,164,165,166,167,168,169,170,171,172,179,180,181,182,186,187,191,192,193,194,200,201,202,203,204,214,215,216,217,222,223,224,225,237,238,239,240,244,245,246,247,260,261,262,266,267,268,269,283,284,285,288,289,290,305,306,310,311,312,326,327,328,332,333,334,348,349,350,354,355,356,357,369,370,371,372,376,377,378,379,380,390,391,392,393,399,400,401,402,403,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,485 +3455 - 10,11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,98,104,105,106,126,127,128,148,149,150,170,171,172,192,193,194,213,214,215,227,228,229,230,231,232,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,317,318,319,320,321,322,323,324,332,333,334,335,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,389,390,391,392,398,399,400,401,402,403,404,405,406,412,413,414,420,421,422,423,424,425,426,435,436,437,487 +3456 - 74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,143,144,145,146,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,226,227,228,229,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,432,451,452,453,454,474,475,476,477,494 +3457 - 107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,203,204,205,206,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,269,274,275,276,297,298,299,319,320,321,334,335,341,342,343,356,357,358,359,363,364,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,490 +3458 - 52,53,73,74,75,95,96,97,117,118,119,125,126,127,139,140,141,147,148,149,160,161,162,163,169,170,171,183,184,185,191,192,193,204,205,206,213,214,215,226,227,228,232,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,301,302,303,313,314,315,316,317,323,324,325,335,336,337,346,347,367,368,369,390,391,412,413,414,434,435,436,457,458,479,480,489 +3459 - 35,36,37,38,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,129,139,140,141,142,143,144,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,204,205,206,207,208,215,216,217,225,226,227,228,229,237,238,239,246,247,248,249,250,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,321,322,323,324,325,326,327,333,334,335,342,343,344,345,346,347,348,355,356,357,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +3460 - 51,52,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,137,138,139,158,159,160,180,181,182,201,202,203,204,223,224,225,245,246,247,248,267,268,269,270,271,272,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,346,347,348,349,368,369,370,371,389,390,391,392,393,410,411,412,413,414,415,427,428,430,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,490 +3461 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,191,192,193,194,202,203,204,205,206,212,213,214,215,216,223,224,225,226,232,233,234,235,236,237,245,246,247,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,494 +3462 - 75,76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,121,122,123,124,125,126,138,139,140,146,147,148,160,161,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,225,226,232,233,234,235,247,248,254,255,256,257,269,270,271,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,321,322,343,344,365,366,387,388,409,410,431,432,452,453,454,455,474,475,476,494 +3463 - 72,80,81,93,94,95,96,102,103,104,115,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,168,169,170,181,182,183,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,248,249,250,254,255,256,257,259,270,271,272,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,471,472,489 +3464 - 29,30,50,51,52,53,54,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,166,167,168,169,170,171,172,181,182,183,188,189,190,191,192,193,194,202,203,204,205,211,212,213,214,215,216,217,224,225,226,227,234,235,236,237,238,239,246,247,248,249,257,258,259,260,261,268,269,270,271,279,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,316,324,325,326,327,334,335,336,337,338,345,346,347,348,357,358,359,360,361,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +3465 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,148,149,150,159,160,161,162,163,164,170,171,172,173,180,181,182,183,184,190,192,193,194,195,202,203,204,205,211,212,213,214,215,216,217,224,225,226,227,232,233,234,235,237,238,247,248,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,472,473,474,494 +3466 - 55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,125,126,137,138,147,148,158,159,160,180,181,182,183,184,185,186,187,188,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,256,257,258,259,260,281,282,283,284,304,305,306,309,326,327,328,331,332,348,349,350,353,354,355,356,357,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,490 +3467 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,149,150,151,158,159,160,161,162,163,164,165,166,167,172,173,174,179,180,181,182,183,184,185,186,188,194,195,196,201,202,203,204,205,206,207,216,217,218,219,222,223,224,225,226,227,228,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,301,302,303,304,305,306,307,310,311,312,313,322,323,324,325,326,327,328,329,332,333,334,335,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,485 +3468 - 9,10,11,31,32,53,54,74,75,76,96,97,98,118,119,120,140,141,142,161,162,163,164,183,184,185,205,206,207,227,228,229,249,250,251,255,256,257,258,259,271,272,273,276,277,278,279,280,281,282,294,295,296,297,298,299,300,302,303,304,316,317,318,319,320,324,325,326,338,339,340,341,342,345,346,347,360,361,362,363,364,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +3469 - 102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,190,191,192,193,194,201,202,203,204,212,213,214,215,233,234,235,236,237,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +3470 - 76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,406,407,428,429,450,451,472,473,486 +3471 - 52,61,62,63,73,74,75,83,84,85,86,94,95,96,97,98,105,106,107,108,116,117,118,119,120,127,128,129,130,138,139,140,141,148,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,206,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,255,256,257,258,259,260,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,364,365,366,367,368,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,489 +3472 - 77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,143,144,145,146,160,161,162,165,166,167,168,182,183,187,188,189,190,203,204,209,210,211,212,225,226,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,292,293,294,295,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,450,451,471,472,473,494 +3473 - 36,37,38,58,59,60,61,80,81,82,94,101,102,103,104,116,117,123,124,125,126,137,138,139,140,145,146,147,159,160,161,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,224,225,226,232,233,234,246,247,248,253,254,255,256,268,269,270,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,489 +3474 - 33,34,55,56,77,78,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,486 +3475 - 34,35,36,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,426,427,428,429,449,450,451,486 +3476 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,121,123,124,125,136,137,138,139,145,146,147,157,158,159,160,167,168,169,179,180,181,189,190,191,202,203,204,211,212,213,225,226,227,228,232,233,234,248,249,250,251,252,254,255,256,272,273,274,275,276,277,296,297,298,299,318,319,320,321,322,339,340,341,342,343,344,345,361,362,363,365,366,367,383,384,388,389,390,405,406,407,410,411,412,427,428,429,432,433,434,450,451,452,453,454,455,472,473,474,475,476,493 +3477 - 74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,167,168,169,170,171,172,173,180,181,182,188,189,190,191,192,193,194,202,203,204,209,210,211,212,213,214,215,225,226,227,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,365,366,379,380,381,382,387,388,389,401,402,403,404,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,493 +3478 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,114,115,116,117,121,122,123,124,125,137,139,142,143,144,145,146,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,203,204,205,207,208,209,210,211,212,231,232,233,234,235,254,255,256,257,258,278,279,280,281,301,302,303,323,324,325,326,346,347,348,353,354,355,368,369,370,375,376,377,378,379,380,381,382,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,488 +3479 - 100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,190,191,192,193,194,201,202,203,204,205,212,213,214,215,224,233,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +3480 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,171,172,180,181,182,183,192,193,194,202,203,204,213,214,215,216,223,224,233,234,235,236,237,238,244,245,246,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,317,318,322,323,343,344,345,365,366,367,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3481 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,211,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,268,269,270,272,273,274,275,276,277,278,279,281,282,283,290,291,292,293,294,295,296,297,298,303,304,305,312,313,314,315,316,317,318,324,325,326,327,334,335,336,337,338,339,345,346,347,348,349,356,357,358,359,360,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +3482 - 103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,246,247,248,249,255,256,257,258,267,268,269,270,277,278,279,290,291,292,298,299,300,301,312,313,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,407,408,409,410,429,430,431,451,452,453,454,473,474,475,492 +3483 - 57,58,59,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,192,193,194,195,196,200,201,202,203,204,205,206,207,215,216,217,218,222,223,224,225,226,227,237,238,239,240,243,244,245,246,247,259,260,261,262,265,266,267,268,269,280,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,323,324,325,326,327,328,331,332,333,334,343,344,345,346,347,348,349,353,354,355,356,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +3484 - 31,32,33,34,35,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,115,116,117,118,123,124,125,126,137,138,139,140,146,147,148,160,161,162,168,169,183,184,185,189,190,191,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,366,367,368,369,370,371,379,380,381,382,383,384,385,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,444,445,446,447,448,487 +3485 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,166,167,168,169,170,171,172,182,183,184,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,321,322,323,335,336,337,338,339,344,345,357,358,359,360,366,367,378,379,380,381,386,387,388,389,390,400,401,402,403,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +3486 - 26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,92,99,100,101,102,122,123,124,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,249,250,251,252,253,271,272,273,274,293,294,295,314,315,316,336,337,357,358,359,373,379,380,381,382,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,487 +3487 - 36,37,38,57,58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,406,422,423,424,425,426,427,445,446,447,448,486 +3488 - 49,50,51,52,53,54,55,72,73,74,75,76,77,78,99,100,101,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,251,252,253,273,274,275,296,297,298,299,319,320,321,322,341,342,343,344,364,365,366,385,386,387,388,406,407,408,409,426,427,428,429,430,447,448,449,450,451,470,471,472,488 +3489 - 56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,166,167,168,169,170,171,172,173,174,181,182,183,184,187,188,189,190,191,192,193,194,195,204,205,206,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,382,387,388,401,402,403,404,405,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +3490 - 52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,100,101,102,103,112,113,114,115,116,124,125,126,135,136,137,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,315,316,317,319,320,337,338,339,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,432,433,487 +3491 - 77,78,79,80,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,163,164,165,166,169,170,171,191,192,193,212,213,214,215,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,349,350,351,355,356,357,358,359,360,361,362,378,379,380,381,382,401,402,487 +3492 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,105,106,107,108,117,118,119,120,121,128,129,130,138,139,140,141,142,143,144,150,151,152,153,159,160,161,162,163,164,165,166,167,173,174,175,181,182,183,184,185,186,187,188,189,195,196,202,203,204,205,217,218,224,225,226,227,238,239,240,245,246,247,248,260,261,262,266,267,268,269,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,349,354,355,356,357,366,367,368,369,370,376,377,378,379,380,381,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +3493 - 14,15,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,257,258,259,270,271,272,273,274,279,280,281,291,292,293,294,295,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,342,343,344,345,346,347,357,358,359,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +3494 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,118,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,247,248,249,250,251,253,254,255,269,270,271,272,275,276,277,278,290,291,292,293,294,298,299,300,301,312,313,314,315,320,321,322,323,334,335,336,337,343,344,345,356,357,358,359,364,365,366,367,368,379,380,381,382,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,449,450,451,452,453,491 +3495 - 7,8,9,10,11,12,13,29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,98,99,102,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,172,189,190,191,192,193,194,210,211,212,213,214,215,216,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,396,397,398,399,400,401,402,403,413,414,419,420,421,422,487 +3496 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,101,102,103,104,113,114,115,124,125,126,135,136,137,146,147,148,158,159,160,167,168,169,170,180,181,182,188,189,190,191,192,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,281,282,283,294,295,303,304,305,324,325,326,327,345,346,347,348,366,367,368,369,375,376,377,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,488 +3497 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,149,150,151,152,160,161,162,163,164,165,166,172,173,174,181,182,183,184,185,186,194,195,196,202,203,204,205,206,207,208,216,217,218,223,224,225,226,227,228,229,237,238,239,245,246,247,248,259,260,261,266,267,268,269,279,280,281,282,283,288,289,290,291,300,301,302,303,304,310,311,312,321,322,323,324,325,326,332,333,341,342,343,344,345,346,353,354,355,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,485 +3498 - 55,56,57,58,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,172,183,184,185,186,187,190,191,192,193,194,204,205,206,207,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,321,322,323,324,337,338,339,340,342,343,344,345,346,358,359,360,361,364,365,366,367,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +3499 - 99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,189,190,191,192,193,202,203,204,205,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,277,278,279,291,292,293,294,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +3500 - 51,52,58,59,60,72,73,74,80,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,313,314,315,316,321,322,335,336,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,489 +3501 - 35,36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +3502 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,357,362,363,364,365,366,367,379,380,384,385,386,387,388,401,402,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,490 +3503 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,138,139,140,147,148,149,169,170,171,190,191,192,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,346,347,348,349,355,356,357,358,359,360,361,362,363,364,368,369,370,371,377,378,379,380,381,382,383,384,385,390,391,392,393,394,399,400,401,402,403,404,405,406,413,414,415,416,422,423,424,425,426,427,435,436,437,444,445,446,447,487 +3504 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,449,450,451,486 +3505 - 75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,167,168,169,182,183,184,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,279,280,281,282,283,292,293,302,303,304,305,324,325,326,327,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,490 +3506 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,78,79,80,81,96,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,487 +3507 - 84,85,86,96,97,105,106,107,108,117,118,119,127,128,129,130,139,140,141,142,148,149,150,151,160,161,162,163,164,169,170,171,172,180,181,182,183,184,185,191,192,193,194,202,203,204,205,206,207,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,489 +3508 - 9,10,11,12,13,14,30,31,32,33,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,230,248,249,250,251,252,270,271,272,273,292,293,294,314,315,316,317,329,335,336,337,338,339,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,487 +3509 - 59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,182,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,321,322,323,324,342,343,344,345,346,356,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +3510 - 34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +3511 - 14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,105,106,119,120,121,122,140,141,142,143,161,162,163,164,167,168,183,184,185,186,187,188,189,190,191,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,278,279,280,291,292,293,294,295,296,300,301,302,313,314,315,316,317,322,323,324,334,335,336,337,338,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +3512 - 93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,166,167,168,169,170,189,190,191,192,212,213,214,233,234,235,236,255,256,257,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,471,472,473,492 +3513 - 102,103,104,105,106,107,115,116,117,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,192,193,194,195,202,203,204,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,492 +3514 - 58,59,79,80,81,101,102,123,124,144,145,146,147,166,167,168,188,189,190,209,210,211,212,231,232,233,253,254,255,274,275,276,296,297,298,318,319,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,428,448,449,470,471,486 +3515 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,193,194,195,196,200,201,202,203,204,205,214,215,216,217,218,235,236,237,238,239,240,255,256,257,258,259,260,261,276,277,278,279,280,281,282,298,299,300,301,302,303,318,319,320,321,322,323,324,339,340,341,342,343,344,360,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +3516 - 52,53,54,73,74,75,76,77,96,97,98,99,100,101,119,120,121,122,123,124,143,144,145,146,147,148,149,166,167,168,169,170,171,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,248,249,250,251,252,270,271,272,292,293,294,295,296,297,314,315,316,317,318,319,320,338,339,340,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,488 +3517 - 84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,183,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,274,275,276,277,278,279,299,300,301,302,320,321,322,323,324,333,334,335,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,490 +3518 - 31,32,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,101,102,103,117,118,119,123,124,125,139,140,141,144,145,146,147,161,162,163,165,166,167,168,183,184,185,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,342,343,344,345,360,361,362,365,366,367,368,382,383,384,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +3519 - 49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,304,305,322,323,324,325,326,327,343,344,345,346,347,348,349,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,488 +3520 - 48,49,59,60,61,69,70,71,72,81,82,83,90,91,92,93,103,104,105,112,113,114,125,126,127,134,135,136,147,148,149,156,157,158,169,170,171,178,179,180,191,192,193,200,201,202,213,214,215,222,223,224,235,236,237,244,245,256,257,258,259,266,267,273,274,275,276,277,278,279,280,281,288,289,290,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,324,325,326,333,334,335,336,337,338,339,346,347,348,356,357,358,359,368,369,370,390,391,392,412,413,414,435,436,457,458,459,480,481,489 +3521 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,192,193,194,195,201,202,203,204,205,206,207,208,209,215,216,217,218,223,224,225,226,227,228,229,230,237,238,239,240,244,245,246,247,248,249,259,260,261,262,265,266,267,268,269,270,280,281,282,283,284,287,288,289,290,291,301,302,303,304,305,306,309,310,311,312,321,322,323,324,325,326,327,331,332,333,334,341,342,343,344,345,346,347,348,349,353,354,355,356,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,485 +3522 - 5,6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,77,78,79,80,81,82,93,94,102,103,104,115,125,126,147,148,169,170,171,191,192,213,214,215,235,236,237,257,258,271,272,273,274,275,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,389,390,391,401,402,403,404,405,406,407,408,412,413,424,425,426,427,428,429,430,435,487 +3523 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,141,142,149,150,151,152,170,171,172,173,174,192,193,194,195,196,213,214,215,216,217,218,234,235,236,237,238,239,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,390,391,392,393,398,399,400,401,402,403,404,405,420,421,422,423,424,425,442,443,444,445,446,487 +3524 - 67,68,69,70,71,72,89,90,91,92,93,94,95,96,97,111,112,113,114,115,116,117,118,119,120,121,133,134,135,136,137,138,139,140,141,142,143,144,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,276,277,278,279,280,281,300,301,302,303,320,321,322,323,324,325,326,341,342,343,346,347,348,349,363,364,365,369,370,371,372,385,386,387,388,389,390,391,392,393,394,407,408,409,410,411,412,413,414,415,416,430,431,432,433,434,435,436,437,453,454,455,456,457,488 +3525 - 11,12,13,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,119,120,121,125,126,127,128,148,149,150,151,170,171,172,173,192,193,194,195,213,214,215,216,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,391,392,393,394,395,398,399,400,401,402,403,404,405,415,416,417,487 +3526 - 53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,116,117,118,119,122,123,124,125,138,139,140,144,145,146,147,159,160,161,162,166,167,168,169,181,182,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,389,403,404,407,408,409,410,424,425,426,427,429,430,431,432,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,494 +3527 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,126,127,128,139,140,141,142,148,149,150,170,171,172,191,192,193,194,212,213,214,215,216,234,235,236,237,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,370,371,372,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,426,441,442,443,444,445,487 +3528 - 31,32,33,34,52,53,54,55,56,57,58,73,74,75,76,79,80,81,95,96,97,102,103,117,118,119,124,125,126,139,140,147,148,160,161,162,169,170,182,183,184,191,192,193,204,205,206,213,214,215,226,227,228,236,237,248,249,250,258,259,270,271,272,280,281,292,293,294,301,302,303,314,315,316,323,324,325,337,338,345,346,359,360,361,366,367,368,381,382,383,387,388,389,390,404,405,406,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,485 +3529 - 98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +3530 - 54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,101,102,103,104,114,115,116,117,118,125,126,127,135,136,137,138,148,149,156,157,158,159,170,171,178,179,180,191,192,193,200,201,202,213,214,216,217,222,223,224,225,235,236,237,238,239,244,245,246,247,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,301,302,303,314,315,316,317,323,324,344,345,346,366,367,368,388,389,410,411,432,433,434,454,455,456,457,458,459,460,477,478,479,480,481,482,494 +3531 - 30,31,32,33,34,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,322,323,324,343,344,345,346,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,488 +3532 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,279,280,281,301,302,303,324,325,346,347,368,369,381,389,390,391,402,403,404,405,406,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,490 +3533 - 35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,138,139,140,141,142,159,160,161,162,163,180,181,182,183,184,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,281,282,283,284,290,291,292,293,302,303,304,305,306,323,324,325,326,327,344,345,346,347,348,349,355,356,357,358,359,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +3534 - 70,71,72,73,91,92,93,94,95,96,112,113,114,115,116,117,118,119,135,137,138,139,140,141,142,143,161,162,163,164,165,166,167,168,184,185,186,187,188,189,190,191,209,210,211,212,213,214,233,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +3535 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,139,140,141,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,411,412,413,414,415,416,421,422,423,424,425,426,444,445,446,447,487 +3536 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,159,160,161,162,163,181,182,183,184,202,203,204,205,206,224,225,226,227,228,234,235,236,237,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,297,298,299,300,301,302,303,304,305,312,313,314,315,319,320,321,325,326,327,334,335,336,337,341,342,343,346,347,348,349,357,358,359,360,361,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +3537 - 34,35,36,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,419,424,425,426,427,447,448,449,486 +3538 - 25,26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,98,99,100,113,114,115,121,122,136,137,138,157,158,159,160,179,180,181,182,201,202,203,204,205,206,207,223,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,282,298,299,300,301,302,303,304,305,306,314,315,316,317,323,324,325,326,327,328,329,336,337,338,339,348,349,350,351,358,359,360,361,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,490 +3539 - 53,54,62,63,64,74,75,76,84,85,86,96,97,98,99,106,107,108,117,118,119,120,127,128,129,130,139,140,141,142,149,150,151,152,160,161,162,163,171,172,173,181,182,183,184,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,249,257,258,259,260,267,268,269,270,271,272,273,274,275,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,489 +3540 - 80,81,92,93,94,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,162,163,164,165,166,167,168,179,180,181,187,188,189,190,201,202,203,209,210,211,212,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,322,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,407,408,409,429,430,431,451,452,453,473,474,475,492 +3541 - 61,62,63,82,83,84,85,95,96,104,105,106,117,118,119,125,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,211,212,213,224,225,226,227,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,318,319,320,321,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,489 +3542 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,185,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,405,406,407,408,409,428,429,430,431,450,451,452,453,486 +3543 - 31,32,33,34,35,36,46,47,48,49,50,51,52,53,54,55,56,57,58,59,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,102,103,104,111,112,113,114,115,116,124,125,126,133,134,135,136,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,261,262,271,272,273,274,275,276,281,282,283,284,293,294,295,296,303,304,305,306,316,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,359,360,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,488 +3544 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,137,138,139,140,146,147,148,158,159,160,168,169,170,171,180,181,182,191,192,193,194,202,203,204,213,214,215,216,217,224,225,226,237,238,239,246,247,259,260,261,267,268,269,281,282,283,289,290,291,304,305,306,312,313,326,327,328,334,335,347,348,349,350,356,357,358,368,369,370,371,378,379,380,381,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +3545 - 98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,213,215,216,217,218,222,223,224,225,226,227,228,229,230,231,237,238,239,240,243,244,245,246,247,248,249,250,251,258,259,260,261,262,265,266,267,268,269,272,273,279,280,281,282,283,284,287,288,289,290,300,301,302,303,304,305,309,310,311,312,320,321,322,323,324,325,326,331,332,333,334,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,485 +3546 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,74,75,76,77,95,96,97,98,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,225,226,227,246,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,323,324,325,326,335,336,337,338,339,340,341,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +3547 - 35,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,193,194,195,196,200,201,202,203,204,205,206,207,208,215,216,217,218,219,222,223,224,225,226,227,228,238,239,240,241,244,245,246,247,248,249,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,292,303,304,305,306,307,310,311,312,313,324,325,326,327,328,332,333,334,335,344,345,346,347,348,349,350,354,355,356,357,358,359,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,485 +3548 - 54,55,56,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,432,451,452,453,454,473,474,475,476,489 +3549 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,163,168,169,170,171,172,173,174,175,178,179,180,181,182,189,190,191,192,193,194,195,200,201,202,203,210,211,212,213,214,215,216,222,223,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,365,366,367,379,380,381,382,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,493 +3550 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,121,122,123,124,125,134,135,136,144,145,146,147,156,157,167,168,169,189,190,191,207,208,209,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,297,298,299,300,301,302,303,304,314,315,318,319,320,321,323,324,325,326,327,328,335,336,337,340,341,342,347,348,349,350,351,357,358,359,360,361,362,363,364,370,371,372,373,378,379,380,381,382,383,384,385,394,395,400,401,402,403,404,405,406,422,423,424,425,426,445,446,447,487 +3551 - 60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,490 +3552 - 49,50,51,52,53,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,116,119,120,121,122,135,136,142,143,144,145,165,166,167,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,406,407,408,409,410,411,412,413,414,415,416,434,435,487 +3553 - 63,64,65,84,85,86,87,97,106,107,108,109,118,119,120,127,128,129,130,139,140,141,142,148,149,150,151,160,161,162,163,164,169,170,171,172,173,181,182,183,184,185,190,191,192,193,194,203,204,205,206,211,212,213,214,215,224,225,226,227,228,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,489 +3554 - 33,34,35,36,37,38,54,55,56,57,58,59,60,76,77,78,81,82,98,99,100,103,106,107,108,109,120,121,122,125,126,127,128,129,130,142,143,144,146,147,148,149,150,151,164,165,166,167,168,169,170,171,186,187,188,189,190,191,207,208,209,210,211,228,229,230,231,232,233,249,250,251,253,254,255,270,271,272,273,276,277,291,292,293,294,298,299,300,313,314,315,320,321,322,334,335,336,342,343,344,356,357,358,364,365,366,379,380,381,385,386,387,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +3555 - 102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,168,169,170,171,172,173,182,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,449,466,467,468,469,470,492 +3556 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,452,486 +3557 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,125,126,127,128,136,137,138,139,140,148,149,150,151,158,159,160,161,169,170,171,172,173,179,180,181,182,190,191,192,193,194,195,202,203,204,211,212,213,214,215,216,224,225,226,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,467,468,469,470,471,494 +3558 - 11,12,33,34,55,56,77,78,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,341,342,343,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,430,486 +3559 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,126,127,128,129,130,131,137,138,139,140,141,146,147,148,149,150,151,152,160,161,162,167,168,169,170,171,172,173,174,182,183,184,185,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,299,300,301,313,314,315,316,317,318,322,323,324,334,335,336,337,338,339,344,345,346,355,356,357,358,359,360,365,366,367,368,377,378,379,380,381,385,386,387,388,389,390,399,400,401,402,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,493 +3560 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,184,185,186,187,205,206,207,208,227,228,229,230,231,232,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,301,302,323,324,325,345,346,347,367,368,369,389,390,391,406,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +3561 - 98,99,100,101,110,111,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,169,170,171,172,173,191,192,193,194,195,211,212,213,214,215,216,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,492 +3562 - 78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,169,170,171,172,173,174,178,179,180,181,182,183,189,190,191,192,193,196,200,201,202,203,204,205,206,207,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,339,340,341,342,343,344,345,360,361,362,363,365,366,367,382,383,384,387,388,389,403,404,405,406,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +3563 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,148,149,160,161,162,163,164,170,171,182,183,184,185,191,192,193,194,203,204,205,212,213,214,215,216,225,226,227,233,234,235,236,237,247,248,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,494 +3564 - 73,74,82,83,84,85,86,94,95,96,97,103,104,105,106,107,115,116,117,118,119,125,126,127,128,137,138,139,140,146,147,148,157,158,159,160,161,167,168,169,170,179,180,181,182,183,188,189,190,191,192,201,202,203,204,209,210,211,212,213,217,218,219,223,224,225,226,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,450,451,471,472,473,489 +3565 - 14,15,16,35,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,300,301,302,303,304,313,314,315,316,317,322,323,324,325,326,335,336,337,338,344,345,346,347,348,357,358,359,360,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +3566 - 91,92,93,95,97,100,113,114,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,161,163,164,165,166,167,168,189,190,211,212,233,234,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,492 +3567 - 29,30,31,32,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,125,126,127,128,129,145,146,147,148,149,150,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,279,280,292,299,300,301,302,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,488 +3568 - 30,31,32,33,34,52,53,54,55,56,57,74,77,78,79,100,101,122,123,143,144,145,164,165,166,185,186,187,207,208,209,229,230,231,232,233,253,254,255,276,277,278,298,299,300,315,316,317,321,322,337,338,342,343,344,359,364,365,366,381,382,386,387,388,403,404,407,408,409,425,426,427,428,429,430,448,449,450,451,452,488 +3569 - 58,59,60,61,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,468,469,470,471,486 +3570 - 98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,146,147,148,149,156,157,158,159,160,161,167,168,169,170,171,178,179,180,189,190,191,192,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,474,492 +3571 - 96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,190,191,192,193,194,195,211,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,492 +3572 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,163,169,170,171,181,182,183,184,191,192,204,205,206,212,213,214,226,227,228,229,233,234,235,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,494 +3573 - 77,78,79,80,81,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,160,161,162,163,168,169,170,171,182,183,184,188,189,190,191,192,193,204,205,206,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,472,494 +3574 - 54,55,56,76,77,78,98,99,100,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +3575 - 14,15,16,17,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,143,144,160,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,303,304,305,306,311,312,313,314,315,316,317,318,325,326,327,328,333,334,335,336,337,338,345,346,347,348,349,350,355,356,357,358,359,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,491 +3576 - 28,29,30,31,32,50,51,52,53,54,55,56,57,76,77,78,79,80,100,101,102,122,123,124,144,145,165,166,167,185,186,187,188,189,206,207,208,209,210,228,229,230,231,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,320,321,322,323,342,343,344,345,365,366,367,380,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,488 +3577 - 29,30,31,32,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,125,126,127,128,146,147,148,149,150,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,281,282,283,284,291,292,293,294,302,303,304,305,306,322,323,324,325,326,327,328,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,488 +3578 - 32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,104,105,116,117,118,119,125,126,127,138,139,140,147,148,149,160,161,162,168,169,170,171,182,183,184,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,323,336,337,338,342,343,344,345,358,359,360,365,366,367,380,381,382,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +3579 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,129,147,148,149,150,151,168,169,170,171,172,173,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,278,279,280,281,300,301,302,303,321,322,323,324,325,326,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,440,441,442,443,444,445,446,447,448,463,464,465,488 +3580 - 33,34,35,36,40,41,42,43,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,105,116,117,118,119,138,139,140,160,161,162,163,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,257,258,259,271,279,280,281,282,301,302,303,304,323,324,325,326,345,346,347,366,367,368,369,385,386,387,388,389,390,391,398,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,490 +3581 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,427,446,447,448,486 +3582 - 53,54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,164,165,166,167,168,170,171,172,173,174,180,181,182,183,186,187,188,189,193,194,195,196,197,201,202,203,204,205,208,209,217,218,219,223,224,225,226,240,241,245,246,247,248,262,263,267,268,269,270,285,289,290,291,292,307,311,312,313,314,328,329,333,334,335,336,349,350,351,355,356,357,358,359,369,370,371,372,373,378,379,380,381,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,485 +3583 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,170,171,172,173,180,181,182,183,184,185,192,193,194,195,202,203,204,205,206,214,215,216,217,218,224,225,226,227,236,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,302,303,304,305,306,311,312,313,314,323,324,325,326,327,333,334,335,336,344,345,346,347,348,349,355,356,357,358,366,367,368,369,370,378,379,380,381,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +3584 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,429,430,431,451,452,453,474,475,486 +3585 - 77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,139,140,141,142,143,147,148,149,150,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,236,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,345,346,347,348,349,354,355,356,357,358,359,360,361,369,370,371,372,373,376,377,378,379,380,381,382,393,394,395,399,400,401,487 +3586 - 10,11,12,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,165,166,167,168,179,180,181,182,186,187,188,189,190,202,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,487 +3587 - 11,12,13,14,32,33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,210,211,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,305,312,313,314,315,316,317,324,325,326,327,334,335,336,337,338,339,345,346,347,348,349,356,357,358,359,360,361,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,421,422,427,428,429,430,431,432,433,434,491 +3588 - 34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,84,85,97,98,105,106,107,112,113,114,115,116,125,126,127,128,134,135,136,137,146,147,148,149,154,155,156,157,167,168,169,170,176,177,178,188,189,190,198,199,200,201,202,203,209,210,211,221,222,223,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,293,294,295,301,302,303,304,314,315,316,324,325,326,336,337,347,348,357,358,359,368,369,379,380,381,382,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,493 +3589 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,189,193,194,195,196,197,201,202,203,204,205,206,207,216,217,218,219,223,224,225,226,227,228,237,238,239,240,241,244,245,246,247,248,249,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,302,303,304,305,306,307,310,311,312,313,322,323,324,325,326,327,328,332,333,334,335,343,344,345,346,347,348,349,354,355,356,357,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,448,449,450,485 +3590 - 54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,427,428,429,449,450,451,471,472,486 +3591 - 53,54,55,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,148,149,150,159,160,161,162,180,181,182,183,184,202,203,204,205,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,279,280,281,282,283,303,304,305,324,325,326,327,345,346,347,348,349,366,367,368,369,370,371,376,377,378,379,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +3592 - 58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,126,127,128,129,140,141,142,143,147,148,149,150,160,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,300,301,302,314,315,316,317,322,323,324,335,336,337,338,344,345,346,357,358,359,360,365,366,367,368,379,380,381,386,387,388,389,400,401,402,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +3593 - 12,13,14,32,33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,118,119,120,121,122,123,139,140,141,142,143,144,145,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,324,325,326,327,328,333,334,335,336,337,338,345,346,347,348,349,350,355,356,357,358,359,360,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,491 +3594 - 53,54,74,75,76,80,81,82,83,84,85,86,95,96,97,98,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,319,320,321,322,323,324,325,344,345,346,347,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,490 +3595 - 12,13,14,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,82,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,302,303,304,305,312,313,314,315,316,317,323,324,325,326,334,335,336,337,343,344,345,346,347,348,357,358,359,360,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +3596 - 75,76,77,78,79,81,82,96,97,98,99,102,103,104,116,117,118,119,124,125,126,137,138,139,140,146,147,148,158,159,160,167,168,169,170,179,180,181,188,189,190,191,192,201,202,210,211,212,213,214,223,224,231,232,233,234,235,245,246,252,253,254,256,257,267,268,269,273,274,275,278,279,290,291,292,294,295,296,297,300,301,313,314,315,316,317,318,321,322,323,336,337,338,339,343,344,345,365,366,367,387,388,409,410,431,432,452,453,454,474,475,476,494 +3597 - 55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,150,161,162,163,164,168,169,170,171,172,183,184,185,186,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,357,358,359,360,361,365,366,367,379,380,381,382,386,387,388,389,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +3598 - 13,14,15,16,33,34,35,36,37,38,55,56,57,58,59,76,77,78,97,98,99,118,119,120,140,141,142,162,163,183,184,185,205,206,207,227,228,229,249,250,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,321,322,323,324,337,338,339,345,346,359,360,361,367,368,382,383,384,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +3599 - 99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,191,192,193,194,201,202,203,212,213,214,215,216,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +3600 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,187,188,189,190,191,192,193,194,211,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +3601 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,122,123,124,125,126,127,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,251,252,253,256,257,258,259,279,280,281,301,302,303,304,322,323,324,325,326,342,343,344,345,346,347,355,356,357,358,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +3602 - 75,76,77,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,183,184,185,200,201,202,222,223,244,245,246,247,248,249,250,251,252,253,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,322,323,324,345,346,368,390,411,412,422,431,432,433,434,445,446,447,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,490 +3603 - 102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,251,254,271,272,273,274,294,295,296,297,317,318,319,320,340,341,342,343,363,364,365,379,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,490 +3604 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,337,338,340,341,342,343,363,364,365,385,386,387,407,408,409,410,430,431,432,452,453,454,455,475,476,486 +3605 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,127,128,129,130,131,138,139,140,141,142,148,149,150,151,152,153,161,162,163,164,169,170,171,172,173,174,175,184,185,186,187,189,190,191,192,193,194,195,196,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,343,344,345,356,357,358,359,360,361,362,365,366,367,378,379,380,381,382,383,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +3606 - 4,5,6,7,8,9,25,26,27,28,29,30,31,32,33,47,48,53,54,55,56,76,77,78,99,100,101,122,123,124,144,145,146,167,168,169,189,190,191,212,213,234,235,256,257,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,321,322,323,324,325,326,335,336,343,344,346,347,348,349,357,358,364,365,366,369,370,371,372,379,380,385,386,387,393,394,401,402,403,404,405,406,407,408,424,425,426,427,428,429,487 +3607 - 55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,280,281,282,291,292,293,294,302,303,304,305,324,325,326,344,345,346,347,348,364,365,366,367,368,369,370,377,378,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,488 +3608 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,79,80,92,93,94,95,104,105,106,114,115,116,125,126,127,128,136,137,138,146,147,148,158,159,160,167,168,169,180,181,182,189,190,202,203,204,205,206,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,302,317,318,319,321,322,323,324,325,339,340,341,345,346,347,348,360,361,362,368,369,370,382,383,384,390,391,392,404,405,406,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +3609 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,126,127,128,129,130,138,139,140,141,142,144,145,146,150,151,152,153,160,161,162,163,172,173,174,175,181,182,183,184,185,195,196,197,203,204,205,206,207,218,219,224,225,226,227,240,241,246,247,248,249,262,263,267,268,269,270,271,283,284,289,290,291,292,305,306,311,312,313,326,327,328,333,334,335,347,348,349,355,356,357,368,369,370,371,377,378,389,390,391,392,399,400,410,411,412,413,421,422,423,424,425,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,485 +3610 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,407,426,427,428,429,448,449,450,451,486 +3611 - 34,35,36,37,38,56,57,58,59,60,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +3612 - 29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,79,80,81,82,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,270,271,272,273,274,289,290,291,292,293,294,295,296,297,310,311,312,313,314,315,316,317,318,319,320,331,332,333,334,335,336,339,340,341,342,343,353,354,355,356,363,364,365,366,375,376,377,385,386,387,388,389,393,408,409,410,411,412,413,414,415,416,431,432,433,434,435,436,437,455,456,457,458,487 +3613 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,96,97,98,101,102,103,104,105,125,126,127,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,309,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,363,364,365,366,367,386,387,388,389,390,409,410,411,412,413,433,434,435,436,437,456,457,458,459,460,487 +3614 - 11,12,13,32,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,209,227,228,229,230,249,250,251,252,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,302,315,316,317,319,320,321,322,323,324,337,338,339,345,346,347,359,360,361,367,368,369,382,383,384,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +3615 - 72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,127,128,129,136,137,138,148,149,150,151,169,170,171,172,173,190,191,192,193,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,257,278,279,280,301,302,303,323,324,325,345,346,347,366,367,368,369,387,388,389,390,397,408,409,410,411,418,419,420,421,429,430,431,440,441,442,443,444,448,449,450,451,452,462,463,464,465,466,467,468,469,470,471,472,488 +3616 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,123,124,125,136,137,138,139,145,146,147,148,158,159,160,168,169,170,179,180,181,190,191,192,201,202,203,212,213,214,223,224,225,232,233,234,235,236,245,246,247,248,249,250,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3617 - 58,59,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,230,231,232,251,252,253,254,272,273,274,275,276,291,292,294,295,296,297,313,314,316,317,318,338,339,340,360,361,362,381,382,383,403,404,425,426,446,447,448,468,469,486 +3618 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,102,103,104,105,117,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,164,168,169,170,171,184,185,186,189,190,191,192,206,207,208,209,210,211,212,213,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,321,322,323,335,336,337,338,343,344,345,356,357,358,359,365,366,367,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,493 +3619 - 37,38,39,40,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,118,119,140,141,162,183,205,206,207,227,228,229,230,231,251,252,253,254,275,276,277,298,299,300,321,322,323,335,343,344,345,365,366,367,379,386,387,388,389,401,402,407,408,409,410,423,424,425,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +3620 - 54,55,56,57,58,76,77,78,79,80,97,98,99,101,102,103,119,120,124,127,141,142,147,148,149,163,164,167,168,169,170,171,185,186,188,189,190,191,207,208,209,210,211,230,231,232,251,252,253,273,274,275,276,294,295,296,297,298,316,317,319,320,321,338,339,341,342,343,359,360,364,365,381,382,386,387,403,404,405,408,409,426,427,430,431,448,449,450,451,452,471,472,473,474,493 +3621 - 10,11,12,30,31,32,33,52,53,54,73,74,75,94,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,190,202,203,204,205,208,209,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,279,280,281,282,291,292,293,295,296,297,301,302,303,304,313,314,315,316,317,318,319,323,324,325,326,336,337,338,339,340,341,345,346,347,348,358,359,360,361,362,363,366,367,368,369,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +3622 - 10,11,12,13,14,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,95,96,97,98,116,117,118,119,126,127,128,137,138,139,140,146,147,148,149,150,151,159,160,161,162,167,168,169,170,171,172,173,174,181,182,183,184,188,189,190,191,192,193,194,195,196,202,203,204,205,209,210,211,212,213,215,216,217,218,223,224,225,226,231,232,233,237,238,239,240,245,246,247,248,252,253,254,255,257,258,259,260,261,267,268,269,274,275,276,279,280,281,282,289,290,291,295,296,297,298,299,300,301,302,303,310,311,312,313,317,318,319,320,321,322,323,324,327,328,329,332,333,334,335,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,491 +3623 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,104,105,106,107,115,116,117,118,119,120,121,126,127,128,129,130,137,138,139,140,148,149,150,151,152,158,159,160,161,171,172,173,174,179,180,181,194,195,196,200,201,202,203,215,216,217,218,222,223,224,225,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,324,325,326,327,331,332,333,334,335,345,346,347,348,353,354,355,356,357,358,365,366,367,368,369,376,377,378,379,380,381,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +3624 - 9,10,11,12,13,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,78,79,80,81,82,83,94,95,96,97,102,103,104,105,119,125,126,127,148,149,150,170,171,172,192,193,194,213,214,215,234,235,236,237,256,257,258,259,266,277,278,279,280,287,288,289,290,291,292,293,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,388,389,390,391,392,393,394,400,401,402,403,404,405,487 +3625 - 37,38,39,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,424,425,426,427,446,447,448,486 +3626 - 58,59,79,80,81,95,96,97,98,101,102,103,115,116,117,118,119,120,122,123,124,125,136,137,138,139,140,141,142,144,145,146,158,159,160,161,163,164,165,166,167,168,180,181,182,183,185,187,188,189,203,204,205,206,207,209,210,226,227,228,229,230,231,232,249,250,251,252,253,273,274,275,276,295,296,297,298,299,317,318,319,320,321,322,339,340,341,342,343,344,345,361,362,365,366,367,383,384,388,389,390,406,407,410,411,412,413,428,429,430,431,432,433,434,450,451,452,453,454,455,456,473,474,475,476,493 +3627 - 56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,148,166,167,168,169,170,190,191,192,193,213,214,215,235,236,237,257,258,259,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,388,389,390,391,487 +3628 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,121,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,444,445,446,447,448,488 +3629 - 31,32,33,34,35,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,102,103,104,105,124,125,126,127,145,146,147,148,162,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,213,233,234,235,236,256,257,258,279,280,281,301,302,303,322,323,324,325,344,345,346,363,364,365,366,367,368,378,379,380,381,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,488 +3630 - 33,54,55,76,77,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +3631 - 35,36,37,38,56,57,58,59,60,78,79,80,81,99,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,446,447,448,486 +3632 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,101,102,103,104,114,115,116,117,118,125,126,127,128,136,137,138,147,148,149,150,158,159,160,170,171,172,180,181,182,192,193,194,203,204,205,206,213,214,215,216,226,227,228,229,234,235,236,237,248,249,250,251,252,255,256,257,258,272,273,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,363,365,366,367,368,381,382,383,388,389,390,391,403,404,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +3633 - 60,61,62,63,64,65,76,77,78,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,120,121,123,124,125,141,142,143,145,164,165,186,187,208,209,210,231,232,254,255,276,277,278,299,300,312,313,321,333,334,335,343,344,355,356,357,358,359,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,490 +3634 - 81,82,83,103,104,105,106,118,119,120,125,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,164,168,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,489 +3635 - 10,11,12,13,14,30,31,32,33,51,52,53,54,72,73,74,75,94,95,96,97,115,116,117,118,119,137,138,139,140,158,159,160,161,180,181,182,183,202,203,204,205,224,225,226,227,246,247,248,249,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,300,301,302,303,304,305,313,314,315,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +3636 - 30,31,32,52,53,54,55,73,74,75,76,77,78,95,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +3637 - 90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,145,146,147,148,149,169,170,171,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,408,426,427,428,429,447,448,449,450,451,468,469,470,471,492 +3638 - 91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,174,192,193,194,195,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,466,467,468,469,492 +3639 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,188,193,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,319,320,336,337,338,341,342,343,357,358,359,363,364,365,379,380,381,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,493 +3640 - 37,38,39,59,60,61,81,82,102,103,104,124,125,138,139,145,146,147,159,160,161,167,168,169,171,172,181,182,183,189,190,191,192,193,202,203,204,210,211,212,213,214,223,224,225,232,233,234,235,236,245,246,247,253,254,255,256,267,268,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,319,320,321,335,336,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,489 +3641 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,125,126,127,128,136,137,138,139,140,141,148,149,150,151,157,158,159,160,161,162,170,171,172,173,174,179,180,181,193,194,195,196,200,201,202,203,216,217,218,221,222,223,224,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,289,303,304,305,306,309,310,311,312,324,325,326,327,331,332,333,334,335,344,345,346,347,348,354,355,356,357,358,359,362,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +3642 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,123,124,137,138,139,158,159,160,180,181,182,201,202,203,204,223,224,225,226,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,302,303,304,305,325,326,327,328,347,348,349,350,369,370,371,372,390,391,392,393,403,404,410,411,412,413,414,415,425,426,427,428,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,490 +3643 - 57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,424,425,426,446,447,448,467,468,469,470,486 +3644 - 91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,162,163,164,165,166,167,168,169,187,188,189,190,191,210,211,212,213,214,233,234,235,236,256,257,258,278,279,280,300,301,302,321,322,323,324,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,471,472,473,474,492 +3645 - 28,29,30,50,51,52,53,54,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,121,122,123,124,125,126,146,147,148,168,169,170,171,172,192,193,194,195,215,216,217,237,238,239,259,260,261,279,280,281,282,283,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,369,370,371,374,375,376,377,378,379,380,381,382,383,384,396,399,400,487 +3646 - 76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,123,124,125,126,127,137,138,139,140,141,142,146,147,148,149,159,160,161,162,163,167,168,169,170,171,180,181,182,183,184,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,494 +3647 - 74,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,193,212,213,214,215,234,235,236,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,365,366,367,368,389,390,410,411,412,431,432,433,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +3648 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,449,450,451,471,472,473,486 +3649 - 35,36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +3650 - 70,71,72,73,74,82,83,84,91,92,93,94,95,96,104,105,106,107,113,114,115,116,117,118,126,127,128,129,136,137,138,139,140,148,149,150,151,157,158,159,160,161,162,170,171,172,173,179,180,181,182,183,184,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,323,324,325,326,327,332,333,334,335,336,346,347,348,349,350,354,355,356,357,368,369,370,371,372,376,377,378,379,391,392,393,394,398,399,400,413,414,415,416,435,436,437,438,457,458,459,460,461,479,480,481,482,489 +3651 - 53,54,55,56,57,75,76,77,78,79,80,100,101,102,103,123,124,125,146,147,168,169,190,191,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,468,469,470,492 +3652 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,147,148,158,159,160,161,169,170,180,181,182,191,192,201,202,203,213,214,215,223,224,225,235,237,238,245,246,257,258,259,260,267,268,269,278,279,280,281,282,289,290,291,292,293,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,347,348,358,359,360,361,362,363,364,365,370,371,382,392,393,414,415,436,437,458,459,460,481,482,483,494 +3653 - 75,76,85,86,87,96,97,98,107,108,109,117,118,119,120,129,130,138,139,140,141,150,151,152,158,159,160,161,162,172,173,179,180,181,182,193,194,195,201,202,203,214,215,216,217,222,223,224,236,237,238,244,245,246,247,257,258,259,260,266,267,268,269,270,271,279,280,281,289,290,291,292,293,294,295,296,297,300,301,302,314,315,316,317,318,319,320,321,322,323,324,342,343,344,345,346,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,470,471,472,489 +3654 - 47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,120,121,122,123,124,134,135,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,487 +3655 - 35,36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,83,84,85,86,99,100,101,102,106,107,108,121,122,123,124,128,129,130,144,145,149,150,151,166,167,170,171,172,188,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,291,292,293,294,297,298,299,311,312,313,314,320,321,332,333,334,335,342,343,353,354,355,363,364,365,375,376,384,385,386,397,398,404,405,406,407,419,420,421,422,423,424,425,426,427,428,441,442,443,444,445,446,447,448,493 +3656 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,100,101,102,116,117,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,227,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,294,295,296,297,298,318,319,320,321,341,342,343,344,365,366,367,388,389,409,410,411,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +3657 - 38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,446,447,448,486 +3658 - 27,28,29,30,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,141,142,143,144,145,146,147,148,149,150,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,216,217,230,231,232,233,234,235,236,237,238,239,240,253,254,255,256,257,258,259,260,261,262,268,269,279,280,281,282,283,284,289,290,291,301,302,303,304,305,306,311,312,313,314,322,323,324,325,326,327,328,333,334,335,336,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,449,450,451,488 +3659 - 56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,140,141,142,143,162,163,164,184,185,186,205,206,207,227,228,248,249,250,270,271,272,273,292,293,294,295,296,297,315,316,317,318,319,320,321,340,341,342,343,363,364,365,385,386,387,400,401,407,408,409,410,423,424,425,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +3660 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,100,101,102,117,118,123,124,125,145,146,147,165,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,277,278,279,300,301,322,323,324,345,346,367,368,379,380,381,382,389,390,401,402,403,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +3661 - 14,15,16,17,35,36,37,38,57,58,59,60,78,79,80,81,99,100,101,102,121,122,123,141,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,302,303,313,314,315,316,317,324,325,335,336,337,338,339,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +3662 - 68,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,143,144,145,146,147,148,167,168,169,170,171,191,192,193,213,214,215,235,236,237,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,449,450,451,454,455,456,471,472,473,474,475,476,477,492 +3663 - 122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,206,207,208,228,229,230,250,251,252,273,274,275,296,297,298,310,311,318,319,320,332,333,339,340,341,342,354,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,384,385,400,401,402,403,490 +3664 - 30,31,32,38,39,52,53,60,61,73,74,75,82,83,84,95,96,97,104,105,117,118,126,127,128,138,139,140,148,149,150,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,214,215,224,225,226,236,237,246,247,248,258,259,267,268,269,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,343,345,346,347,368,369,390,391,412,413,433,434,435,455,456,457,489 +3665 - 71,72,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,118,119,123,124,125,126,127,146,147,148,149,168,169,170,171,189,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +3666 - 52,53,54,55,73,74,75,76,77,93,94,95,96,97,115,116,117,136,137,138,147,148,157,158,159,160,168,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,211,212,213,214,215,223,224,225,231,232,233,234,235,236,237,245,246,247,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,300,301,302,303,312,313,314,315,316,317,322,323,324,325,336,337,344,345,346,347,366,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,480,494 +3667 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,169,170,182,191,192,193,214,215,236,237,257,258,259,278,279,280,281,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,369,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,487 +3668 - 77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,125,126,127,140,141,142,147,148,161,162,163,168,169,170,182,183,184,190,191,192,204,205,211,212,213,214,225,226,227,233,234,235,246,247,248,254,255,256,257,268,269,270,275,276,277,278,290,291,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +3669 - 54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,145,146,149,150,151,163,164,165,171,172,173,184,185,186,187,192,193,194,195,207,208,209,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,319,320,332,333,334,340,341,342,343,353,354,355,356,362,363,364,375,376,377,385,386,387,397,398,399,406,407,408,409,419,420,421,422,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,493 +3670 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,125,126,127,128,137,138,139,140,147,148,149,150,159,160,168,169,170,171,189,190,191,192,193,209,210,211,212,213,214,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,292,293,294,295,296,297,298,315,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,363,364,365,366,367,368,388,389,390,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,464,465,466,467,468,469,470,471,472,473,488 +3671 - 12,13,14,34,35,36,55,56,57,58,76,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,186,205,206,207,227,228,229,235,236,237,238,249,250,255,256,257,258,259,260,271,272,276,277,278,279,280,281,282,293,294,297,298,299,300,301,302,303,304,314,315,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +3672 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,139,140,141,142,143,145,146,147,148,160,161,162,163,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,210,211,212,213,225,226,227,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,297,298,299,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +3673 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,116,126,127,128,148,149,150,170,171,172,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,216,230,231,232,233,234,235,236,237,238,348,369,370,388,389,390,392,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,488 +3674 - 13,14,15,35,36,37,38,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,384,385,386,387,401,402,403,404,405,406,407,423,424,425,426,427,486 +3675 - 50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,143,144,145,146,166,167,168,189,190,211,212,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,317,322,323,324,325,346,347,368,369,370,389,390,391,392,409,410,411,412,413,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +3676 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,138,139,143,144,145,146,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,342,343,344,345,346,357,358,359,360,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,488 +3677 - 58,59,60,61,62,63,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,165,166,167,168,169,170,171,186,187,188,189,190,207,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,253,254,255,256,268,269,270,276,277,278,289,290,291,292,299,300,311,312,321,322,333,334,343,344,354,355,356,365,366,376,377,378,387,388,398,399,400,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +3678 - 92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,166,167,168,169,178,179,180,188,189,190,191,192,200,201,202,203,204,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,494 +3679 - 13,14,34,35,36,56,57,58,77,78,79,99,100,101,120,121,122,141,142,143,162,163,164,183,184,185,205,206,226,227,228,247,248,249,256,257,258,259,269,270,271,275,276,277,278,279,280,290,291,292,297,298,299,300,301,302,312,313,314,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,385,386,387,491 +3680 - 50,51,52,53,71,72,73,74,75,76,92,93,94,95,96,97,98,114,115,116,117,118,119,120,121,136,137,138,139,141,142,143,144,159,160,161,162,164,165,166,182,183,184,185,186,187,188,205,206,207,208,209,210,228,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,300,319,320,321,322,341,342,343,344,345,346,363,364,365,366,367,368,385,386,387,388,389,390,391,407,408,409,411,412,413,430,431,432,433,434,435,452,453,454,455,456,475,476,477,493 +3681 - 13,14,15,16,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,82,83,97,98,99,100,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,188,207,208,209,210,211,229,230,231,232,233,234,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,323,324,325,345,346,347,355,366,367,368,377,378,379,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,490 +3682 - 50,51,52,53,54,55,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,171,172,173,174,175,180,181,182,183,184,185,192,193,194,195,196,197,202,203,204,205,206,207,212,213,214,215,216,217,218,225,226,227,228,229,232,233,234,235,236,237,238,239,240,247,248,249,250,251,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,386,387,388,389,390,391,400,401,402,403,404,405,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +3683 - 64,65,85,86,87,95,96,97,106,107,108,116,117,118,127,128,129,130,137,138,139,149,150,151,158,159,160,161,170,171,172,179,180,181,182,191,192,193,201,202,203,204,212,213,214,215,223,224,225,226,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,318,319,320,321,340,341,342,361,362,363,382,383,384,385,403,404,405,406,425,426,427,446,447,448,467,468,469,489 +3684 - 110,111,112,113,114,115,132,133,134,135,136,137,138,139,140,141,142,143,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,208,209,210,211,212,213,214,234,235,236,256,257,258,277,278,279,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,347,348,361,362,363,364,365,366,367,368,369,370,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,492 +3685 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,125,126,127,128,129,139,140,141,142,147,148,149,150,151,160,161,162,163,164,169,170,171,172,173,182,183,184,191,192,193,194,195,203,204,205,206,213,214,215,216,217,224,225,226,227,235,236,237,238,239,246,247,248,257,258,259,260,261,268,269,279,280,281,282,288,289,290,291,301,302,303,310,311,312,313,322,323,324,325,331,332,333,334,343,344,345,346,347,353,354,355,356,357,365,366,367,376,377,378,379,380,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +3686 - 6,7,8,27,28,29,49,50,51,71,72,92,93,94,114,115,116,136,137,138,158,159,180,181,182,202,203,204,212,213,224,225,226,233,234,235,236,237,238,247,248,254,255,256,257,258,259,260,261,262,269,270,271,276,277,278,281,282,283,284,291,292,293,294,298,299,300,305,306,307,314,315,316,317,318,320,321,322,327,328,329,338,339,340,341,342,343,344,348,349,350,361,362,363,364,365,366,367,368,370,371,372,385,386,387,388,389,390,391,392,393,409,410,411,412,413,414,491 +3687 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,161,162,163,169,170,171,182,183,184,191,192,193,204,205,206,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,494 +3688 - 50,51,58,59,60,71,72,73,80,81,82,93,94,102,103,104,114,115,116,124,125,126,136,137,138,146,147,148,158,159,160,168,169,170,180,181,190,191,192,202,203,212,213,214,224,225,234,235,236,245,246,247,256,257,268,269,274,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +3689 - 58,59,60,61,80,81,82,83,101,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,468,469,470,471,486 +3690 - 9,10,11,12,13,14,31,32,33,34,35,36,37,56,57,58,59,60,80,81,82,83,103,104,105,106,126,127,128,129,149,150,151,170,171,172,192,193,194,213,214,215,216,233,234,235,236,237,254,255,256,257,258,273,274,275,276,277,278,279,293,294,295,296,297,298,299,313,314,315,316,317,318,319,322,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,397,398,399,400,401,402,403,404,487 +3691 - 52,53,54,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,117,118,121,122,123,124,125,145,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,339,340,341,342,343,358,359,360,361,362,363,364,365,373,381,382,383,384,385,386,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,492 +3692 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,127,137,138,139,140,141,145,146,147,148,149,150,158,159,160,161,168,169,170,171,172,180,181,182,191,192,193,201,202,203,213,214,215,223,224,225,234,235,236,245,246,247,256,257,258,268,269,270,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,454,473,474,475,494 +3693 - 75,76,95,96,97,98,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,159,160,161,162,165,166,167,188,189,210,211,231,232,233,252,253,254,255,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,355,356,357,358,359,368,369,377,378,379,380,399,400,487 +3694 - 9,10,11,12,13,30,31,32,33,34,35,36,52,53,54,56,57,58,78,79,80,99,100,101,121,122,123,143,144,164,165,166,186,187,207,208,209,229,230,231,250,251,252,272,273,274,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,342,343,344,358,359,360,361,365,366,380,381,382,387,388,389,392,393,402,403,404,409,410,411,412,413,414,415,424,425,432,433,434,435,436,487 +3695 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,140,141,142,143,147,148,149,150,151,160,161,162,163,171,172,173,181,182,183,184,191,192,203,204,205,212,213,214,215,225,226,227,233,234,235,236,237,246,247,248,249,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,321,322,323,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,471,472,473,494 +3696 - 10,11,12,30,31,32,33,52,53,54,73,74,75,95,96,97,117,118,119,139,140,161,162,183,184,204,205,206,226,227,228,233,234,235,236,248,249,250,254,255,256,257,258,270,271,272,275,276,277,278,279,280,293,294,297,298,299,301,302,315,316,317,318,319,320,323,324,337,338,339,340,341,342,345,346,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +3697 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +3698 - 94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,137,138,139,145,146,147,148,158,159,160,165,166,167,168,169,170,171,180,181,182,186,187,188,189,191,192,193,202,203,204,206,207,208,209,210,213,214,215,224,225,226,227,228,229,230,231,235,236,237,247,248,249,250,251,257,258,270,271,278,279,280,300,301,321,322,323,343,344,364,365,366,386,387,407,408,409,429,430,431,450,451,452,472,473,474,494 +3699 - 104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,164,165,166,167,168,181,182,183,203,204,205,224,225,226,227,228,247,248,249,250,251,270,271,272,273,274,294,295,296,297,316,317,318,319,339,340,341,342,361,362,363,364,383,384,385,403,404,405,406,407,423,424,425,426,427,444,445,446,447,466,467,490 +3700 - 35,36,57,58,59,78,79,80,100,101,102,122,123,143,144,145,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,273,274,275,295,296,317,318,338,339,340,360,361,362,382,383,384,404,405,406,427,428,449,450,451,452,486 +3701 - 51,57,58,59,78,79,80,81,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,359,360,361,362,379,380,381,382,383,384,401,402,403,404,423,424,425,426,443,444,445,446,465,466,467,468,486 +3702 - 14,15,16,17,35,36,37,38,56,57,58,59,78,79,80,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,293,294,295,299,300,301,314,315,316,322,323,336,337,338,343,344,345,358,359,360,364,365,366,381,382,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +3703 - 73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,148,166,167,168,169,170,190,191,192,212,213,214,215,234,235,236,237,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,363,364,365,384,385,386,387,388,406,407,408,409,428,429,430,450,451,452,465,467,468,469,472,488 +3704 - 5,6,7,8,9,10,11,26,27,28,29,32,33,34,47,48,55,56,77,78,99,100,101,121,122,123,144,145,166,167,187,188,189,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,299,300,301,302,321,322,323,324,344,345,346,366,367,368,380,381,382,383,384,385,387,388,389,390,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,488 +3705 - 79,80,81,82,101,102,103,104,105,106,125,126,127,128,149,150,151,171,172,173,174,193,194,195,196,215,216,217,218,237,238,239,247,248,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,360,365,366,487 +3706 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,74,75,76,77,78,79,99,100,101,102,122,123,124,144,145,146,165,166,167,168,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,275,276,277,278,279,299,300,301,302,322,323,324,344,345,346,366,367,368,386,387,388,389,390,399,400,401,402,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +3707 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,145,146,147,167,168,169,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,385,386,387,388,389,403,404,405,406,407,408,409,410,411,412,414,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,488 +3708 - 29,30,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,138,139,160,161,181,182,183,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,275,276,277,278,279,280,300,301,302,303,323,324,325,346,347,358,359,360,361,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,490 +3709 - 55,56,57,58,59,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,136,137,138,139,157,158,159,160,178,179,180,181,200,201,202,203,214,215,216,217,218,219,222,223,224,235,236,237,238,239,240,241,244,245,246,256,257,258,259,260,261,262,263,266,267,268,269,277,278,279,280,283,284,285,289,290,291,297,298,299,300,301,305,306,307,311,312,313,314,318,319,320,321,326,327,328,329,334,335,336,337,339,340,341,342,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,426,427,448,470,471,491 +3710 - 94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +3711 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,401,402,403,404,422,423,424,425,444,445,446,486 +3712 - 6,7,26,27,28,29,48,49,50,70,71,91,92,93,113,114,115,124,125,126,127,128,129,135,136,137,145,146,147,148,149,150,151,152,157,158,159,166,167,168,169,172,173,174,175,179,180,181,187,188,189,195,196,197,201,202,203,209,210,211,218,219,223,224,225,230,231,232,240,241,245,246,247,252,253,254,262,263,267,268,269,274,275,284,285,289,290,291,295,296,297,306,307,311,312,313,317,318,319,327,328,329,334,335,336,339,340,341,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +3713 - 70,71,72,73,74,75,76,92,93,94,95,96,97,98,102,103,114,115,116,117,118,119,123,124,125,147,169,170,171,192,193,214,215,236,237,257,258,259,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,345,389,390,411,412,432,433,434,453,454,455,466,467,470,472,473,474,475,476,477,488 +3714 - 77,78,79,93,94,99,100,101,115,116,121,122,123,136,137,138,144,145,146,158,159,160,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,253,254,255,256,275,276,277,297,298,299,319,320,321,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,473,474,475,489 +3715 - 7,8,9,10,28,29,30,31,50,51,52,53,70,71,72,73,92,93,94,113,114,115,116,135,136,137,156,157,158,178,179,180,181,188,189,190,191,192,193,194,195,200,201,202,203,209,210,211,212,213,214,215,216,217,218,222,223,224,225,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,272,273,274,275,276,277,282,283,284,285,290,291,292,293,294,295,296,297,304,305,306,307,312,313,314,315,316,317,318,319,326,327,328,329,336,337,338,339,340,341,342,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,393,394,408,409,411,491 +3716 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,162,163,164,184,185,186,206,207,208,228,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,299,300,316,317,318,321,322,343,344,365,366,386,387,388,408,409,410,429,430,431,446,450,451,452,468,469,470,471,472,473,474,490 +3717 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,124,125,126,138,139,140,146,147,148,160,161,162,168,169,181,182,183,184,191,203,204,205,214,215,226,227,228,229,230,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +3718 - 72,73,74,75,94,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,145,146,147,168,169,189,190,191,211,212,233,234,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,320,321,341,342,343,363,364,384,385,386,406,407,427,428,429,449,450,470,471,472,492 +3719 - 58,59,79,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,192,193,194,195,196,202,203,204,205,206,207,212,216,217,218,222,223,224,225,238,239,240,243,244,245,247,259,260,261,265,266,267,281,282,283,287,288,289,290,304,305,309,310,311,312,331,332,333,353,354,355,367,368,375,376,377,378,387,388,389,390,398,399,400,401,402,403,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,472,473,485 +3720 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,169,170,171,180,181,182,192,193,202,203,213,214,215,223,224,225,235,236,237,245,246,247,256,257,258,259,268,269,277,278,279,280,281,290,291,292,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,366,367,368,388,389,390,410,411,412,432,433,434,454,455,476,477,494 +3721 - 58,59,60,61,80,81,82,83,102,103,104,105,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,225,226,231,232,233,234,248,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,379,380,381,382,383,400,401,402,403,422,423,424,443,444,445,446,464,465,466,467,486 +3722 - 27,28,29,30,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,113,114,120,121,122,123,143,144,145,166,167,168,188,189,190,210,211,212,232,233,234,249,250,251,252,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,319,320,321,322,323,329,335,336,337,342,343,344,345,346,349,350,351,357,358,359,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,412,413,414,426,427,428,429,430,449,487 +3723 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,126,127,139,140,141,143,144,148,149,160,161,162,169,170,171,183,184,185,190,191,192,205,206,207,212,213,214,228,229,230,233,234,235,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,365,380,381,382,385,386,387,402,403,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,493 +3724 - 107,108,109,121,122,123,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,223,224,225,226,227,228,245,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,319,320,321,322,341,342,343,344,355,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,490 +3725 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,470,471,472,486 +3726 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,103,104,105,118,119,120,125,126,127,139,140,141,147,148,149,161,162,163,164,170,171,182,183,184,185,186,192,193,203,204,205,206,214,215,225,226,227,235,236,237,247,248,249,257,258,259,268,269,270,279,280,290,291,292,300,301,302,312,313,314,321,322,323,324,334,335,336,343,344,345,356,357,358,364,365,366,378,379,380,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +3727 - 60,61,62,70,71,82,83,84,92,93,94,104,105,106,114,115,116,126,127,128,136,137,138,147,148,149,158,159,169,170,171,180,181,190,191,192,193,201,202,203,212,213,214,215,223,224,225,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,472,473,489 +3728 - 97,98,99,100,101,119,120,121,122,123,124,140,141,142,143,144,145,146,147,161,162,163,164,166,167,168,169,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,316,317,319,320,321,341,342,343,363,364,365,385,386,407,408,429,430,451,452,473,474,494 +3729 - 8,9,10,11,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,77,78,79,80,94,95,96,100,101,102,103,115,116,117,118,123,124,125,136,137,138,139,145,146,147,158,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,268,269,270,271,279,280,281,290,291,292,293,301,302,303,313,314,315,316,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,362,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,485 +3730 - 57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,107,118,119,120,127,128,129,139,140,141,149,150,151,161,162,163,171,172,173,182,183,184,193,194,195,203,204,205,206,214,215,216,217,225,226,227,236,237,238,246,247,248,249,257,258,259,260,268,269,270,279,280,281,290,291,292,300,301,302,303,312,313,314,322,323,324,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,385,386,387,388,399,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,485 +3731 - 12,13,14,15,33,34,35,36,54,55,56,57,76,77,78,97,98,99,118,119,120,139,140,141,161,162,163,182,183,184,185,204,205,206,225,226,227,228,235,236,237,247,248,249,256,257,258,259,260,269,270,271,272,278,279,280,281,282,291,292,293,299,300,301,302,303,304,313,314,315,321,322,323,324,325,326,335,336,337,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,411,491 +3732 - 57,58,59,60,61,76,77,78,79,80,81,82,96,97,98,99,100,101,117,118,119,120,139,140,141,161,162,163,183,184,205,206,227,228,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,279,280,294,295,300,301,302,322,323,344,345,366,367,387,388,408,409,410,430,431,432,450,451,452,453,468,469,470,471,472,473,474,490 +3733 - 56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,446,447,448,449,468,469,470,471,486 +3734 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,104,105,106,117,118,119,127,128,129,138,139,140,150,151,152,159,160,161,172,173,174,181,182,183,195,196,203,204,217,218,224,225,226,239,240,246,247,248,261,262,268,269,270,283,284,290,291,292,305,306,312,313,314,327,328,334,335,336,348,349,356,357,358,369,370,371,379,380,381,390,391,392,401,402,403,404,405,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +3735 - 12,13,14,31,32,33,34,35,36,53,54,55,56,74,75,76,77,78,79,97,98,99,100,101,102,120,121,122,123,124,125,145,146,147,148,168,169,170,171,191,192,193,213,214,215,236,237,257,258,259,279,280,281,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,423,424,425,426,487 +3736 - 48,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,167,182,183,184,185,186,187,188,203,204,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,274,275,276,277,278,279,280,281,282,283,302,303,304,305,325,326,327,347,348,349,369,370,371,383,389,390,391,392,393,405,406,410,411,412,413,414,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,488 +3737 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,73,74,75,76,94,95,96,97,98,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,203,204,205,225,226,227,233,234,235,236,237,247,248,249,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,324,325,326,336,337,338,339,340,341,342,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +3738 - 13,14,15,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,118,119,120,121,123,124,125,126,139,140,141,142,145,146,147,148,149,161,162,163,168,169,170,171,182,183,184,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,228,236,237,238,246,247,248,249,250,258,259,260,268,269,270,271,272,281,282,291,292,293,294,303,304,313,314,315,316,325,326,335,336,337,338,339,340,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,485 +3739 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,128,138,139,140,141,148,149,159,160,161,162,169,181,182,183,190,191,192,203,204,205,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,494 +3740 - 26,27,48,49,50,70,71,72,73,78,79,93,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,147,148,149,150,168,169,170,171,172,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,299,319,320,321,322,342,343,344,345,356,357,365,366,367,377,378,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +3741 - 8,9,10,11,12,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,102,103,104,105,106,126,127,128,129,150,151,152,172,173,174,194,195,196,216,217,218,237,238,239,240,259,260,261,262,279,280,281,282,283,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,389,398,399,400,401,402,403,404,420,421,422,487 +3742 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,120,122,123,135,136,137,138,144,145,147,148,149,150,157,158,159,160,167,168,169,170,171,172,179,180,181,190,191,192,193,194,201,202,203,204,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,300,301,302,303,323,324,325,345,346,347,357,367,368,369,379,389,390,391,401,402,403,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,494 +3743 - 10,11,31,32,33,34,51,52,53,54,55,56,71,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,170,171,172,173,193,194,195,196,216,217,218,238,239,240,261,262,281,282,283,284,302,303,304,305,306,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,410,411,412,413,419,420,421,422,423,487 +3744 - 91,92,93,94,95,98,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,231,232,233,234,235,236,247,248,251,252,253,254,255,256,257,258,259,260,261,262,272,273,274,275,276,277,278,279,280,281,282,283,284,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,320,321,322,323,324,325,326,327,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,430,431,432,452,453,454,474,475,476,492 +3745 - 51,52,53,54,55,73,74,75,76,77,78,95,96,97,98,99,100,101,102,118,120,121,122,123,124,125,126,147,148,170,171,191,192,193,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,321,322,343,344,365,366,386,387,388,406,407,408,409,410,427,428,429,430,446,447,448,449,450,451,467,468,469,470,471,472,488 +3746 - 68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,492 +3747 - 77,78,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,144,145,146,147,148,149,150,151,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,229,250,251,252,272,273,274,275,295,296,297,318,319,320,340,341,342,343,363,364,365,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,446,447,448,449,450,490 +3748 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +3749 - 34,35,36,48,56,57,58,68,69,70,71,77,78,79,80,81,82,83,84,91,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,163,164,185,186,207,208,229,230,251,252,253,274,275,276,296,297,298,319,320,321,333,334,342,343,344,355,356,364,365,366,377,378,379,380,381,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,490 +3750 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,99,100,101,102,113,114,115,116,122,123,124,125,134,135,136,145,146,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,323,324,343,344,345,346,347,366,367,368,369,389,390,391,403,404,411,412,413,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,488 +3751 - 34,35,36,37,56,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,150,151,162,163,164,165,166,170,171,172,173,182,183,184,185,186,187,192,193,194,195,204,205,206,214,215,216,225,226,227,228,236,237,238,246,247,248,249,257,258,259,260,268,269,270,279,280,281,288,289,290,291,301,302,303,310,311,312,322,323,324,332,333,334,343,344,345,346,354,355,356,363,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +3752 - 33,34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,185,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,301,314,315,316,320,321,322,323,335,336,337,338,339,342,343,344,345,358,359,360,361,362,364,365,366,367,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,434,452,453,454,455,494 +3753 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,145,146,147,167,168,169,172,173,188,189,190,194,195,210,211,212,216,217,231,232,233,238,239,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,338,339,340,359,360,361,362,381,382,383,392,393,402,403,404,414,415,423,424,425,426,436,437,444,445,446,447,466,467,468,492 +3754 - 94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,169,170,171,172,177,178,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,473,492 +3755 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,147,148,149,169,170,171,190,191,192,212,213,214,233,234,235,254,255,256,275,276,277,296,297,298,318,319,320,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +3756 - 90,91,92,93,94,95,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +3757 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,140,141,142,146,147,162,163,167,168,169,183,184,188,189,190,191,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,467,468,469,470,494 +3758 - 12,13,14,34,35,36,54,55,56,57,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,301,302,303,315,316,317,318,323,324,325,337,338,339,340,345,346,347,360,361,362,367,368,369,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +3759 - 11,12,13,14,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,116,117,118,137,138,139,140,159,160,161,181,182,183,203,204,205,213,214,215,216,225,226,227,231,232,233,234,235,236,237,238,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,383,384,385,386,387,388,491 +3760 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,82,83,84,93,94,95,96,104,105,114,115,116,117,126,135,136,137,138,157,158,159,168,169,170,171,179,180,181,189,190,191,192,193,194,195,201,202,203,210,211,212,213,214,215,216,217,218,223,224,232,233,234,238,239,240,245,246,247,253,254,255,260,261,262,267,268,269,275,276,277,282,283,284,289,290,291,297,298,304,305,306,311,312,313,319,320,325,326,327,334,335,341,342,346,347,348,349,357,358,363,364,367,368,369,370,379,380,381,382,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,448,449,450,451,452,491 +3761 - 13,14,15,16,17,32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,101,102,103,104,105,106,125,126,127,128,149,150,151,171,172,192,193,194,214,215,216,235,236,237,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,319,320,321,322,323,324,325,331,332,333,334,339,340,341,342,343,346,347,352,353,354,355,359,360,361,362,363,364,369,374,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,419,420,421,422,423,424,425,487 +3762 - 31,32,33,34,35,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,117,118,119,123,124,125,138,139,140,141,145,146,147,160,161,162,163,167,168,169,182,183,184,189,190,191,211,212,213,232,233,234,235,254,255,256,257,269,270,271,276,277,278,291,292,293,294,295,297,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,338,339,340,341,342,356,357,358,361,362,363,364,365,379,380,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,430,431,432,433,434,435,454,455,456,457,487 +3763 - 78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,160,161,162,163,170,171,172,182,183,184,192,193,194,203,204,205,212,213,214,215,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,316,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,428,429,430,450,451,452,471,472,473,494 +3764 - 32,52,53,54,55,56,57,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,124,125,126,135,136,137,138,139,147,148,149,150,157,158,159,160,169,170,171,172,173,178,179,180,181,191,192,193,194,195,196,200,201,202,215,216,217,218,222,223,224,238,239,240,241,244,245,246,261,262,263,266,267,268,269,284,285,288,289,290,291,306,307,310,311,312,313,314,328,329,333,334,335,336,350,351,356,357,358,359,360,370,371,372,373,379,380,381,382,383,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,485 +3765 - 63,64,65,84,85,86,87,106,107,108,109,114,115,127,128,129,130,135,136,137,148,149,150,151,157,158,159,170,171,172,178,179,180,181,191,192,193,194,200,201,202,212,213,214,215,222,223,224,234,235,236,237,244,245,246,247,255,256,257,258,266,267,268,269,270,271,272,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +3766 - 54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,165,166,167,168,183,184,185,187,188,189,190,205,206,207,209,210,211,212,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,343,344,345,364,365,366,367,386,387,388,389,409,410,411,412,432,433,434,454,455,456,477,478,489 +3767 - 95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,169,170,171,191,192,193,213,214,215,234,235,236,255,256,257,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,492 +3768 - 76,77,78,79,80,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,123,124,125,126,136,137,138,139,140,141,146,147,148,149,158,159,160,161,162,168,169,170,171,179,180,181,182,191,192,193,200,201,202,203,213,214,215,222,223,224,235,236,237,244,245,246,256,257,258,259,266,267,268,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,323,324,325,334,335,336,337,338,339,340,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,494 +3769 - 10,11,12,13,14,15,31,32,33,34,35,36,37,55,56,57,58,59,60,61,73,74,80,81,82,83,94,95,96,102,103,104,105,106,115,116,117,125,126,127,128,136,137,138,139,148,149,150,157,158,159,160,170,171,172,173,179,180,192,193,194,195,200,201,202,214,215,216,217,222,223,224,236,237,238,239,243,244,245,258,259,260,261,265,266,267,280,281,282,283,287,288,289,290,302,303,304,305,309,310,311,312,324,325,326,332,333,334,335,336,344,345,346,347,355,356,357,358,359,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,485 +3770 - 12,13,14,33,34,35,36,37,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,143,144,162,163,164,165,166,183,184,185,186,187,190,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,432,491 +3771 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,147,148,149,150,170,171,172,173,192,193,194,214,215,216,236,237,246,247,248,249,250,253,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,393,394,397,398,399,400,401,402,403,420,421,422,487 +3772 - 9,10,11,31,32,33,34,53,54,55,56,74,75,76,77,96,97,98,118,119,120,139,140,141,142,161,162,163,164,183,184,185,205,206,207,208,227,228,229,249,250,251,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,337,338,339,340,343,344,345,346,359,360,361,362,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,491 +3773 - 54,55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,147,148,149,150,169,170,171,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,256,277,278,279,299,300,301,321,322,323,342,343,344,345,363,364,365,366,383,384,385,386,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,463,464,465,466,467,468,469,488 +3774 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,118,119,120,121,127,128,129,140,141,142,148,149,150,151,163,164,165,170,171,172,186,187,192,193,194,213,214,215,235,236,237,256,257,258,268,277,278,279,288,289,290,291,292,293,294,295,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,337,338,339,340,341,342,343,352,353,354,361,362,363,364,365,366,374,375,382,383,384,385,386,387,388,396,397,403,404,405,406,418,419,423,424,425,426,440,441,442,444,445,446,447,448,487 +3775 - 64,65,86,87,95,96,107,108,109,116,117,118,119,128,129,130,131,137,138,139,140,150,151,152,158,159,160,161,171,172,173,180,181,182,192,193,194,195,201,202,203,213,214,215,216,223,224,225,235,236,237,245,246,247,248,249,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,363,364,365,366,385,386,387,406,407,408,428,429,489 +3776 - 92,93,94,95,114,115,116,117,118,119,120,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,215,216,232,233,234,235,236,237,238,255,256,257,258,259,260,275,276,277,278,279,280,281,282,296,297,298,299,300,301,302,303,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,445,446,447,448,467,468,469,492 +3777 - 34,35,36,56,57,58,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,161,162,163,164,165,167,168,169,170,182,183,184,185,190,191,192,204,205,206,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,269,270,278,279,280,290,291,300,301,302,312,313,314,322,323,324,334,335,336,344,345,346,356,357,358,359,365,366,367,368,379,380,381,382,383,384,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +3778 - 54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,275,276,297,298,299,320,321,342,343,364,365,366,386,387,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,488 +3779 - 11,12,13,32,33,34,35,36,54,55,56,57,58,59,77,78,79,80,81,82,83,99,100,101,102,103,104,105,106,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,168,169,170,171,182,183,184,185,186,190,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,237,244,245,246,247,257,258,259,266,267,268,279,280,281,287,288,289,290,301,302,303,309,310,311,322,323,324,325,330,331,332,333,334,344,345,346,347,353,354,355,356,357,358,361,362,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,485 +3780 - 7,8,9,29,30,31,51,52,53,72,73,74,75,94,95,96,97,116,117,118,119,138,139,140,141,160,161,162,182,183,184,190,203,204,205,206,207,210,211,212,213,214,226,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,280,281,282,293,294,295,296,297,298,302,303,304,315,316,317,318,319,320,323,324,325,326,337,338,339,340,341,342,344,345,346,347,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +3781 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,104,105,106,107,120,121,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,173,174,185,186,187,188,190,191,192,207,208,209,210,212,213,214,230,231,232,234,235,236,252,253,254,255,256,257,274,275,276,277,278,279,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,342,343,344,355,356,357,358,359,364,365,376,377,378,379,386,387,397,398,399,400,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +3782 - 57,58,59,60,61,62,78,79,80,81,82,83,84,99,100,101,102,103,104,105,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,486 +3783 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,131,141,142,143,144,162,163,164,165,184,185,186,206,207,208,228,229,230,250,251,252,253,273,274,275,276,295,296,297,298,299,319,320,321,342,343,344,364,365,366,377,378,386,387,388,399,400,401,402,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +3784 - 59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,140,141,142,143,162,163,164,165,184,185,186,205,206,207,208,227,228,229,230,231,232,249,250,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,321,322,323,343,344,345,364,365,366,367,385,386,387,388,389,406,407,408,409,410,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,490 +3785 - 36,37,57,58,59,79,80,81,101,102,122,123,124,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,294,295,296,297,316,317,318,338,339,340,359,360,361,362,381,382,383,402,403,404,424,425,445,446,447,486 +3786 - 92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,302,303,316,317,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +3787 - 9,10,11,30,31,32,33,34,53,54,55,56,57,76,78,79,80,81,82,83,103,104,105,106,126,127,128,149,150,170,171,172,185,186,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,278,279,280,300,301,302,322,323,344,345,353,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,488 +3788 - 57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,383,402,403,404,424,425,426,446,447,448,468,469,486 +3789 - 74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,145,146,147,168,169,190,191,211,212,213,233,234,235,255,256,276,277,278,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,468,469,470,471,492 +3790 - 35,36,37,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +3791 - 100,101,102,103,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,169,170,183,184,185,190,191,192,204,205,206,207,208,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,276,277,278,298,299,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,446,447,448,449,468,469,470,494 +3792 - 54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,126,127,128,129,137,138,139,140,141,142,148,149,150,151,159,160,161,162,168,169,170,171,172,181,182,183,184,188,189,190,191,192,193,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +3793 - 57,58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,126,127,128,129,142,143,144,149,150,151,164,165,171,172,173,186,187,191,192,193,194,208,209,212,213,214,215,230,231,232,233,234,235,236,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,312,313,314,318,319,320,333,334,335,336,341,342,355,356,357,363,364,377,378,379,385,386,399,400,401,407,408,421,422,423,424,425,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +3794 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,146,147,148,161,162,163,168,169,170,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,254,255,256,257,269,270,271,276,277,278,291,292,293,297,298,299,300,312,313,314,319,320,321,322,335,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,492 +3795 - 80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,150,151,152,160,161,162,163,165,166,167,171,172,173,174,182,183,184,185,191,192,193,194,195,205,206,207,212,213,214,215,216,227,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,341,342,356,357,358,359,362,363,364,378,379,380,384,385,386,399,400,401,406,407,408,421,422,423,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,472,493 +3796 - 81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,181,182,183,184,202,203,204,224,225,226,246,247,248,268,269,270,271,291,292,293,294,295,314,315,316,317,318,337,338,339,340,341,360,361,362,363,364,383,384,385,386,387,407,408,409,429,430,431,448,449,450,451,452,453,469,470,471,472,473,474,475,490 +3797 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,147,148,162,163,164,168,169,170,183,184,185,190,191,192,205,206,207,212,213,214,227,228,234,235,236,249,250,255,256,257,271,272,273,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,338,339,340,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +3798 - 30,31,32,33,34,36,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,144,145,146,147,148,149,157,158,159,160,161,168,169,170,171,172,179,180,181,182,191,192,193,194,201,202,203,204,213,214,215,216,223,224,225,226,236,237,238,245,246,247,248,258,259,260,267,268,269,270,280,281,282,289,290,291,292,302,303,304,311,312,313,314,315,323,324,325,326,334,335,336,337,338,344,345,346,347,348,357,358,359,360,361,362,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,485 +3799 - 10,11,12,13,31,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,124,125,126,139,140,141,142,143,147,148,149,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,235,236,237,238,247,248,249,257,258,259,269,270,279,280,281,290,291,292,301,302,303,311,312,313,314,322,323,324,333,334,335,336,337,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,485 +3800 - 31,53,54,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,162,163,164,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,279,280,281,301,302,303,311,312,324,325,326,333,334,335,346,347,348,355,356,357,368,369,370,377,378,379,380,381,382,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,490 +3801 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,146,147,148,161,162,163,169,170,183,184,191,192,205,206,207,213,214,227,228,229,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,494 +3802 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,299,300,301,302,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,477,492 +3803 - 77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,128,129,130,140,141,142,143,144,145,146,147,151,152,162,163,164,172,173,174,183,184,185,192,193,194,195,196,205,206,207,212,213,214,215,216,217,227,228,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,334,335,336,337,338,339,355,356,357,360,361,362,377,378,382,383,384,399,400,405,406,421,422,427,428,443,444,445,449,450,465,466,467,468,469,470,471,472,493 +3804 - 52,53,54,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,120,121,122,135,136,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,367,368,369,370,371,372,373,381,382,383,384,385,390,391,392,393,394,395,404,405,414,415,416,417,487 +3805 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,104,116,117,118,119,120,138,139,140,160,161,170,171,181,182,183,191,192,193,203,204,205,206,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,428,429,430,450,451,452,472,473,494 +3806 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,122,123,124,137,138,139,144,145,146,159,160,161,166,167,168,181,182,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,248,249,250,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3807 - 36,37,38,57,58,59,60,78,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,127,142,143,144,145,148,149,163,164,165,166,167,170,171,183,184,185,186,187,188,192,193,205,206,207,208,214,215,226,227,228,229,230,236,237,247,248,249,250,251,258,259,269,270,271,272,280,281,290,291,292,293,301,302,303,312,313,314,323,324,325,334,335,344,345,346,356,357,364,365,366,367,368,378,379,380,381,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,485 +3808 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,185,189,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,237,247,248,249,250,256,257,258,259,269,270,271,272,278,279,280,281,282,291,292,293,294,300,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,339,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,473,474,485 +3809 - 13,14,15,16,35,36,37,38,56,57,58,59,60,77,78,79,97,98,99,100,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,226,227,228,233,234,235,236,237,248,249,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,301,302,303,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,491 +3810 - 100,101,102,103,104,118,119,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,168,169,182,183,184,190,191,203,204,205,211,212,213,225,226,233,234,247,248,254,255,256,269,270,276,277,298,299,319,320,321,341,342,343,362,363,364,384,385,406,407,427,428,429,449,450,471,472,492 +3811 - 105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,183,184,185,205,206,226,227,228,229,248,249,250,251,252,270,271,272,273,274,275,295,296,297,318,319,340,341,355,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,490 +3812 - 34,35,36,54,55,56,57,58,75,76,77,79,80,81,82,97,98,102,103,104,118,119,120,124,125,126,140,141,142,146,147,148,162,163,166,167,168,169,170,184,185,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,257,258,270,271,272,273,279,280,291,292,293,294,300,301,302,313,314,315,322,323,335,336,343,344,345,356,357,358,364,365,366,378,379,380,385,386,387,400,401,402,403,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,493 +3813 - 10,11,12,13,32,33,52,53,54,55,73,74,75,76,95,96,97,116,117,118,119,138,139,140,160,161,162,180,181,182,183,202,203,204,205,215,216,217,218,224,225,226,235,236,237,238,239,240,241,246,247,248,254,255,256,257,258,259,260,261,262,263,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,491 +3814 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,168,169,170,189,190,191,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +3815 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,146,147,148,162,163,164,165,168,169,170,186,187,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,492 +3816 - 30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,122,123,124,135,136,137,138,145,146,147,156,157,158,159,167,168,169,170,178,179,180,181,190,191,192,193,200,201,202,212,213,214,215,216,222,223,224,236,237,238,239,244,245,246,258,259,260,261,262,266,267,268,269,281,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,327,328,329,333,334,335,336,349,350,351,355,356,357,358,359,360,361,371,372,373,378,379,380,381,382,383,384,385,386,387,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,438,451,452,453,454,455,456,457,458,459,485 +3817 - 52,53,54,64,65,73,74,75,76,85,86,87,95,96,97,98,107,108,109,116,117,118,119,128,129,130,131,137,138,139,140,150,151,152,158,159,160,170,171,172,173,180,181,182,191,192,193,194,202,203,204,211,212,213,214,215,216,224,225,226,227,233,234,235,236,237,246,247,248,249,250,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,361,362,363,364,365,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,469,470,471,489 +3818 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,75,76,77,78,79,80,100,101,102,103,122,123,124,125,145,146,147,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,487 +3819 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,146,147,148,168,169,170,189,190,191,211,212,213,233,234,254,255,256,275,276,277,278,297,298,299,318,319,320,339,340,341,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,492 +3820 - 11,12,13,14,15,16,17,30,31,32,33,34,35,36,37,38,39,40,50,51,52,53,54,60,61,62,71,72,73,75,82,83,84,94,105,106,107,126,127,128,148,149,150,170,171,172,191,192,193,213,214,215,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,360,361,362,363,364,365,366,367,368,369,375,376,377,380,381,382,383,389,390,391,392,393,397,398,399,400,401,402,403,404,413,414,415,416,421,422,423,424,487 +3821 - 59,60,61,62,63,64,65,80,81,82,83,84,85,86,87,99,102,103,104,105,106,107,108,109,120,121,122,124,125,141,142,143,163,164,185,186,207,208,209,229,230,231,252,253,254,275,276,277,298,299,300,320,321,322,333,343,344,354,355,356,364,365,366,376,377,378,379,380,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,490 +3822 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,116,117,118,119,120,125,126,127,138,139,140,141,142,147,148,149,150,159,160,161,162,163,170,171,172,180,181,182,183,184,192,193,194,202,203,204,205,214,215,224,225,226,227,236,237,246,247,248,249,258,259,260,268,269,270,280,281,282,289,290,291,292,302,303,304,312,313,314,315,324,325,326,334,335,336,337,345,346,347,348,356,357,358,359,360,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +3823 - 74,75,95,96,97,117,118,119,128,138,139,140,150,151,159,160,161,171,172,173,180,181,182,183,193,194,202,203,204,214,215,216,224,225,226,227,228,229,230,231,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,343,344,364,365,385,386,387,406,407,408,428,429,430,449,450,451,470,471,472,489 +3824 - 46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,114,115,116,121,122,123,124,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,302,303,304,305,314,315,316,317,325,326,327,346,347,348,349,367,368,369,370,389,390,391,392,398,399,400,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +3825 - 38,39,40,59,60,61,62,81,82,83,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,486 +3826 - 31,32,33,51,52,53,54,55,56,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,147,148,149,150,151,158,159,160,161,170,171,172,173,174,180,181,182,183,193,194,195,196,201,202,203,204,216,217,218,219,223,224,225,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,304,305,306,310,311,312,325,326,327,328,332,333,334,346,347,348,349,354,355,356,366,367,368,369,370,371,376,377,378,379,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +3827 - 12,13,14,15,16,34,35,36,37,38,39,58,59,60,61,62,82,83,84,104,105,106,125,126,127,128,146,147,148,149,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,272,275,276,277,278,298,299,300,301,320,321,322,323,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,488 +3828 - 12,13,14,15,16,17,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,205,206,207,226,227,228,229,248,249,250,251,270,271,272,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +3829 - 10,11,12,31,32,33,34,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,78,80,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,211,230,231,232,233,234,254,255,256,276,277,278,279,298,299,300,301,312,313,314,321,322,323,334,335,336,337,338,343,344,345,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,490 +3830 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,105,106,107,108,113,114,115,116,117,118,119,128,129,130,135,136,137,138,139,151,152,153,156,157,158,160,173,174,175,178,179,180,195,196,197,200,201,202,217,218,219,222,223,239,240,241,244,245,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,332,333,334,347,348,349,350,354,355,356,368,369,370,371,376,377,378,379,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,485 +3831 - 7,8,9,10,30,31,32,54,55,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,178,179,180,181,182,183,184,185,186,187,188,189,200,201,202,203,204,205,206,207,208,209,210,211,212,213,233,234,235,236,237,238,260,261,283,284,304,305,306,326,327,328,329,332,347,348,349,350,351,354,355,356,357,358,359,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,488 +3832 - 14,15,16,34,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,249,250,251,271,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,344,345,346,359,360,361,362,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +3833 - 57,58,59,60,61,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,128,129,130,140,141,142,143,144,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,186,195,196,203,204,205,206,207,217,218,225,226,227,228,229,239,240,247,248,249,250,260,261,262,268,269,270,271,282,283,284,290,291,292,303,304,305,306,311,312,313,314,325,326,327,333,334,335,336,346,347,348,355,356,357,366,367,368,369,377,378,379,387,388,389,390,391,399,400,401,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,485 +3834 - 88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,170,171,190,191,192,212,213,214,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +3835 - 34,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,156,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +3836 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,144,145,146,147,148,149,157,158,159,165,166,167,168,169,170,179,180,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,322,323,324,325,326,344,345,346,347,348,365,366,367,368,369,370,377,386,387,388,389,390,391,399,400,401,402,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,488 +3837 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,116,117,118,119,120,123,124,125,126,138,139,140,141,144,145,146,147,161,162,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,324,336,337,338,339,340,345,346,347,357,358,359,360,361,362,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,428,429,430,431,443,444,445,487 +3838 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,139,140,141,142,161,162,163,164,182,183,184,185,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,254,255,256,257,258,259,267,268,269,270,271,278,279,280,281,282,290,291,292,293,302,303,304,305,312,313,314,324,325,326,327,334,335,336,337,347,348,349,357,358,359,360,368,369,370,371,372,379,380,381,382,383,384,385,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,491 +3839 - 33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,104,105,106,117,118,119,125,126,127,128,146,147,148,149,150,167,168,169,170,171,172,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,252,253,254,255,256,257,258,266,267,277,278,279,280,286,287,288,289,290,300,301,302,308,309,310,311,312,313,322,323,324,331,332,333,334,335,343,344,345,346,353,354,355,356,357,365,366,367,368,376,377,378,379,380,381,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +3840 - 53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,341,342,343,363,364,365,385,386,387,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,486 +3841 - 40,41,42,62,63,64,83,84,85,99,104,105,106,107,120,121,122,125,126,127,128,142,143,144,147,148,149,150,163,164,165,169,170,171,184,185,186,187,190,191,192,193,205,206,207,208,211,212,213,214,224,225,226,227,228,229,230,233,234,235,236,246,247,248,249,250,251,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,489 +3842 - 57,58,78,79,80,81,93,94,95,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,166,167,168,182,188,189,190,210,211,232,233,234,254,255,256,275,276,277,278,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,475,476,477,492 +3843 - 86,87,107,108,109,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,165,166,167,168,169,170,171,186,187,188,189,206,207,208,209,210,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,269,270,271,272,274,275,276,290,293,296,297,298,311,312,317,318,319,320,333,334,335,339,340,341,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,401,402,403,404,405,490 +3844 - 27,28,29,30,31,32,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,98,99,100,101,102,122,123,124,125,145,146,147,167,168,169,190,191,211,212,213,233,234,235,255,256,276,277,278,297,298,299,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,386,387,388,389,390,391,392,393,401,402,403,404,405,412,413,422,423,424,425,426,444,445,446,447,487 +3845 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,81,98,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,166,169,170,171,172,173,183,184,185,186,187,190,191,192,193,194,195,196,204,205,206,207,208,210,211,212,213,214,215,216,217,226,227,228,229,231,232,233,234,235,236,237,238,239,247,248,249,250,252,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,290,291,292,293,295,296,297,298,299,300,301,302,311,312,313,314,316,317,318,319,320,321,322,323,333,334,335,336,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,406,491 +3846 - 9,10,11,12,31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,187,206,207,208,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,300,301,302,315,316,317,318,321,322,323,337,338,339,342,343,344,345,359,360,361,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +3847 - 105,106,117,118,119,120,121,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,254,255,256,257,258,268,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +3848 - 28,29,49,50,51,71,72,73,84,93,94,105,106,107,114,115,116,127,128,129,136,137,149,150,151,157,158,159,169,170,171,172,179,180,181,190,191,192,193,194,201,202,203,211,212,213,214,215,216,223,224,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,258,259,266,267,268,269,270,271,272,273,274,275,276,279,280,281,282,289,290,291,292,293,294,295,296,297,301,302,303,312,314,315,316,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,489 +3849 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,105,106,107,117,118,119,120,121,122,123,127,128,129,139,140,141,142,143,149,150,151,161,162,163,170,171,172,173,183,184,185,191,192,193,194,205,206,207,212,213,214,215,227,228,229,233,234,235,236,249,250,251,253,254,255,256,257,271,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,341,356,357,358,359,361,362,363,378,379,380,383,384,385,399,400,401,405,406,407,421,422,423,424,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +3850 - 74,75,81,96,97,102,103,104,117,118,119,120,123,124,125,126,139,140,141,142,144,145,146,147,148,160,161,162,163,165,166,167,168,169,170,181,182,183,184,186,187,188,189,190,191,192,203,204,205,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,256,257,258,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,297,300,301,314,315,316,317,318,322,323,343,344,345,365,366,367,387,388,389,409,410,430,431,432,452,453,454,474,475,476,489 +3851 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,139,140,141,142,143,147,148,149,161,162,163,169,170,171,182,183,184,190,191,192,193,204,205,206,207,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,494 +3852 - 53,54,74,75,76,80,81,96,97,98,101,102,103,104,117,118,119,120,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,167,168,169,183,184,185,188,189,190,191,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,489 +3853 - 37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,105,106,107,119,120,121,122,123,127,128,129,141,142,143,144,149,150,151,162,163,164,165,171,172,173,183,184,185,186,193,194,195,205,206,207,208,214,215,216,217,226,227,228,229,235,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,278,279,280,281,289,290,291,292,299,300,301,302,311,312,313,320,321,322,323,332,333,334,335,341,342,343,344,354,355,356,361,362,363,364,375,376,377,378,380,381,382,383,384,385,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,426,442,443,444,445,446,485 +3854 - 32,33,34,53,54,55,56,57,74,75,76,77,95,96,97,117,118,119,138,139,140,141,142,143,144,160,161,162,163,164,165,166,167,182,183,184,186,187,188,189,190,204,205,206,210,211,212,213,226,227,228,233,234,235,236,248,249,256,257,258,270,271,278,279,280,281,292,293,301,302,303,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,366,367,368,380,381,382,388,389,390,403,404,405,406,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +3855 - 37,38,39,40,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,357,358,359,360,361,362,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +3856 - 56,57,58,78,79,80,92,93,100,101,102,113,114,115,122,123,124,136,137,145,146,158,159,167,168,180,181,189,190,191,202,203,204,211,212,213,224,225,226,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,299,300,321,322,343,344,365,366,367,387,388,389,410,411,432,433,454,455,476,477,478,489 +3857 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,117,118,119,120,121,125,126,127,128,139,140,141,147,148,149,150,168,169,170,171,189,190,191,192,193,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,334,335,336,337,338,339,340,355,356,357,358,359,360,361,362,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,404,405,406,407,408,409,410,411,412,413,419,420,421,422,428,429,430,431,432,433,434,441,442,443,444,487 +3858 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,99,116,117,118,137,138,139,158,159,160,161,180,181,182,193,194,195,196,202,203,204,212,213,214,215,216,217,218,219,224,225,231,232,233,234,235,236,237,238,239,240,241,245,246,247,252,253,254,255,256,257,261,262,263,267,268,269,273,274,275,276,283,284,285,289,290,291,294,295,296,297,304,305,306,307,312,313,314,316,317,318,324,325,326,327,328,334,335,336,337,338,339,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +3859 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,103,104,105,125,126,127,128,147,148,149,167,168,169,170,171,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,277,278,279,280,300,301,302,303,322,323,324,325,344,345,346,354,365,366,367,368,375,376,377,378,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +3860 - 7,8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,94,95,96,97,115,116,117,118,137,138,139,140,159,160,161,162,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,259,260,261,262,268,269,270,271,272,273,274,275,282,283,284,291,292,293,294,295,296,304,305,306,307,313,314,315,316,317,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +3861 - 42,43,63,64,65,84,85,86,87,99,105,106,107,108,120,121,122,127,128,129,141,142,143,144,148,149,150,151,162,163,164,165,169,170,171,172,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,215,224,225,226,227,228,233,234,235,236,244,245,246,247,248,249,250,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,315,316,317,318,319,320,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,489 +3862 - 59,60,61,62,63,64,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,118,119,120,121,122,138,139,140,141,160,161,162,181,182,183,184,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,252,253,254,255,256,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,399,400,406,407,408,409,421,422,423,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,490 +3863 - 108,109,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,249,250,253,254,255,275,276,277,291,297,298,299,311,312,313,318,319,320,321,333,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,379,380,381,382,383,490 +3864 - 73,74,75,76,94,95,96,97,98,104,115,116,117,118,119,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,179,180,181,182,191,192,193,201,202,203,213,214,215,222,223,224,225,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,489 +3865 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,123,139,140,141,142,143,160,161,162,163,164,171,172,173,174,175,181,182,183,184,185,192,193,194,195,196,197,203,204,205,206,212,213,214,215,216,217,218,219,224,225,226,227,228,232,233,234,235,236,237,238,239,240,241,245,246,247,248,253,254,255,256,257,258,261,262,267,268,269,270,274,275,276,277,278,281,282,283,284,288,289,290,291,296,297,298,302,303,304,305,310,311,312,313,317,318,319,320,321,322,323,324,325,326,332,333,334,335,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,491 +3866 - 54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,100,101,102,103,117,118,119,121,122,123,124,139,140,141,144,145,146,160,161,162,166,167,182,183,184,187,188,189,204,205,206,207,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,343,344,345,346,360,361,362,366,367,368,382,383,384,388,389,390,404,405,410,411,412,425,426,427,433,434,435,447,448,449,455,456,457,470,471,472,476,477,478,493 +3867 - 108,109,119,120,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,214,215,216,217,223,224,225,226,227,228,235,236,237,238,244,245,246,247,248,249,256,257,258,259,266,267,268,269,277,278,279,280,288,289,290,291,298,299,300,301,302,310,311,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,492 +3868 - 58,59,60,72,73,79,80,81,82,93,94,95,101,102,103,104,114,115,116,117,124,125,126,136,137,138,146,147,148,157,158,159,160,168,169,170,179,180,181,190,191,192,201,202,203,212,213,214,223,224,225,234,235,236,237,245,246,247,256,257,258,259,267,268,269,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,366,367,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,478,479,480,489 +3869 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,150,151,152,163,164,165,166,171,172,173,174,185,186,187,188,192,193,194,195,196,207,208,209,210,212,213,214,215,216,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,340,341,342,343,355,356,357,362,363,364,365,377,378,384,385,386,387,399,400,401,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +3870 - 76,77,78,97,98,99,100,101,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,161,162,163,164,165,167,168,169,170,182,183,184,185,186,188,189,190,191,203,204,205,206,207,210,211,212,213,224,225,226,227,228,229,232,233,234,246,247,248,249,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,474,489 +3871 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,128,129,139,140,141,142,143,149,150,151,160,161,162,163,170,171,172,173,182,183,184,191,192,193,194,195,203,204,205,206,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,444,445,446,447,448,466,467,468,469,494 +3872 - 55,56,57,58,59,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,125,126,127,128,129,137,138,139,140,141,142,148,149,150,151,152,158,159,160,161,162,163,172,173,174,175,180,181,182,183,184,195,196,197,201,202,203,204,205,217,218,219,222,223,224,225,227,228,238,239,240,241,244,245,246,247,259,260,261,262,266,267,268,280,281,282,283,284,288,289,290,301,302,303,304,305,310,311,312,322,323,324,325,326,332,333,334,335,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,424,425,426,427,428,485 +3873 - 82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,173,174,175,183,184,185,186,187,195,196,197,204,205,206,207,217,218,219,224,225,226,227,228,238,239,240,241,246,247,248,249,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,342,343,344,345,346,347,354,355,356,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,443,444,445,446,485 +3874 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,145,146,147,148,149,150,151,160,161,162,170,171,172,173,181,182,183,184,194,195,196,202,203,204,205,216,217,218,224,225,226,227,238,239,240,246,247,248,260,261,262,267,268,269,270,282,283,289,290,291,303,304,305,311,312,313,325,326,327,333,334,335,346,347,348,355,356,357,367,368,369,370,377,378,379,388,389,390,391,399,400,401,402,403,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +3875 - 38,39,40,41,60,61,62,63,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,443,444,445,446,486 +3876 - 32,33,34,53,54,55,56,74,75,76,77,78,96,97,98,99,100,101,102,118,119,122,123,124,125,139,140,141,145,146,147,161,162,163,168,169,170,183,184,190,191,192,205,206,212,213,214,227,228,234,235,249,250,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,323,324,337,338,339,340,341,345,346,359,360,366,367,368,381,382,388,389,390,403,404,405,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +3877 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,103,104,105,106,116,117,118,119,120,124,125,126,127,137,138,139,140,141,146,147,148,149,160,161,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,292,293,294,295,296,314,315,316,317,318,327,334,335,336,337,338,339,340,341,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,405,406,407,408,409,410,411,412,413,419,420,421,422,429,430,441,442,443,487 +3878 - 56,57,77,78,79,98,99,100,101,120,121,122,141,142,143,163,164,165,184,185,186,206,207,208,228,229,230,233,234,235,250,251,252,254,255,256,257,273,274,275,276,277,278,279,295,296,297,298,299,300,318,319,320,321,322,342,343,344,364,365,386,387,408,409,430,431,452,453,474,475,489 +3879 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,102,103,104,105,124,125,126,127,145,146,147,148,163,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,255,256,257,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,352,364,365,366,367,374,375,376,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,488 +3880 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,100,101,102,103,104,114,115,116,117,122,123,124,125,136,137,138,144,145,146,147,158,159,160,167,168,169,170,180,181,182,190,191,192,193,201,202,203,212,213,214,215,223,224,225,234,235,236,237,245,246,247,257,258,259,260,267,268,269,279,280,281,282,289,290,291,301,302,303,304,311,312,313,323,324,325,326,333,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,381,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +3881 - 14,15,35,36,37,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,173,174,175,182,183,184,185,193,194,195,196,197,203,204,205,206,213,214,215,216,217,218,219,224,225,226,227,234,235,236,237,238,239,240,241,246,247,248,255,256,257,258,259,261,262,263,267,268,269,270,276,277,278,279,282,283,284,285,289,290,291,297,298,299,300,303,304,305,306,310,311,312,318,319,320,321,323,324,325,326,327,332,333,334,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,426,427,491 +3882 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,429,430,431,451,452,453,473,474,475,486 +3883 - 118,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,214,215,216,217,222,223,224,225,226,235,236,237,238,244,245,246,247,255,256,257,258,259,266,267,268,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,470,492 +3884 - 36,37,58,59,79,80,81,101,102,103,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,448,449,486 +3885 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,128,129,130,141,142,143,144,150,151,152,163,164,165,166,171,172,173,185,186,187,192,193,194,195,207,208,209,212,213,214,215,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,334,335,336,337,338,340,341,342,343,355,356,357,358,362,363,364,365,377,378,379,384,385,386,387,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +3886 - 33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,117,118,119,120,121,122,138,139,140,141,142,160,161,162,163,164,182,183,184,204,205,206,207,208,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,321,322,323,324,345,346,347,367,368,369,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,490 +3887 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,148,149,150,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,195,202,203,204,213,214,215,216,217,224,225,226,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,494 +3888 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,80,81,95,96,97,98,99,101,102,103,104,118,119,120,121,122,123,124,125,140,141,142,144,145,146,147,162,163,164,166,167,168,185,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,300,301,316,317,318,321,322,323,338,339,340,343,344,345,346,361,362,365,366,367,368,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,453,493 +3889 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,126,127,128,129,130,138,139,140,141,142,143,149,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,185,193,194,195,196,203,204,205,206,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,262,267,268,269,270,280,281,282,283,288,289,290,291,292,301,302,303,304,310,311,312,313,322,323,324,325,332,333,334,342,343,344,345,346,353,354,355,356,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +3890 - 68,69,70,71,90,91,92,93,94,95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,186,187,188,189,190,191,192,193,194,195,196,210,211,212,213,214,215,216,217,218,234,235,236,237,238,239,240,255,256,257,258,259,260,261,262,277,278,279,280,281,282,283,284,298,299,300,301,302,303,304,305,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +3891 - 79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,207,212,213,214,215,225,226,227,228,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,494 +3892 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,450,451,452,453,486 +3893 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,149,150,151,160,161,162,163,164,165,171,172,173,181,182,183,184,185,192,193,194,195,196,202,203,204,205,206,213,214,215,216,217,218,223,224,225,226,234,235,236,237,238,239,245,246,247,248,249,250,251,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,494 +3894 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,122,123,124,125,133,134,135,136,137,144,145,146,155,156,157,165,166,167,168,178,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,345,346,347,367,368,369,389,390,391,409,411,412,413,430,431,432,433,434,435,452,453,454,455,456,474,475,476,477,488 +3895 - 61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,128,129,130,131,141,142,143,144,145,146,147,148,151,152,153,163,164,165,166,169,173,174,175,185,186,187,188,194,195,196,207,208,209,210,215,216,217,229,230,231,233,234,235,236,237,238,239,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,311,312,313,314,316,317,318,319,332,333,334,335,338,339,340,341,354,355,356,360,361,362,363,376,377,378,382,383,384,385,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,450,468,469,493 +3896 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,94,95,96,97,98,115,116,117,118,119,137,138,139,140,146,147,158,159,160,161,167,168,169,170,179,180,181,182,190,191,192,193,194,195,201,202,203,204,213,214,215,216,217,218,219,223,224,225,238,239,240,241,245,246,247,260,261,262,263,267,268,269,283,284,285,289,290,291,306,307,311,312,313,327,328,329,333,334,335,336,348,349,350,351,355,356,357,358,359,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +3897 - 80,81,82,83,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,150,162,163,164,165,170,171,172,183,184,185,186,191,192,193,194,204,205,206,207,212,213,214,215,216,226,227,228,233,234,235,236,237,247,248,249,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,494 +3898 - 76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,125,126,138,139,140,141,146,147,159,160,161,162,167,168,169,180,181,182,188,189,190,191,202,203,204,209,210,211,212,213,223,224,225,230,231,232,233,234,235,236,245,246,247,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,314,315,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +3899 - 58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,127,128,129,140,141,142,143,145,149,150,151,152,162,163,164,165,171,172,173,183,184,185,186,191,192,193,194,205,206,207,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,270,271,272,273,274,275,290,291,292,293,294,295,296,297,311,312,313,314,316,317,318,319,333,334,335,339,340,341,355,356,357,360,361,362,363,377,378,379,383,384,385,399,400,401,404,405,406,407,421,422,423,424,426,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +3900 - 91,92,93,94,95,96,97,112,113,114,115,116,117,118,119,120,121,134,135,142,143,144,156,165,166,167,188,189,190,211,212,233,234,255,256,257,277,278,279,300,301,322,323,344,345,366,367,387,388,389,409,410,431,432,453,454,475,476,492 +3901 - 64,65,85,86,87,106,107,108,109,128,129,130,141,142,149,150,151,161,162,163,164,170,171,172,173,182,183,184,185,186,191,192,193,194,203,204,205,206,212,213,214,215,223,224,225,226,227,228,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,425,426,489 +3902 - 47,48,49,50,69,70,71,72,90,91,92,93,94,111,112,113,114,133,134,135,136,146,147,148,149,155,156,157,158,167,168,169,170,171,172,177,178,179,180,189,190,191,192,193,194,199,200,201,202,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,301,302,303,304,305,324,325,326,327,346,347,348,349,350,368,369,370,371,372,391,392,393,394,413,414,415,416,435,436,437,438,457,458,459,460,480,481,482,489 +3903 - 38,39,40,41,60,61,62,63,64,81,82,83,84,85,102,103,104,105,106,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,376,377,378,379,380,381,382,398,399,400,401,402,403,420,421,422,423,424,441,442,443,444,445,486 +3904 - 52,53,54,73,74,75,76,77,94,95,96,97,98,99,115,116,117,118,121,125,126,127,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,179,180,181,182,188,189,190,191,192,193,201,202,203,209,210,211,212,213,214,215,222,223,224,225,230,231,232,233,235,236,237,244,245,246,251,252,253,254,257,258,259,265,266,267,268,271,272,273,274,275,279,280,281,288,289,290,291,292,293,294,295,296,301,302,303,310,311,312,313,314,315,316,317,323,324,325,333,334,335,336,337,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,437,455,456,457,458,459,478,479,480,494 +3905 - 84,85,86,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,216,224,225,226,227,228,233,234,235,236,246,247,248,254,255,256,257,269,275,276,277,278,279,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,422,423,424,425,443,444,445,446,466,467,468,492 +3906 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,100,101,102,122,123,124,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,231,232,249,250,251,252,253,254,255,275,276,277,278,298,299,300,321,322,343,344,364,365,366,386,387,388,408,409,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +3907 - 98,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,172,173,174,175,182,183,184,185,186,193,194,195,196,203,204,205,206,207,213,214,215,216,217,224,225,226,227,228,235,236,237,238,245,246,247,248,249,256,257,258,259,267,268,269,270,277,278,279,280,289,290,291,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,470,492 +3908 - 54,55,75,76,77,97,98,118,119,120,140,141,142,146,162,163,164,167,168,169,183,184,185,189,190,191,205,206,207,211,212,213,226,227,228,233,234,235,248,249,250,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,489 +3909 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,120,121,126,127,128,129,146,147,148,149,150,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,233,234,235,236,237,257,258,259,279,280,281,301,302,303,309,310,322,323,324,325,330,331,332,333,343,344,345,346,347,352,353,354,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,488 +3910 - 31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,101,102,103,104,105,113,125,126,127,147,148,149,150,169,170,171,172,191,192,193,213,214,215,229,230,231,234,235,236,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,296,297,298,299,300,301,311,312,313,314,315,318,319,320,321,322,323,324,333,334,335,339,340,341,342,343,344,345,346,347,348,354,355,356,361,362,363,364,367,368,369,370,371,376,377,378,381,382,383,384,385,389,390,391,392,393,398,399,400,401,402,403,404,405,412,413,414,415,420,421,422,423,424,425,426,427,443,444,445,446,447,487 +3911 - 103,104,105,106,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,172,173,174,184,185,186,187,188,189,190,194,195,196,205,206,207,208,209,210,216,217,218,226,227,228,229,230,237,238,239,240,246,247,248,249,250,251,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,302,303,304,310,311,312,313,314,323,324,325,326,332,333,334,342,343,344,345,346,347,353,354,355,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,485 +3912 - 23,45,46,67,68,89,90,111,112,126,127,128,133,134,146,147,148,149,150,151,155,156,167,168,169,173,174,177,178,189,190,195,196,199,200,210,211,212,218,221,222,223,232,233,234,239,240,244,245,246,254,255,261,262,267,268,269,276,277,283,290,291,292,298,299,304,305,313,314,315,316,320,321,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,387,388,410,491 +3913 - 101,102,103,104,105,106,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,172,173,174,182,183,184,185,186,187,188,194,195,196,203,204,205,206,207,215,216,217,224,225,226,227,228,237,238,239,245,246,247,248,258,259,260,266,267,268,269,280,281,282,288,289,290,300,301,302,303,304,309,310,311,312,321,322,323,324,325,331,332,333,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,485 +3914 - 51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,139,144,145,146,147,148,149,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,332,333,334,335,336,337,338,339,340,341,343,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,387,388,389,390,391,392,409,410,411,412,413,414,415,434,435,436,437,458,459,460,480,481,482,487 +3915 - 98,99,100,101,102,103,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,191,192,193,194,202,203,204,205,206,207,213,214,215,216,223,224,225,226,227,228,234,235,236,237,245,246,247,248,254,255,256,257,258,267,268,275,276,277,278,279,280,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +3916 - 33,34,35,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,126,139,140,141,142,146,147,148,161,162,163,169,170,171,182,183,184,185,191,192,193,194,204,205,206,207,214,215,216,226,227,228,236,237,238,247,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,345,346,347,357,358,359,367,368,369,379,380,381,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +3917 - 56,57,58,63,64,65,76,77,78,79,80,81,84,85,86,87,97,98,99,100,101,102,103,106,107,108,118,119,120,121,124,125,127,128,129,130,139,140,141,142,147,148,149,150,151,161,162,163,169,170,171,172,182,183,184,190,191,192,193,204,205,206,210,211,212,213,214,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,361,362,363,378,379,380,383,384,385,400,401,402,405,406,407,422,423,424,426,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +3918 - 31,32,33,34,35,53,54,55,56,57,58,59,76,77,78,79,80,81,82,101,102,103,104,105,117,125,126,127,138,139,148,149,150,159,160,161,171,172,173,181,182,183,193,194,195,202,203,204,215,216,217,223,224,225,237,238,239,245,246,247,259,260,261,267,268,269,280,281,282,283,288,289,290,302,303,304,310,311,312,323,324,325,332,333,334,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,485 +3919 - 35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,103,104,105,117,118,119,120,121,125,126,127,139,140,141,142,146,147,148,149,161,162,163,168,169,170,189,190,191,210,211,212,213,231,232,233,234,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,347,358,359,360,361,362,363,364,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,406,407,408,409,410,411,421,422,423,424,425,429,430,431,432,443,444,445,487 +3920 - 54,55,56,59,60,74,75,76,77,78,81,82,83,96,97,98,103,104,117,118,119,125,126,138,139,140,147,148,159,160,161,168,169,170,180,181,182,190,191,192,202,203,204,205,211,212,213,225,226,227,228,229,233,234,235,248,249,250,251,252,253,254,255,256,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,366,367,384,385,386,387,388,389,406,407,409,410,411,428,429,430,431,432,433,450,451,452,453,454,473,474,475,493 +3921 - 35,36,37,38,57,58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,106,107,120,121,122,123,124,126,127,128,129,141,142,143,144,145,148,149,150,151,162,163,164,165,170,171,172,173,183,184,185,186,187,192,193,194,195,204,205,206,207,208,214,215,216,225,226,227,228,229,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,278,279,280,281,289,290,291,292,299,300,301,302,303,311,312,313,314,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,443,444,445,446,447,448,485 +3922 - 94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,273,274,275,276,277,295,296,297,298,317,318,319,339,340,341,349,350,351,361,362,363,364,365,366,367,368,369,370,371,372,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,429,430,431,487 +3923 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,357,358,359,360,361,378,379,380,381,382,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +3924 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,141,145,146,147,148,161,162,163,166,167,168,169,183,184,185,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,274,277,278,292,293,294,295,299,300,313,314,315,316,321,322,335,336,337,338,343,344,357,358,359,365,366,367,379,380,381,386,387,388,402,403,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +3925 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,102,103,104,105,115,116,117,118,119,124,125,126,127,137,138,139,140,146,147,148,159,160,161,167,168,169,189,190,191,210,211,212,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,370,378,379,380,381,382,383,384,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,427,428,429,430,431,432,433,434,435,444,449,450,451,452,453,454,455,456,487 +3926 - 31,32,33,34,53,54,55,73,74,75,95,96,97,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,168,169,170,182,183,190,191,192,193,204,205,213,214,215,225,226,227,235,236,237,247,248,249,258,259,269,270,271,280,281,291,292,293,302,303,313,314,315,324,325,335,336,337,346,347,357,358,359,360,369,370,380,381,382,383,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +3927 - 11,12,13,32,33,34,35,54,55,56,57,76,77,78,96,97,98,99,118,119,120,121,140,141,142,143,161,162,163,164,171,172,173,174,182,183,184,185,186,191,192,193,194,195,196,197,203,204,205,206,212,213,214,215,216,217,218,219,225,226,227,228,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,253,254,255,256,257,258,259,260,261,262,268,269,270,271,274,275,276,277,278,281,282,283,284,289,290,291,292,293,295,296,297,298,299,300,302,303,304,305,311,312,313,314,317,318,319,320,323,324,325,326,333,334,335,336,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +3928 - 35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,78,79,80,83,84,85,105,106,107,126,127,128,129,148,149,150,151,170,171,172,191,192,193,194,206,207,208,213,214,215,226,227,228,229,230,231,232,234,235,236,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,297,298,299,300,301,312,313,314,319,320,321,322,334,335,340,341,342,343,355,356,357,361,362,363,364,377,378,379,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,444,445,446,447,448,487 +3929 - 32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,99,100,103,104,105,106,107,124,125,126,127,128,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,255,256,257,258,277,278,279,280,298,299,300,301,302,303,304,320,321,322,323,331,332,342,343,344,345,352,353,354,355,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +3930 - 50,51,52,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,115,121,122,123,124,135,144,145,146,167,168,169,188,189,190,191,210,211,212,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,321,322,323,324,325,335,336,337,338,339,340,344,345,346,347,348,349,357,358,359,360,361,367,368,369,370,371,372,373,391,392,393,394,395,414,415,416,417,487 +3931 - 31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,104,105,106,126,127,128,146,147,148,149,150,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,253,254,255,256,257,277,278,279,280,299,300,301,302,321,322,323,324,333,334,335,336,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +3932 - 74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,144,145,146,157,158,159,160,166,167,168,169,179,180,181,188,189,190,191,201,202,203,210,211,212,213,224,225,226,232,233,234,235,246,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,300,301,302,315,316,317,318,319,322,323,324,344,345,346,366,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +3933 - 97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,170,171,172,173,180,181,182,183,184,191,192,193,194,201,202,203,204,205,212,213,214,215,216,223,224,225,226,233,234,235,236,237,245,246,247,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,445,446,447,448,449,466,467,468,469,470,492 +3934 - 53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,127,128,129,136,137,138,149,150,151,158,159,160,171,172,173,180,181,182,183,192,193,194,195,203,204,205,206,213,214,215,216,226,227,228,229,234,235,236,237,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,365,366,367,380,381,382,388,389,390,402,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,477,493 +3935 - 34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,81,82,83,84,95,96,97,98,104,105,106,117,118,119,125,126,127,128,146,147,148,149,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,251,255,256,257,258,277,278,279,280,299,300,301,302,310,311,321,322,323,330,331,332,333,334,342,343,344,345,352,353,354,355,364,365,366,375,376,377,378,385,386,387,388,398,399,400,401,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +3936 - 96,97,98,99,100,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,189,190,191,192,199,200,201,202,211,212,213,214,215,221,222,223,233,234,235,236,237,243,244,245,255,256,257,258,259,265,266,267,268,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,301,302,312,313,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,345,346,347,367,368,369,389,390,391,412,413,434,435,436,456,457,458,478,479,480,494 +3937 - 55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,104,105,106,116,117,118,119,126,127,128,139,140,148,149,150,169,170,171,172,189,190,191,192,193,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,299,300,301,302,321,322,323,324,343,344,345,365,366,367,375,376,377,386,387,388,396,397,398,399,400,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +3938 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,81,82,83,84,98,99,100,119,120,121,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,207,208,209,227,228,229,230,231,232,233,253,254,255,256,277,278,279,300,301,322,323,324,344,345,346,356,357,366,367,377,378,379,387,388,389,399,400,401,402,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +3939 - 16,17,18,37,38,39,58,59,60,61,79,80,81,82,101,102,103,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,214,215,216,226,227,228,229,230,234,235,236,237,238,239,247,248,249,250,251,255,256,257,258,259,260,261,269,270,271,272,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,300,302,303,304,312,313,314,317,318,319,320,322,323,324,325,334,335,336,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,426,427,428,491 +3940 - 34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,95,96,97,98,99,100,117,118,119,138,139,140,160,161,162,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,257,258,259,280,281,293,294,301,302,303,304,314,315,316,322,323,324,325,336,337,338,343,344,345,346,347,358,359,360,364,365,366,367,368,381,382,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,490 +3941 - 13,14,15,34,35,36,37,55,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,144,162,163,164,165,171,172,173,184,185,186,187,192,193,194,195,196,205,206,207,208,212,213,214,215,216,217,218,219,227,228,229,230,233,234,235,236,237,238,239,240,248,249,250,251,253,254,255,256,257,260,261,262,269,270,271,272,274,275,276,277,278,281,282,283,291,292,293,294,295,296,297,298,302,303,304,312,313,314,315,316,317,318,319,323,324,325,326,334,335,336,337,338,339,340,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,402,403,404,424,425,491 +3942 - 55,56,57,77,78,79,100,101,122,123,124,144,145,146,166,167,168,176,177,178,179,180,181,189,190,191,198,199,200,201,202,203,204,205,206,207,208,211,212,213,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,299,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,411,412,413,433,434,435,455,456,457,458,477,478,479,489 +3943 - 87,107,108,109,120,121,122,128,129,130,131,141,142,143,144,149,150,151,152,162,163,164,170,171,172,173,183,184,185,191,192,193,194,195,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,271,272,273,274,275,276,277,278,288,289,294,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,424,425,426,489 +3944 - 56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,123,124,127,128,129,136,137,138,149,150,151,158,159,160,169,170,171,172,180,181,182,183,189,190,191,192,193,203,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,302,314,315,316,323,324,325,335,336,337,346,347,357,358,359,368,369,379,380,381,390,391,402,403,404,411,412,413,424,425,426,427,428,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +3945 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,128,129,139,140,141,142,143,144,149,150,151,152,160,161,162,163,164,171,172,173,174,181,182,183,184,192,193,194,195,196,202,203,204,205,206,214,215,216,217,218,224,225,226,235,236,237,238,239,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,315,316,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,443,444,445,446,447,465,466,467,468,494 +3946 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,123,124,125,126,137,138,139,140,159,160,161,162,166,181,182,183,184,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,256,257,258,270,271,272,273,278,279,280,300,301,302,322,323,324,343,344,345,346,365,366,367,368,381,386,387,388,389,402,403,404,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +3947 - 40,41,42,61,62,63,64,83,84,85,86,104,105,106,107,125,126,127,128,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,398,399,400,401,402,420,421,422,423,443,444,445,486 +3948 - 97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,160,161,162,163,164,181,182,183,203,204,225,226,247,248,249,270,271,272,293,294,295,296,316,317,318,319,320,339,340,341,342,343,363,364,365,386,387,408,409,430,431,452,453,472,473,474,475,490 +3949 - 99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,170,171,172,173,174,181,182,183,184,185,191,192,193,194,195,196,203,204,205,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,322,338,339,340,341,342,360,361,362,363,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,494 +3950 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,428,429,430,431,432,451,452,453,454,486 +3951 - 57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,127,128,129,130,140,141,142,143,149,150,151,152,162,163,164,170,171,172,173,184,185,186,191,192,193,194,206,207,208,212,213,214,215,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,353,357,358,359,362,363,364,375,378,379,380,381,384,385,386,400,401,402,405,406,407,408,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +3952 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,90,91,92,99,100,101,102,112,113,122,123,124,125,134,135,145,146,147,156,167,168,169,190,191,212,213,214,234,235,236,256,257,258,278,279,280,292,293,294,295,296,297,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,340,341,342,343,344,345,346,357,358,359,360,364,365,366,367,368,369,370,371,380,381,382,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,413,414,415,425,426,427,428,429,430,431,432,449,450,451,452,453,487 +3953 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,115,116,117,118,125,126,127,138,139,147,148,149,168,169,170,171,190,191,192,211,212,213,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,305,306,314,315,316,317,318,319,325,326,327,328,335,336,337,338,339,340,346,347,348,349,350,355,356,357,358,359,360,361,362,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,405,406,407,408,409,410,411,419,420,421,422,428,429,430,431,487 +3954 - 73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,279,292,293,294,295,299,300,301,302,313,314,315,316,321,322,323,324,335,336,337,343,344,345,356,357,358,359,360,365,366,367,368,379,380,381,382,387,388,389,390,401,402,403,404,408,409,410,411,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +3955 - 60,61,62,80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,128,129,130,140,141,142,143,144,145,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,186,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,245,246,247,248,249,258,259,260,261,266,267,268,269,270,279,280,281,282,288,289,290,291,300,301,302,303,309,310,311,312,320,321,322,323,324,331,332,333,340,341,342,343,344,345,353,354,355,358,359,360,361,362,363,364,365,375,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,421,422,423,485 +3956 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +3957 - 54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,105,106,107,126,127,128,129,147,148,149,150,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,255,256,257,258,278,279,280,300,301,302,321,322,323,330,331,332,342,343,344,345,352,353,354,363,364,365,366,374,375,376,377,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,444,445,446,447,488 +3958 - 38,39,40,41,42,53,54,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,100,101,102,103,104,105,106,118,119,120,122,123,124,125,126,139,140,141,160,161,162,163,181,182,183,184,202,203,204,205,206,207,208,209,210,211,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,276,277,278,279,280,300,301,302,323,324,336,337,344,345,346,357,358,359,360,361,362,366,367,368,379,380,381,382,383,384,385,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,490 +3959 - 35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,103,104,105,113,114,115,116,117,124,125,126,127,135,136,137,145,146,147,148,157,158,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,250,251,252,253,254,271,272,273,274,275,292,293,294,295,313,314,315,316,317,328,329,334,335,336,337,338,339,340,347,348,349,350,351,355,356,357,358,359,360,361,362,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,404,405,406,407,408,409,410,411,412,413,421,422,423,427,428,429,430,431,432,487 +3960 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,126,127,138,139,140,148,149,159,160,161,170,171,172,181,182,183,191,192,193,203,204,205,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,299,300,314,315,316,321,322,323,336,337,343,344,345,357,358,359,365,366,367,379,380,381,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,474,493 +3961 - 38,39,40,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,378,379,380,381,399,400,401,402,421,422,423,443,444,445,486 +3962 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,81,82,83,84,95,96,97,98,104,105,106,107,116,117,118,119,127,128,129,137,138,139,140,150,151,159,160,161,172,173,174,180,181,182,183,194,195,201,202,203,204,205,206,216,217,218,223,224,225,226,227,238,239,240,245,246,247,248,260,261,267,268,269,270,281,282,289,290,291,292,293,303,304,311,312,313,314,315,324,325,326,333,334,335,345,346,347,348,355,356,357,366,367,368,369,377,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +3963 - 96,97,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,192,193,194,195,201,202,203,204,205,206,213,214,215,216,224,225,226,227,234,235,236,237,246,247,255,256,257,258,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,492 +3964 - 34,35,36,55,56,57,58,59,76,77,78,79,81,98,99,100,101,120,121,122,141,142,143,163,164,165,185,186,187,206,207,208,228,229,230,250,251,252,272,273,274,294,295,296,316,317,320,321,338,339,342,343,344,360,361,364,365,366,382,383,384,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,491 +3965 - 59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,126,127,128,147,148,149,150,167,168,169,170,171,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,286,299,300,301,302,308,309,321,322,323,324,330,331,332,342,343,344,345,352,353,354,355,356,357,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,488 +3966 - 30,31,32,33,52,53,54,55,56,57,75,76,77,78,79,80,97,98,99,101,102,103,119,120,121,124,141,142,143,146,147,148,149,164,165,166,167,168,169,170,171,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,254,255,256,271,272,273,276,277,278,279,292,293,294,299,300,301,314,315,316,321,322,323,324,336,337,344,345,346,358,359,366,367,368,380,381,388,389,390,402,403,404,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,493 +3967 - 39,40,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,422,423,424,425,444,445,446,486 +3968 - 72,73,80,93,94,95,102,103,115,116,117,123,124,125,137,138,139,144,145,146,159,160,161,166,167,168,169,170,181,182,188,189,190,191,192,203,204,209,210,211,212,213,225,226,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,276,277,298,299,320,321,342,343,363,364,365,386,387,408,409,430,431,452,453,474,475,489 +3969 - 40,59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,100,101,102,103,104,107,108,109,122,123,124,129,130,131,150,151,152,153,171,172,173,174,175,188,191,192,193,194,195,200,201,202,209,210,211,212,213,214,215,216,222,223,224,225,230,231,232,233,234,235,236,244,245,246,247,248,253,254,255,256,257,258,266,267,268,269,270,271,278,279,288,289,290,291,292,293,294,300,301,302,311,312,313,314,315,316,317,318,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,403,404,405,406,407,488 +3970 - 16,17,18,19,20,36,37,38,39,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,140,141,142,143,144,160,161,162,163,164,180,181,182,183,184,185,186,201,202,203,204,205,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,253,254,255,256,257,267,268,269,277,278,279,280,281,289,290,291,300,301,302,303,311,312,313,324,325,326,333,334,335,345,346,347,348,355,356,357,358,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,491 +3971 - 80,81,82,83,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,148,149,150,162,163,164,165,170,171,172,182,183,184,185,186,191,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,268,269,270,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,361,362,363,364,365,382,383,384,385,403,404,405,406,407,424,425,426,427,445,446,447,448,449,467,468,469,470,494 +3972 - 33,34,35,36,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,102,103,104,116,117,118,119,120,124,125,126,138,139,145,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,253,254,255,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,383,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,487 +3973 - 40,41,42,43,60,61,62,63,64,65,81,82,83,84,85,86,103,104,105,106,107,108,109,124,125,126,127,128,129,130,145,146,147,148,149,150,151,166,167,168,169,170,171,172,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,376,377,378,379,380,381,382,383,398,399,400,401,402,403,420,421,422,423,424,425,442,443,444,445,486 +3974 - 37,38,39,40,58,59,60,61,62,79,80,81,82,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,297,316,317,318,338,339,340,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,447,448,449,486 +3975 - 106,107,108,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,213,214,215,216,225,226,227,228,234,235,236,237,247,248,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +3976 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,104,105,115,116,117,125,126,127,137,138,139,140,146,147,148,149,160,161,162,163,167,168,169,184,185,186,188,189,190,207,208,209,210,211,230,231,232,250,251,252,253,254,255,272,273,274,276,277,278,293,294,295,299,300,301,315,316,317,322,323,337,338,345,346,358,359,360,367,368,380,381,382,389,390,402,403,404,410,411,412,424,425,426,427,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +3977 - 14,15,16,35,36,37,57,58,59,78,79,80,81,99,100,101,102,121,122,123,142,143,144,163,164,165,166,171,172,173,184,185,186,187,192,193,194,195,196,205,206,207,208,213,214,215,216,217,218,226,227,228,229,233,234,235,236,237,239,240,247,248,249,250,254,255,256,257,260,261,262,268,269,270,271,275,276,277,278,280,281,282,283,290,291,292,296,297,298,299,301,302,303,304,311,312,313,314,318,319,320,321,322,323,324,333,334,335,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,406,407,491 +3978 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,146,147,148,156,157,168,169,170,190,191,192,212,213,214,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +3979 - 56,57,58,59,60,77,78,79,80,81,82,83,85,86,87,98,99,100,101,102,104,105,107,108,109,119,120,121,122,127,128,129,130,131,140,141,142,143,149,150,151,152,153,161,162,163,164,170,171,172,173,174,183,184,185,186,191,192,193,194,195,205,206,207,208,211,212,213,214,215,216,227,228,229,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,291,292,293,294,295,296,297,312,313,314,315,316,317,318,333,334,335,336,337,338,339,340,354,355,356,357,359,360,361,376,377,378,382,383,384,398,399,400,403,404,405,406,420,421,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,493 +3980 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,274,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,466,467,468,469,488 +3981 - 65,85,86,87,107,108,109,127,128,129,130,149,150,151,164,165,169,170,171,172,186,187,191,192,193,206,207,208,209,211,212,213,214,227,228,229,230,232,233,234,235,246,247,248,249,250,251,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,316,317,318,319,320,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,423,424,489 +3982 - 77,78,79,80,98,99,100,119,120,121,140,141,142,161,162,163,169,170,183,184,185,190,191,192,205,206,207,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,254,255,256,276,277,278,298,299,319,320,321,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,474,494 +3983 - 38,39,40,55,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,99,100,101,102,103,106,107,108,126,127,128,129,130,147,148,149,150,151,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,234,235,236,243,244,245,257,258,259,265,266,267,268,279,280,281,287,288,289,290,291,301,302,303,309,310,311,312,313,314,315,316,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,488 +3984 - 29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,100,101,102,123,124,144,145,146,166,167,187,188,189,209,210,230,231,232,251,252,253,273,274,275,294,295,296,316,317,337,338,339,358,359,360,370,371,372,373,380,381,382,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,448,449,450,451,487 +3985 - 40,41,42,43,61,62,63,64,65,82,83,84,85,86,87,103,104,105,106,107,108,124,125,126,127,128,129,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,334,335,336,337,338,339,355,356,357,358,359,360,376,377,378,379,380,381,398,399,400,401,402,420,421,422,423,442,443,444,445,486 +3986 - 46,47,48,63,68,69,70,83,84,85,90,91,92,104,105,106,107,112,113,114,126,127,128,129,134,135,136,148,149,150,151,156,157,158,159,170,171,172,173,178,179,180,181,191,192,193,194,200,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,245,246,247,248,249,256,257,258,259,268,269,270,271,272,278,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,316,317,318,319,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,369,385,386,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,457,476,477,478,479,489 +3987 - 86,87,107,108,109,128,129,130,131,141,142,149,150,151,152,162,163,164,170,171,172,173,183,184,185,191,192,193,194,204,205,206,212,213,214,215,225,226,227,228,234,235,236,245,246,247,248,249,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,318,319,320,339,340,341,342,360,361,362,363,382,383,384,404,405,489 +3988 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,95,96,97,98,116,117,118,119,138,139,140,159,160,161,180,181,182,201,202,203,204,223,224,225,226,227,228,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,328,347,348,349,350,369,370,371,372,389,390,391,392,393,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,490 +3989 - 58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,171,172,173,174,183,184,185,186,187,193,194,195,196,204,205,206,207,208,215,216,217,218,225,226,227,228,229,237,238,239,240,247,248,249,250,259,260,261,262,268,269,270,271,272,280,281,282,283,288,289,290,291,292,301,302,303,304,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,342,343,344,345,346,347,353,354,355,356,362,363,364,365,366,367,375,376,377,378,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,485 +3990 - 33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,102,103,104,105,117,118,119,124,125,126,127,138,139,140,141,145,146,147,148,161,162,163,164,167,168,169,183,184,185,186,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,316,317,318,319,322,323,324,337,338,339,340,344,345,346,358,359,360,361,366,367,368,379,380,381,382,383,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +3991 - 37,38,40,41,42,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,139,140,141,142,143,144,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,234,235,236,237,257,258,259,279,280,281,282,289,290,300,301,302,303,309,310,311,321,322,323,324,325,331,332,333,334,342,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,445,446,447,448,490 +3992 - 54,55,56,75,76,77,78,97,98,99,100,101,119,120,121,141,142,162,163,164,184,185,186,207,208,229,230,251,252,253,273,274,275,295,296,297,317,318,319,320,340,341,342,362,363,364,365,385,386,387,408,409,430,431,432,452,453,454,475,476,486 +3993 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,127,128,129,140,141,148,149,150,169,170,171,172,189,190,191,192,193,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,277,278,279,299,300,301,321,322,323,342,343,344,345,352,363,364,365,366,374,375,376,377,378,379,380,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,488 +3994 - 27,28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,79,80,81,82,90,91,92,102,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,212,213,214,215,234,235,236,237,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,320,321,322,323,324,325,334,335,336,341,342,343,344,345,346,347,348,355,356,357,363,364,365,368,369,370,371,377,378,379,383,384,385,386,391,392,393,399,400,401,402,403,404,405,406,407,413,414,415,423,424,425,426,427,428,435,436,437,447,458,459,487 +3995 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,151,160,161,162,163,171,172,173,174,182,183,184,191,192,193,194,195,196,197,203,204,205,206,212,213,214,215,216,217,218,219,224,225,226,227,233,234,235,236,237,239,240,241,246,247,248,253,254,255,256,257,261,262,263,267,268,269,270,274,275,276,277,278,282,283,284,288,289,290,291,295,296,297,298,302,303,304,305,306,310,311,312,316,317,318,322,323,324,325,326,332,333,334,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,401,402,403,404,405,491 +3996 - 50,51,52,53,54,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,115,116,117,119,120,121,122,137,138,143,144,159,160,166,167,168,181,182,183,188,189,190,203,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,256,257,258,272,273,274,275,278,279,280,301,302,323,324,345,346,367,368,388,389,390,410,411,412,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,494 +3997 - 80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,127,128,129,140,141,142,143,144,149,150,151,160,161,162,163,164,171,172,182,183,184,185,192,193,194,203,204,205,214,215,216,224,225,226,235,236,237,238,246,247,248,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,402,403,404,405,406,422,423,424,425,426,443,444,445,446,447,464,465,466,467,494 +3998 - 105,106,107,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,171,172,177,178,179,180,181,182,183,184,185,186,193,194,198,199,200,201,202,203,214,215,216,220,221,222,237,238,242,243,244,256,257,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,325,326,347,348,369,370,391,392,413,414,435,436,457,458,479,480,494 +3999 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,150,162,163,164,170,171,172,173,184,185,191,192,193,194,195,205,206,207,212,213,214,215,216,217,226,227,228,233,234,235,236,238,239,248,249,250,254,255,256,257,259,260,269,270,271,275,276,277,278,280,281,282,290,291,292,296,297,298,299,301,302,303,312,313,314,318,319,320,322,323,324,333,334,335,339,340,341,342,343,344,345,355,356,357,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,491 +4000 - 55,56,57,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,384,385,386,407,408,429,430,450,451,452,473,474,486 +4001 - 62,63,64,65,83,84,85,86,87,104,105,106,107,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,210,211,212,213,214,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,377,378,379,380,381,382,398,399,400,401,402,420,421,422,423,442,443,444,464,465,466,486 +4002 - 52,53,54,55,73,74,75,76,77,78,95,96,97,98,99,100,117,118,120,121,122,139,140,142,143,144,164,165,166,167,168,169,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,235,236,237,249,250,251,252,257,258,259,272,279,280,281,301,302,303,322,323,324,325,344,345,346,365,366,367,368,381,382,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,488 +4003 - 58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,127,128,129,141,142,143,144,149,150,151,162,163,164,165,170,171,172,184,185,186,190,191,192,193,206,207,208,212,213,214,228,229,230,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,308,314,315,316,317,318,319,330,335,336,337,338,339,340,341,356,357,358,361,362,363,378,379,383,384,385,400,401,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,469,493 +4004 - 77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,147,148,149,150,156,157,158,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,237,238,239,240,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,320,321,322,323,335,336,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +4005 - 11,12,13,14,15,16,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,59,60,61,72,73,74,75,76,81,82,83,94,95,96,103,104,105,116,117,125,126,127,146,147,148,149,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,314,315,316,317,318,319,326,327,335,336,337,338,339,340,341,347,348,349,350,355,356,357,358,359,360,361,362,363,367,368,369,370,371,372,376,377,378,379,380,383,384,385,386,387,388,389,390,391,392,398,399,400,401,405,406,407,408,409,410,411,412,413,420,421,428,429,430,431,432,487 +4006 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,139,140,141,142,161,162,163,164,165,166,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,226,227,228,229,230,232,233,234,235,249,250,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,380,381,386,387,388,389,401,402,403,404,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +4007 - 34,35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,116,117,118,119,120,121,124,125,126,138,139,140,145,146,147,148,167,168,169,188,189,190,191,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,346,357,358,359,360,361,366,367,368,378,379,380,381,382,383,384,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,426,427,428,429,430,431,432,443,444,445,449,450,451,487 +4008 - 62,63,84,85,98,99,100,101,105,106,107,119,120,121,122,123,127,128,139,140,141,142,148,149,150,161,162,163,169,170,171,182,183,184,191,192,204,205,206,207,212,213,227,228,229,230,231,233,234,235,251,252,253,254,255,256,275,276,277,297,298,299,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,470,471,493 +4009 - 108,109,127,128,129,130,131,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,186,187,188,189,190,191,192,207,208,209,211,212,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,296,297,298,318,319,320,333,334,340,341,342,355,356,361,362,363,364,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,423,424,425,426,490 +4010 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,122,123,124,125,137,138,139,140,145,146,147,148,158,159,160,161,167,168,169,170,179,180,181,182,189,190,191,192,200,201,202,203,210,211,212,213,214,222,223,224,232,233,234,235,236,244,245,246,256,257,258,266,267,268,277,278,279,280,289,290,291,298,299,300,301,311,312,313,314,315,316,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,387,388,389,409,410,411,431,432,452,453,454,474,475,476,477,494 +4011 - 98,99,119,120,121,122,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,189,190,191,192,193,194,195,203,204,205,206,207,214,215,216,217,224,225,226,227,228,234,235,236,237,238,245,246,247,248,249,256,257,258,259,267,268,269,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +4012 - 36,37,58,59,76,77,78,80,81,82,97,98,99,100,103,104,105,118,119,120,121,122,125,126,127,128,139,140,141,142,143,144,148,149,150,161,162,163,170,171,172,182,183,184,185,192,193,194,204,205,206,207,214,215,216,225,226,227,228,236,237,238,247,248,249,257,258,259,268,269,270,271,278,279,280,281,290,291,292,299,300,301,302,312,313,314,321,322,323,324,333,334,335,336,341,342,343,344,345,355,356,357,358,361,362,363,364,365,366,378,379,380,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,445,446,447,448,449,485 +4013 - 79,80,81,82,85,86,87,100,101,102,103,104,105,107,108,109,120,121,122,123,124,127,128,129,130,131,141,142,143,144,149,150,151,152,163,164,165,170,171,172,173,184,185,186,191,192,193,194,207,208,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,355,356,357,358,360,361,362,376,377,378,379,382,383,384,385,398,399,400,402,403,404,405,406,420,421,422,423,424,425,426,427,443,444,445,446,447,448,493 +4014 - 53,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,101,102,103,118,119,120,123,124,125,140,141,142,145,146,147,162,163,164,167,168,169,184,185,186,188,189,190,191,207,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,473,493 +4015 - 79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,127,129,130,131,139,140,141,142,143,144,151,152,153,159,160,161,162,163,164,172,173,174,175,181,182,183,184,193,194,195,196,197,203,204,205,214,215,216,217,224,225,226,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,400,401,402,403,404,421,422,423,424,425,442,443,444,445,446,447,464,465,466,467,468,494 +4016 - 56,57,58,78,79,80,100,101,122,123,144,145,166,167,188,189,210,211,231,232,233,253,254,274,275,276,296,297,298,318,319,340,341,362,363,384,385,405,406,407,427,428,429,449,450,471,472,486 +4017 - 102,103,104,105,106,109,122,123,124,125,126,127,128,130,131,142,143,144,145,146,150,151,152,153,163,164,165,166,171,172,173,174,175,185,186,187,191,192,193,194,195,206,207,208,211,212,213,214,215,216,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,313,314,315,316,317,318,334,335,336,337,338,339,340,355,356,357,358,360,361,362,377,378,379,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,493 +4018 - 47,48,57,58,69,70,79,80,91,92,101,102,113,114,123,124,135,136,145,146,158,159,167,168,180,181,189,190,191,202,203,212,213,224,225,234,235,236,237,246,247,254,255,256,257,258,259,260,268,269,274,275,276,277,278,279,290,291,292,293,294,295,296,297,300,301,302,313,314,315,316,317,322,323,324,345,346,367,368,389,390,391,411,412,413,434,435,456,457,458,479,480,489 +4019 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,143,144,145,146,147,148,149,150,151,156,157,158,159,160,165,166,167,168,169,170,171,172,173,174,178,179,180,181,192,193,194,195,196,199,200,201,202,215,216,217,218,221,222,223,224,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,322,323,324,325,326,327,331,332,333,334,335,336,337,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,485 +4020 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,113,114,115,116,117,126,127,128,129,130,131,136,137,138,139,145,146,147,148,149,150,151,152,153,159,160,161,162,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,298,299,300,301,302,314,315,316,317,322,323,324,337,338,339,344,345,346,347,359,360,361,362,367,368,369,381,382,383,384,385,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,473,474,475,476,493 +4021 - 54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,471,472,473,486 +4022 - 94,95,96,97,98,114,115,116,117,118,119,120,121,122,135,136,137,138,142,143,144,145,157,158,159,166,167,168,169,172,173,174,178,179,180,189,190,191,192,193,194,195,199,200,201,212,213,214,215,216,217,221,222,236,237,238,243,244,245,257,258,259,265,266,279,280,281,300,301,302,321,322,323,324,343,344,345,365,366,386,387,388,408,409,410,429,430,431,451,452,453,472,473,474,492 +4023 - 27,28,29,30,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,142,143,144,145,146,165,166,167,168,169,188,189,190,191,192,210,211,212,213,214,232,233,234,235,236,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,487 +4024 - 6,7,8,9,10,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,69,70,71,76,77,78,79,91,92,99,100,101,102,113,114,122,123,124,145,146,147,167,168,169,190,191,212,213,234,235,252,253,254,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,321,322,323,324,336,337,338,342,343,344,345,346,347,359,360,364,365,366,368,369,370,381,382,383,384,385,386,387,391,392,403,404,405,406,407,408,413,414,415,426,427,428,429,436,437,438,487 +4025 - 52,53,54,72,73,74,75,76,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,162,163,164,165,166,167,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,297,298,299,300,301,320,321,322,323,324,343,344,345,346,365,366,367,368,369,387,388,389,390,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,488 +4026 - 46,47,48,67,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,118,123,124,125,145,146,147,167,168,169,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,298,299,300,301,302,323,324,325,346,347,358,359,368,369,379,380,381,389,390,391,400,401,402,411,412,413,422,423,424,425,426,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +4027 - 56,57,58,59,78,79,80,81,90,91,92,100,101,102,103,112,113,114,115,122,123,124,125,133,134,135,136,137,144,145,146,147,148,155,156,157,158,159,166,167,168,169,170,177,178,179,180,181,182,189,190,191,192,193,200,201,202,203,204,205,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,318,319,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,388,389,390,391,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,477,478,479,489 +4028 - 33,34,35,55,56,57,58,78,79,80,100,101,102,103,121,122,123,124,141,142,143,144,145,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,249,250,254,255,256,257,258,279,280,281,302,303,324,325,326,345,346,347,355,356,366,367,368,369,377,378,379,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,447,448,449,450,488 +4029 - 61,62,63,64,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,341,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,490 +4030 - 50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,123,124,125,126,133,134,135,144,145,146,147,156,165,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,325,326,327,328,346,347,348,349,350,367,368,369,370,371,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +4031 - 7,8,9,10,11,28,29,30,31,32,33,50,51,52,53,54,55,71,72,73,74,75,76,93,94,95,96,97,114,115,116,117,118,119,135,136,137,138,139,140,157,158,159,160,161,162,179,180,181,182,183,192,201,202,203,204,205,209,210,211,212,213,214,215,216,217,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,491 +4032 - 52,53,74,75,76,77,78,96,97,98,99,100,101,102,119,120,121,122,123,124,125,142,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,471,472,473,492 +4033 - 96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,221,222,223,224,225,226,227,231,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,478,492 +4034 - 30,31,32,33,34,52,53,54,55,56,57,73,74,75,79,80,82,95,96,102,103,104,116,117,118,125,126,138,139,147,148,149,159,160,161,170,171,172,181,182,183,192,193,194,203,204,205,215,216,225,226,237,238,239,247,248,259,260,261,269,281,282,291,302,303,304,312,313,324,325,326,334,335,345,346,347,356,357,366,367,368,379,380,386,387,388,389,401,402,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +4035 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,103,104,105,106,107,114,115,116,117,125,126,127,128,129,136,137,138,139,146,147,148,149,150,158,159,160,161,162,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,320,321,322,323,324,325,334,335,336,337,338,343,344,345,346,347,356,357,358,359,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,493 +4036 - 72,80,81,82,83,93,94,95,102,103,104,105,114,115,116,117,124,125,126,127,136,137,138,139,140,146,147,148,149,159,160,161,162,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,254,255,256,257,258,259,270,271,272,273,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,360,361,362,364,365,366,367,386,387,388,389,408,409,410,411,412,430,431,432,433,434,453,454,455,476,477,489 +4037 - 96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,191,192,193,194,201,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,408,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +4038 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,163,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,486 +4039 - 77,78,79,80,81,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,188,189,190,191,192,193,194,195,196,200,201,202,203,204,205,206,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,280,281,282,283,284,285,288,289,290,291,301,302,303,304,305,306,310,311,312,313,323,324,325,326,327,328,332,333,334,335,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,485 +4040 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,96,99,100,101,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,293,294,295,296,305,306,307,314,315,316,317,318,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,487 +4041 - 29,30,31,32,51,52,53,54,55,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,144,161,162,163,164,165,166,167,183,184,185,186,187,188,189,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,455,486 +4042 - 92,93,94,95,96,97,113,114,115,116,117,118,119,120,121,135,136,137,141,142,143,144,157,158,159,165,166,179,180,181,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,278,279,280,300,301,302,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4043 - 72,73,74,75,76,93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,138,139,140,141,142,143,144,145,164,165,166,167,168,187,188,189,190,210,211,212,213,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,357,358,359,360,361,487 +4044 - 13,14,34,35,36,55,56,57,76,77,78,79,98,99,119,120,121,140,141,142,143,162,163,164,184,185,186,205,206,207,208,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,278,279,280,292,293,294,295,301,302,303,314,315,316,323,324,325,336,337,338,345,346,347,359,360,361,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +4045 - 51,52,53,54,55,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,303,321,322,323,324,325,344,345,346,347,348,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,488 +4046 - 91,92,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,202,206,209,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,492 +4047 - 60,61,62,68,69,81,82,83,84,89,90,91,92,103,104,105,106,107,111,112,113,114,125,126,127,128,129,132,133,134,135,136,137,147,148,149,150,151,154,155,156,157,158,159,169,170,171,172,173,176,177,178,179,180,190,191,192,193,194,195,198,199,200,201,202,209,210,211,212,213,214,215,216,217,220,221,222,223,224,227,228,229,230,231,232,233,234,235,236,237,238,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,322,323,324,325,326,344,345,346,347,348,366,367,368,369,370,388,389,390,391,392,393,411,412,413,414,415,433,434,435,436,437,455,456,457,458,459,477,478,479,480,489 +4048 - 37,38,39,40,41,42,43,55,56,57,58,59,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,158,159,160,161,162,163,179,180,181,182,183,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,291,292,299,300,301,302,303,313,314,315,323,324,325,334,335,336,337,345,346,347,356,357,358,359,367,368,369,379,380,381,382,383,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,490 +4049 - 58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,224,225,226,227,246,247,248,249,250,251,268,269,270,271,272,273,274,275,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,490 +4050 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,123,124,125,126,136,137,146,147,148,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,389,390,391,392,401,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,487 +4051 - 8,9,10,11,12,29,30,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,115,116,117,118,119,120,137,138,139,140,141,158,159,160,161,162,163,179,180,181,182,183,184,201,202,203,204,205,206,215,223,224,225,226,227,228,232,233,234,235,236,237,238,239,240,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,491 +4052 - 56,57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,126,127,128,129,139,140,141,142,149,150,151,160,161,162,163,171,172,173,181,182,183,184,193,194,195,203,204,205,215,216,217,224,225,226,236,237,238,246,247,248,258,259,260,267,268,269,270,279,280,281,289,290,291,301,302,303,310,311,312,322,323,324,325,332,333,334,344,345,346,354,355,356,357,365,366,367,377,378,379,386,387,388,389,399,400,401,402,403,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,485 +4053 - 96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,199,200,201,202,203,204,205,209,210,211,212,213,231,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,492 +4054 - 40,41,42,61,62,63,73,74,75,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,139,140,141,161,162,163,183,184,204,205,206,207,208,209,226,227,228,229,230,231,232,248,249,250,253,254,255,275,276,277,298,299,300,320,321,322,342,343,344,364,365,366,377,385,386,387,399,400,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +4055 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,106,107,115,116,117,118,119,120,121,122,123,124,125,126,128,129,136,137,138,139,140,141,142,144,145,146,147,149,150,151,152,157,158,159,160,161,162,169,170,171,172,173,174,179,180,181,182,183,190,191,192,193,194,195,202,203,204,205,206,207,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,365,366,367,368,379,380,381,382,383,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +4056 - 34,35,55,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,386,404,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,486 +4057 - 94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,153,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,175,178,179,180,181,182,183,190,191,192,193,197,200,201,202,203,204,205,209,210,211,212,213,214,215,219,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,476,477,478,479,494 +4058 - 72,73,74,75,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,143,144,145,146,147,148,158,159,160,161,166,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,318,320,321,322,323,324,325,342,343,344,345,346,347,364,365,366,367,368,369,386,387,388,389,390,391,408,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,475,476,477,478,479,494 +4059 - 13,14,15,34,35,36,37,54,55,56,57,74,75,76,77,78,81,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,192,193,194,195,196,200,201,202,203,215,216,217,218,222,223,224,237,238,239,240,243,244,245,259,260,261,262,265,266,267,281,282,283,284,287,288,289,301,302,303,304,305,309,310,311,312,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,485 +4060 - 55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,209,210,231,232,253,254,274,275,276,296,297,298,318,319,340,341,362,363,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,486 +4061 - 53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,486 +4062 - 34,35,36,37,38,56,57,58,59,60,61,78,79,80,82,83,84,100,101,102,105,106,107,122,123,124,127,128,144,145,146,166,167,168,171,172,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,255,256,257,269,270,271,277,278,279,290,291,292,293,299,300,301,312,313,314,321,322,323,334,335,336,343,344,356,357,358,364,365,366,379,380,381,386,387,388,401,402,403,404,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,493 +4063 - 116,117,118,119,120,135,136,137,138,139,140,141,142,143,157,158,159,160,161,162,163,164,165,166,167,179,180,181,182,183,184,185,186,187,188,189,190,201,202,208,209,210,211,230,231,232,233,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,379,380,381,382,383,384,402,403,404,487 +4064 - 73,74,82,94,95,96,103,104,105,116,117,118,119,124,125,126,127,128,138,139,140,141,146,147,148,149,160,161,162,167,168,169,170,171,181,182,183,184,189,190,191,192,193,203,204,205,206,210,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +4065 - 50,51,52,53,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,283,298,299,300,301,302,303,304,305,323,324,325,326,327,345,346,347,348,349,365,366,367,368,369,370,386,387,388,389,390,391,392,407,408,409,410,411,412,413,428,429,430,431,432,433,434,449,450,451,452,453,454,471,472,473,474,475,476,488 +4066 - 80,81,92,93,94,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,146,147,148,157,158,159,168,169,170,178,179,180,181,190,191,192,200,201,202,203,212,213,214,222,223,224,225,226,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,344,345,346,347,367,368,369,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +4067 - 57,58,59,71,78,79,80,81,92,93,94,100,101,102,103,104,114,115,116,122,123,124,125,126,135,136,137,138,144,145,146,147,148,156,157,158,159,160,167,168,169,170,178,179,180,181,182,188,189,190,191,192,193,200,201,202,203,204,205,210,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,454,455,456,476,477,478,489 +4068 - 51,52,53,54,55,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,143,144,145,146,156,157,158,159,165,166,167,168,169,178,179,180,181,182,183,184,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,270,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,317,318,319,321,322,323,324,325,326,338,339,340,341,345,346,347,348,349,361,362,363,368,369,370,371,383,384,385,386,390,391,392,393,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,474,475,476,477,478,479,493 +4069 - 38,39,40,41,42,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,159,160,161,162,163,164,181,182,183,184,185,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,325,341,342,343,344,345,346,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +4070 - 50,51,52,72,73,74,94,95,96,97,117,118,119,139,140,141,142,161,162,163,164,184,185,186,187,206,207,208,209,229,230,231,232,252,253,254,274,275,276,277,296,297,298,299,319,320,321,322,342,343,344,364,365,366,367,387,388,389,409,410,411,412,432,433,434,454,455,456,477,478,486 +4071 - 8,9,10,11,29,30,31,32,33,51,52,53,54,55,72,73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,163,181,182,183,184,185,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +4072 - 15,16,17,18,19,36,37,38,39,40,41,56,57,58,59,61,62,77,78,79,80,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,205,206,207,227,228,248,249,250,270,271,292,293,314,315,322,323,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,404,405,406,407,408,409,410,411,412,413,414,491 +4073 - 92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,209,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +4074 - 56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,183,184,204,205,206,225,226,227,247,248,249,269,270,291,292,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,344,360,361,362,363,364,365,366,386,387,388,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,490 +4075 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,122,123,124,125,126,127,128,129,135,136,137,138,139,140,145,146,147,148,149,150,157,158,159,160,161,162,163,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,320,321,322,323,324,325,326,335,336,337,338,339,344,345,346,347,348,349,356,357,358,359,360,361,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,493 +4076 - 96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,166,167,168,179,188,189,190,210,211,212,232,233,234,255,256,277,278,299,300,321,322,343,344,365,366,367,387,388,389,409,410,411,431,432,433,453,454,474,475,476,492 +4077 - 94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,189,190,191,192,193,200,201,202,203,204,205,206,207,208,210,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,457,475,476,477,478,479,494 +4078 - 32,33,34,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,207,208,209,210,211,212,213,230,231,232,233,234,235,236,253,254,255,256,257,258,259,277,278,279,280,281,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,441,442,443,446,447,490 +4079 - 54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,405,406,407,408,409,428,429,430,431,450,451,452,453,454,474,475,486 +4080 - 54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,122,123,124,125,137,138,139,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,256,257,258,259,260,279,280,281,282,301,302,303,304,323,324,325,326,344,345,346,347,348,366,367,368,369,370,386,387,388,389,390,391,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,463,464,465,466,467,468,469,470,471,488 +4081 - 50,51,52,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,165,166,167,168,169,181,188,189,190,191,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,487 +4082 - 100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,171,183,184,185,190,191,192,204,205,206,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,278,279,292,293,294,295,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,407,408,428,429,430,449,450,451,452,471,472,473,494 +4083 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,94,95,96,97,98,115,116,117,118,119,137,138,139,140,141,158,159,160,161,162,180,181,182,183,184,202,203,204,205,224,225,226,227,234,235,236,237,238,246,247,248,249,254,255,256,257,258,259,260,261,262,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,491 +4084 - 7,8,9,10,29,30,31,32,33,51,52,53,54,55,56,57,74,75,76,77,78,79,80,97,98,99,100,101,102,103,122,123,124,125,126,145,146,147,148,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,229,230,234,235,236,237,246,247,248,249,250,251,252,253,256,257,258,259,268,269,270,271,272,273,274,275,278,279,280,281,291,292,293,295,296,297,298,299,300,301,302,303,313,314,315,318,319,320,321,322,323,324,335,336,337,338,341,342,343,344,345,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,434,435,487 +4085 - 55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,159,160,161,162,163,180,181,182,183,184,202,203,204,205,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,326,344,345,346,347,348,366,367,368,369,370,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,490 +4086 - 35,36,49,57,58,70,71,79,80,91,92,93,101,102,113,114,115,123,124,135,136,145,146,147,156,157,158,168,169,178,179,180,190,191,192,200,201,202,212,213,214,223,224,234,235,236,245,246,247,248,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,346,347,348,368,369,370,391,392,413,414,435,436,458,489 +4087 - 50,51,52,53,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +4088 - 101,102,103,104,105,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,190,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,492 +4089 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,190,192,193,194,195,196,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,301,302,303,304,305,306,307,310,311,312,321,322,323,324,325,326,327,328,329,332,333,334,335,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +4090 - 29,30,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,95,96,97,117,118,119,139,140,141,144,145,146,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,212,213,214,227,228,229,230,234,235,236,249,250,251,257,258,279,280,281,301,302,303,323,324,325,335,336,337,345,346,347,356,357,358,359,367,368,369,378,379,380,389,390,391,401,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +4091 - 29,30,31,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,138,144,145,146,166,167,168,188,189,190,191,210,211,212,213,232,233,234,235,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,367,368,369,370,371,372,373,377,378,379,380,381,382,383,391,392,393,394,395,400,401,402,403,404,416,417,487 +4092 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,104,105,106,116,117,118,126,127,128,129,137,138,139,149,150,151,159,160,161,172,173,174,180,181,182,183,194,195,196,202,203,204,216,217,218,223,224,225,226,238,239,240,245,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,292,303,304,305,312,313,314,315,325,326,334,335,336,337,346,347,348,356,357,358,367,368,369,379,380,381,382,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +4093 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,143,144,145,146,147,158,159,160,161,165,166,167,168,169,170,180,181,182,183,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,343,344,345,346,347,360,361,362,363,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,493 +4094 - 92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,166,167,168,169,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +4095 - 97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,213,214,215,216,221,222,223,224,225,226,227,234,235,236,237,238,243,244,245,256,257,258,259,260,278,279,280,281,282,300,301,302,303,304,322,323,324,325,326,344,345,346,347,348,366,367,368,369,388,389,390,391,392,410,411,412,413,414,431,432,433,434,435,453,454,455,456,475,476,477,478,492 +4096 - 74,75,76,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,256,257,258,270,271,272,273,274,278,279,280,292,293,294,300,301,302,314,315,316,321,322,323,324,336,337,343,344,345,364,365,366,367,385,386,387,388,404,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,490 +4097 - 35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,189,190,191,192,193,194,195,196,201,202,203,204,205,206,212,217,218,219,223,224,225,226,227,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,302,303,304,305,306,310,311,312,322,323,324,325,326,327,328,332,333,334,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,485 +4098 - 33,34,35,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +4099 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,145,146,147,148,159,166,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,297,298,299,300,301,302,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,369,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +4100 - 7,8,9,10,11,12,13,14,15,16,28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,72,73,74,94,95,116,117,138,139,160,161,182,183,204,205,209,210,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,280,281,282,283,292,293,294,304,305,306,326,327,328,348,349,350,357,358,359,360,361,362,363,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,490 +4101 - 5,6,7,26,27,28,29,30,48,49,50,51,52,69,70,71,72,73,91,92,93,94,95,113,114,115,116,135,136,137,138,157,158,159,160,169,170,171,172,173,174,179,180,181,182,189,190,191,192,193,194,195,196,201,202,203,204,209,210,211,212,213,214,215,216,217,218,219,223,224,225,226,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +4102 - 36,37,38,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,127,128,129,130,131,138,139,140,141,142,150,151,152,153,159,160,161,162,173,174,175,180,181,182,183,195,196,197,201,202,203,204,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,248,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,302,303,304,305,310,311,312,313,323,324,325,326,327,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,359,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,447,448,485 +4103 - 69,70,80,81,82,91,92,102,103,104,112,113,114,115,124,125,126,134,135,136,137,146,147,148,156,157,158,168,169,170,171,178,179,180,190,191,192,193,200,201,202,203,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,342,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,489 +4104 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,146,147,167,168,169,189,190,191,210,211,212,231,232,233,234,253,254,255,274,275,276,296,297,298,317,318,319,339,340,341,361,362,382,383,384,404,405,406,426,427,428,447,448,449,469,470,471,492 +4105 - 49,50,51,70,71,72,73,74,81,82,83,91,92,93,94,95,102,103,104,105,112,113,114,115,116,124,125,126,127,134,135,136,137,146,147,148,149,155,156,157,158,168,169,170,171,178,179,180,190,191,192,193,200,201,202,203,204,205,206,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,457,475,476,477,478,479,489 +4106 - 54,58,59,60,61,62,63,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,120,121,136,137,138,139,158,159,160,180,181,182,202,203,204,224,225,226,227,228,246,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,321,322,323,324,344,345,346,366,367,368,381,382,388,389,390,403,404,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,474,490 +4107 - 52,53,54,55,73,74,75,76,77,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,156,157,158,159,160,161,162,163,165,166,167,168,179,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,325,343,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,477,488 +4108 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,125,126,127,137,138,139,140,147,148,149,159,160,169,170,171,181,182,190,191,192,203,211,212,213,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,428,429,430,431,432,433,434,435,436,454,455,456,457,458,477,478,479,480,487 +4109 - 8,9,29,30,31,32,50,51,52,53,54,71,72,73,74,75,92,93,94,95,96,97,114,115,116,117,118,136,137,138,139,157,158,159,160,161,179,180,181,182,183,201,202,203,204,205,215,216,223,224,225,226,227,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,386,387,388,389,491 +4110 - 32,33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,100,101,102,103,104,105,116,117,118,119,122,123,125,126,127,128,137,138,139,140,148,149,150,158,159,160,161,171,172,173,180,181,182,183,193,194,195,202,203,204,216,217,218,224,225,226,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,333,334,335,346,347,348,349,356,357,358,366,367,368,369,370,371,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +4111 - 94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,198,199,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,390,407,408,409,410,411,429,430,431,432,433,434,451,452,453,454,455,456,473,474,475,476,477,478,492 +4112 - 37,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,123,124,125,126,139,140,145,146,147,148,166,167,168,169,188,189,190,208,209,210,211,230,231,232,233,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,303,304,305,306,307,313,314,315,316,317,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,421,422,423,487 +4113 - 69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,140,141,142,143,144,163,164,165,166,185,186,187,188,189,208,209,210,211,230,231,232,233,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,348,349,350,351,358,359,360,361,362,487 +4114 - 49,50,51,52,72,73,74,75,76,95,96,97,98,99,100,101,102,121,122,123,124,125,126,146,147,148,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +4115 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,322,323,324,325,326,345,346,347,348,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,488 +4116 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,145,146,147,158,159,160,161,168,169,180,181,182,190,202,203,204,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,301,302,303,323,324,325,345,346,347,367,368,369,389,390,391,411,412,432,433,434,454,455,456,476,477,478,494 +4117 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,168,169,170,171,179,180,181,182,183,189,190,191,192,193,201,202,203,211,212,213,214,222,223,224,225,232,233,234,235,236,244,245,246,252,253,254,255,256,257,258,266,267,268,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,321,322,323,324,333,334,335,336,337,338,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,494 +4118 - 6,7,8,9,10,11,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,69,70,71,76,77,78,91,92,93,98,99,100,121,122,123,143,144,145,165,166,167,168,187,188,189,190,210,211,212,232,233,234,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,347,348,349,357,358,359,360,361,362,363,364,365,366,370,371,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,487 +4119 - 31,32,33,34,53,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,486 +4120 - 31,32,33,34,52,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,101,102,103,104,117,118,119,123,124,125,126,127,138,139,140,141,145,146,147,148,149,161,162,163,168,169,170,171,183,184,185,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,235,236,237,250,251,252,253,254,257,258,259,279,280,281,300,301,302,321,322,323,324,343,344,345,355,356,364,365,366,367,376,377,378,384,385,386,387,388,398,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,494 +4121 - 50,51,71,72,73,74,92,93,94,95,96,97,113,114,115,116,117,118,119,120,135,136,137,138,139,140,141,142,143,157,158,159,160,161,162,163,164,165,166,180,181,182,184,185,186,187,188,189,207,208,209,210,211,212,230,231,232,233,252,253,254,255,257,258,259,260,261,262,263,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,381,382,383,487 +4122 - 98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,203,204,205,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,288,289,295,296,297,298,299,300,301,302,310,311,312,313,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,490 +4123 - 52,53,54,55,56,74,75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,433,451,452,453,454,455,474,475,476,486 +4124 - 9,10,11,12,13,14,15,31,32,33,34,35,36,37,38,58,59,60,81,82,83,103,104,105,126,127,148,149,150,170,171,172,192,193,194,214,215,216,226,227,228,229,230,231,235,236,237,247,248,249,250,251,252,253,257,258,259,268,269,270,271,274,275,276,278,279,280,290,291,292,297,298,299,300,301,311,312,313,319,320,321,322,323,333,334,335,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,401,402,403,404,407,408,428,429,487 +4125 - 94,95,96,114,115,116,117,118,135,136,137,138,139,140,141,142,157,158,159,160,161,162,163,164,179,180,181,182,183,184,185,186,187,206,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,381,382,487 +4126 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,450,451,452,472,473,486 +4127 - 100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,190,191,192,193,194,195,199,200,201,202,203,204,205,210,211,212,213,214,215,216,217,221,222,223,224,225,226,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,323,324,325,326,327,333,334,335,336,337,345,346,347,348,367,368,369,370,389,390,391,392,412,413,414,434,435,436,437,457,458,459,479,480,481,482,494 +4128 - 50,51,52,55,56,72,73,74,75,78,79,94,95,96,97,100,101,117,118,119,120,122,123,140,141,142,143,144,145,163,164,165,166,167,186,187,188,208,209,210,211,229,230,231,232,233,251,252,254,255,256,272,273,274,277,278,294,295,299,300,316,317,321,322,323,338,343,344,345,359,360,365,366,367,381,382,387,388,389,403,404,405,409,410,426,427,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +4129 - 4,5,6,26,27,28,47,48,49,50,68,69,70,71,72,90,91,92,93,112,113,114,115,134,135,136,137,156,157,158,159,178,179,180,181,189,190,191,192,193,194,195,196,197,200,201,202,203,209,210,211,212,213,214,215,216,217,218,219,222,223,224,225,230,231,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,491 +4130 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,77,78,79,80,92,93,94,101,102,114,123,124,125,145,146,147,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,278,279,280,292,293,294,295,296,297,298,300,301,302,313,314,315,316,317,318,319,320,321,322,323,334,335,336,341,342,343,344,345,356,357,365,366,367,368,378,379,386,387,388,389,390,400,401,407,408,409,412,413,422,423,424,425,426,427,428,429,430,435,445,446,447,448,449,450,451,487 +4131 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,189,190,191,192,193,194,195,196,201,202,203,204,205,212,213,214,215,216,217,218,223,224,225,226,235,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,303,304,305,306,307,311,312,313,314,315,316,324,325,326,327,328,329,333,334,335,336,337,338,339,340,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,485 +4132 - 49,50,51,52,53,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,117,118,119,120,121,122,123,141,142,143,144,145,146,165,166,167,168,188,189,190,210,211,212,232,233,234,252,253,254,255,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,369,370,371,373,376,377,378,379,380,487 +4133 - 31,32,33,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,228,229,230,231,232,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,344,362,363,364,365,366,367,384,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,452,453,454,455,486 +4134 - 60,61,62,82,83,84,104,105,125,126,127,142,143,147,148,163,164,165,168,169,170,184,185,186,187,190,191,205,206,207,208,209,212,213,226,227,228,233,234,235,247,248,249,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,319,320,325,326,340,341,342,362,363,383,384,385,405,406,407,427,428,449,450,471,472,473,489 +4135 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,157,159,160,161,162,163,164,165,166,167,168,169,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,345,346,347,348,367,368,369,370,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,471,472,473,474,475,488 +4136 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,144,162,163,164,165,184,185,186,187,206,207,208,227,228,229,230,249,250,251,252,253,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,315,316,317,319,322,323,324,325,326,337,338,339,346,347,348,359,360,361,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +4137 - 37,38,57,58,59,60,61,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,213,214,215,216,217,222,223,224,225,226,236,237,238,239,244,245,246,247,259,260,261,262,266,267,268,269,281,282,283,284,287,288,289,290,291,301,302,303,304,305,306,309,310,311,312,323,324,325,326,327,328,331,332,333,334,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +4138 - 90,91,92,93,112,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +4139 - 93,94,95,96,114,115,116,117,118,119,120,135,136,137,138,139,140,141,142,143,157,158,159,160,161,162,163,164,165,166,179,180,181,182,183,184,185,186,187,188,207,208,209,210,230,231,232,233,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,358,359,360,361,362,381,382,487 +4140 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,76,77,78,79,80,84,85,97,98,99,106,107,118,119,120,127,128,129,139,140,141,148,149,150,161,162,168,169,170,171,183,184,189,190,191,192,205,206,210,211,212,213,227,228,229,231,232,233,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,302,314,315,316,322,323,324,335,336,337,344,345,346,356,357,358,364,365,366,367,368,378,379,384,385,386,387,388,400,401,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,493 +4141 - 95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,208,210,211,212,213,214,221,222,223,224,225,226,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,457,476,477,478,479,480,492 +4142 - 97,98,99,117,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,165,182,183,184,185,204,205,206,207,208,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,476,477,494 +4143 - 61,62,63,64,80,81,82,83,84,85,86,87,94,95,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,185,186,187,188,189,200,201,202,203,204,205,206,207,208,209,222,223,224,225,226,227,228,229,230,244,245,246,247,248,249,250,251,252,253,254,267,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,341,342,343,344,345,346,365,366,367,368,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,490 +4144 - 33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,96,97,98,117,118,119,123,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,191,192,193,194,202,203,204,205,206,207,214,215,216,224,225,226,227,237,238,259,260,261,281,282,302,303,304,324,325,326,337,338,345,346,347,348,358,359,360,366,367,368,369,379,380,381,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +4145 - 97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,204,205,206,212,213,214,215,221,222,223,224,234,235,236,237,256,257,258,259,279,280,281,301,302,303,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,492 +4146 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,160,161,162,168,169,181,182,183,188,189,190,191,192,203,204,205,208,209,210,211,212,213,214,225,226,229,230,231,232,234,235,236,247,248,249,250,251,252,253,256,257,258,269,270,271,272,273,278,279,280,300,301,322,323,344,345,366,367,388,389,410,411,432,433,454,455,476,477,494 +4147 - 6,7,8,27,28,29,30,48,49,50,51,52,70,71,72,73,74,91,92,93,94,95,113,114,115,116,117,134,135,136,137,138,156,157,158,159,178,179,180,181,200,201,202,203,215,216,222,223,224,225,226,235,236,237,238,239,240,244,245,246,247,248,249,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,360,361,362,363,364,365,366,367,368,369,370,371,372,373,386,387,388,389,491 +4148 - 36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,139,140,141,142,143,148,149,150,151,160,161,162,171,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,223,224,225,226,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,287,288,289,290,303,304,305,306,309,310,311,323,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,444,445,485 +4149 - 54,55,76,77,78,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,409,429,430,431,451,452,453,473,474,475,486 +4150 - 42,43,63,64,65,83,84,85,86,87,103,104,105,106,107,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,181,182,183,184,185,186,203,204,205,206,224,225,226,227,245,246,247,248,249,250,251,269,270,271,272,273,274,275,276,294,295,296,297,298,299,319,320,321,342,343,357,358,363,364,365,378,379,383,384,385,386,387,400,401,402,403,404,405,406,407,422,423,424,425,426,427,445,446,447,448,490 +4151 - 99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,167,168,169,170,180,181,182,183,184,185,187,188,189,190,191,192,193,201,202,203,204,205,209,210,211,212,213,214,215,222,223,224,225,226,230,231,232,233,234,235,236,237,244,245,246,247,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,344,345,358,359,360,366,367,388,389,410,411,432,433,454,455,456,476,477,478,494 +4152 - 83,84,85,86,96,97,98,99,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,380,381,382,401,402,403,422,423,424,425,444,445,446,465,466,467,492 +4153 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,121,122,123,124,125,126,138,139,140,141,144,145,146,147,148,159,160,161,162,163,167,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,304,313,314,315,321,322,323,324,325,326,335,336,337,338,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +4154 - 57,58,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,470,471,486 +4155 - 7,8,9,10,28,29,30,31,50,51,52,53,71,72,73,74,93,94,95,96,115,116,117,136,137,138,139,158,159,160,161,180,181,182,202,203,204,211,212,213,214,215,224,225,226,232,233,234,235,236,237,238,246,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,491 +4156 - 73,74,81,82,83,84,94,95,96,97,103,104,105,106,116,117,118,119,124,125,126,127,128,138,139,140,141,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,321,322,323,324,333,334,335,336,337,343,344,345,355,356,357,358,365,366,367,377,378,379,380,387,388,389,400,401,409,410,411,431,432,433,453,454,455,474,475,476,489 +4157 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,169,170,171,172,173,174,178,179,180,181,182,183,184,185,192,193,194,195,196,197,200,201,202,203,204,205,206,215,216,217,218,219,222,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,249,259,260,261,262,263,266,267,268,269,270,280,281,282,283,284,285,288,289,290,291,292,301,302,303,304,305,306,307,310,311,312,313,314,321,322,323,324,325,326,327,328,329,332,333,334,335,336,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +4158 - 60,61,62,63,79,80,81,82,83,84,85,86,94,100,101,102,103,104,105,106,107,108,109,115,116,117,122,123,124,125,128,129,130,131,136,137,138,139,143,144,145,151,152,153,157,158,159,160,161,173,174,175,179,180,181,182,195,196,197,201,202,203,216,217,218,219,222,223,224,225,237,238,239,240,241,244,245,246,247,258,259,260,261,262,266,267,268,279,280,281,282,283,288,289,290,300,301,302,303,304,310,311,312,321,322,323,324,325,332,333,334,342,343,344,345,346,354,355,356,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,444,445,446,447,448,449,485 +4159 - 6,7,8,27,28,29,30,31,48,49,50,51,52,53,71,72,73,74,93,94,95,96,114,115,116,117,118,136,137,138,139,140,158,159,160,161,180,181,182,183,201,202,203,204,205,212,213,214,215,216,217,224,225,226,227,231,232,233,234,235,236,237,238,239,240,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,491 +4160 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,126,127,128,138,139,140,141,142,144,149,150,160,161,162,163,164,171,172,182,183,184,185,193,194,204,205,206,215,216,225,226,227,228,237,238,247,248,249,250,259,260,269,270,271,272,281,291,292,293,303,304,313,314,315,324,325,326,335,336,337,346,347,357,358,359,367,368,369,379,380,381,387,388,389,390,401,402,403,404,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +4161 - 33,34,35,54,55,56,57,58,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,189,190,191,192,193,194,202,203,204,205,206,207,212,213,214,215,216,217,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,271,280,281,282,283,284,289,290,291,292,301,302,303,304,305,312,313,314,315,322,323,324,325,326,327,328,334,335,336,337,338,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,485 +4162 - 32,33,34,35,36,37,53,54,55,58,59,75,76,79,80,96,97,98,101,102,118,119,120,123,124,140,141,142,144,145,163,164,166,167,185,186,187,188,189,208,209,210,230,231,232,251,252,253,254,255,273,274,275,276,277,294,295,296,298,299,316,317,320,321,338,339,342,343,344,360,361,364,365,366,382,383,386,387,388,404,405,406,408,409,426,427,428,429,430,431,449,450,451,452,453,493 +4163 - 50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,165,166,167,168,169,188,189,190,191,211,212,213,232,233,234,235,253,254,255,256,257,263,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,487 +4164 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,123,124,125,126,127,134,135,136,137,146,147,148,149,150,156,157,158,170,171,172,178,179,180,191,192,193,194,199,200,201,202,213,214,215,216,221,222,223,224,232,233,234,235,236,237,243,244,245,246,254,255,256,257,258,259,265,266,267,268,276,277,278,279,280,281,288,289,290,291,298,299,300,301,302,303,310,311,312,313,314,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,345,346,347,355,356,357,358,359,360,361,362,363,367,368,369,379,380,381,382,383,384,389,390,391,392,411,412,413,414,433,434,435,436,456,457,458,478,479,494 +4165 - 32,33,34,35,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,168,169,170,171,172,173,179,180,181,182,183,184,185,191,192,193,194,195,201,202,203,204,205,206,213,214,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,328,329,332,333,334,335,336,337,338,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,485 +4166 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,120,121,122,123,124,138,142,143,144,145,146,164,165,166,167,185,186,187,188,205,206,207,208,209,227,228,229,230,231,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,344,345,346,347,348,365,366,367,368,369,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +4167 - 10,11,12,13,31,32,33,34,35,51,52,53,54,55,56,57,72,73,74,75,76,77,78,94,95,96,97,98,115,116,117,118,119,137,138,139,140,158,159,160,161,180,181,182,183,202,203,204,205,213,214,215,216,223,224,225,226,231,232,233,234,235,236,237,238,239,245,246,247,252,253,254,255,256,257,258,259,260,261,267,268,269,274,275,276,277,278,279,280,281,282,283,284,289,290,291,295,296,297,298,299,300,302,303,304,305,306,311,312,313,314,317,318,319,320,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,491 +4168 - 57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,109,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,181,182,183,203,204,205,225,226,227,247,248,249,250,270,271,272,293,294,295,315,316,317,318,319,338,339,340,341,342,343,362,363,364,365,366,385,386,387,388,389,408,409,410,411,423,424,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +4169 - 33,34,35,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,431,449,450,451,452,453,486 +4170 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,140,141,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,294,295,296,297,300,301,302,303,316,317,318,319,323,324,325,337,338,339,340,346,347,348,359,360,361,362,368,369,370,381,382,383,389,390,391,392,403,404,405,411,412,413,414,426,427,428,429,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +4171 - 59,60,61,62,63,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,203,204,205,206,207,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,343,344,345,346,364,365,366,367,368,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,472,490 +4172 - 7,8,9,10,28,29,30,31,32,33,49,50,51,52,71,72,73,74,93,94,95,115,116,117,137,138,139,159,160,161,180,181,182,183,202,203,204,205,225,226,227,247,248,249,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,403,404,406,407,408,409,410,411,412,491 +4173 - 34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,146,147,148,149,150,160,161,162,163,166,167,168,169,170,171,181,182,183,184,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,341,342,343,344,345,346,357,358,359,360,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,493 +4174 - 74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,128,129,130,134,135,136,137,151,152,153,156,157,173,174,175,195,196,217,218,238,239,240,241,254,255,256,257,258,259,260,261,262,263,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,302,303,304,311,312,313,314,315,316,323,324,325,332,333,334,335,344,345,346,354,355,365,366,367,376,377,378,386,387,388,398,399,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,487 +4175 - 80,81,82,89,90,91,102,103,104,111,112,113,114,123,124,125,126,133,134,135,136,145,146,147,148,149,155,156,157,158,168,169,170,171,177,178,179,190,191,192,193,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +4176 - 76,77,97,98,99,103,119,120,121,124,125,126,140,141,142,143,146,147,148,161,162,163,164,168,169,170,182,183,184,185,190,191,192,203,204,205,206,212,213,214,224,225,226,227,234,235,236,237,240,245,246,247,248,249,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,345,346,347,367,368,369,388,389,390,391,410,411,412,432,433,489 +4177 - 50,51,52,53,70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,322,323,324,325,345,346,347,348,367,368,369,370,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +4178 - 9,10,11,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,282,283,284,290,291,292,293,294,295,296,297,298,303,304,305,312,313,314,315,316,317,318,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,491 +4179 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,213,214,215,216,217,218,223,224,225,226,227,228,234,235,236,237,238,239,240,244,245,246,247,248,255,256,257,258,259,260,261,262,265,266,267,268,269,270,277,278,279,280,281,282,283,284,287,288,289,290,291,300,301,302,303,304,305,306,309,310,311,312,313,320,321,322,323,324,325,326,327,331,332,333,334,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,467,468,469,485 +4180 - 58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,130,131,137,138,139,140,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,193,202,203,204,205,225,226,227,247,248,249,250,251,270,271,272,273,274,275,293,294,295,296,297,298,318,319,320,321,334,341,342,343,344,356,364,365,366,378,379,380,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +4181 - 32,33,34,54,55,56,57,76,77,78,79,80,98,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,486 +4182 - 98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,232,233,234,235,248,249,254,255,256,270,271,275,276,277,278,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,338,339,341,342,343,363,364,365,385,386,407,408,429,430,451,452,473,474,475,494 +4183 - 35,36,37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +4184 - 28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,100,101,102,122,123,124,143,144,145,146,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,231,232,233,234,235,236,256,257,258,259,260,280,281,282,286,287,288,302,303,304,305,308,309,310,311,325,326,327,331,332,333,334,347,348,349,354,355,356,357,358,369,370,371,377,378,379,380,381,382,383,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,453,454,455,488 +4185 - 71,72,73,81,82,83,93,94,95,103,104,105,106,114,115,116,117,125,126,127,128,136,137,138,139,140,147,148,149,150,158,159,160,161,169,170,171,172,179,180,181,182,183,191,192,193,194,201,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,489 +4186 - 8,9,10,29,30,31,50,51,52,53,72,73,74,93,94,95,96,114,115,116,117,126,127,128,136,137,138,144,145,146,147,148,149,150,151,157,158,159,160,164,165,166,167,168,169,170,171,172,173,174,179,180,181,186,187,188,189,190,191,192,193,194,195,196,201,202,207,208,209,210,216,217,218,219,223,224,228,229,230,231,238,239,240,241,244,245,246,250,251,252,261,262,263,266,267,268,272,273,274,283,284,285,289,290,294,295,296,297,303,304,305,306,311,312,313,314,316,317,318,319,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +4187 - 82,83,93,103,104,105,114,115,116,125,126,127,135,136,137,138,139,147,148,149,156,157,158,159,160,161,168,169,170,171,178,179,180,181,182,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +4188 - 79,80,81,100,101,102,103,121,122,123,124,125,141,142,143,144,145,146,147,161,162,163,164,165,168,169,181,182,183,184,185,186,190,191,201,202,203,204,205,206,211,212,213,222,223,224,225,226,233,234,235,242,243,244,245,246,255,256,257,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,343,344,345,346,347,366,367,387,388,389,409,410,411,431,432,433,454,455,476,477,489 +4189 - 55,56,57,58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,123,124,125,126,127,137,138,139,140,141,145,146,147,148,149,150,158,159,160,161,166,167,168,169,170,171,172,179,180,181,188,189,190,191,200,201,202,203,209,210,211,212,222,223,224,225,230,231,232,233,244,245,246,247,248,249,250,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,360,361,362,363,365,366,367,368,369,382,383,384,385,388,389,390,391,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,473,474,475,493 +4190 - 9,10,11,31,32,33,52,53,54,55,74,75,76,95,96,97,117,118,119,138,139,140,141,160,161,162,182,183,184,190,191,192,193,203,204,205,206,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,272,275,276,277,278,280,281,282,291,292,293,294,297,298,299,300,301,302,303,304,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,382,383,384,385,386,387,388,407,408,409,491 +4191 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,123,124,125,126,127,135,136,137,138,139,147,148,149,150,157,158,159,160,169,170,171,172,178,179,180,181,182,190,191,192,193,194,200,201,202,203,204,205,206,207,208,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,347,361,362,363,364,366,367,368,369,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,493 +4192 - 27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,103,104,112,113,114,126,127,128,135,136,137,147,148,149,150,157,158,159,160,161,168,169,170,171,180,181,182,183,184,185,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,292,293,294,295,299,300,301,302,303,313,314,315,316,322,323,324,325,326,334,335,336,337,346,347,348,356,357,358,368,369,370,371,378,379,380,381,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,493 +4193 - 70,71,72,80,81,91,92,93,94,101,102,103,104,113,114,115,116,123,124,125,126,134,135,136,137,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,181,182,183,185,186,188,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,434,452,453,454,455,456,475,476,477,478,489 +4194 - 57,78,79,80,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,164,166,167,168,181,182,183,184,188,189,190,203,204,205,210,211,212,222,223,225,226,227,232,233,234,244,245,246,247,248,249,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,343,344,345,346,347,350,351,365,366,387,388,389,409,410,411,431,432,433,453,454,455,489 +4195 - 35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,159,160,161,162,163,164,180,181,182,183,202,203,204,205,224,225,226,227,228,246,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,364,365,366,367,368,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,490 +4196 - 57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,447,448,449,469,470,486 +4197 - 97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,185,187,188,189,190,191,200,201,202,203,204,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +4198 - 53,62,63,64,74,75,76,83,84,85,86,96,97,98,104,105,106,107,117,118,119,120,126,127,128,129,138,139,140,141,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,227,233,234,235,236,237,245,246,247,248,249,253,254,255,256,257,258,267,268,269,270,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,471,472,473,489 +4199 - 53,54,55,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,343,344,345,346,347,364,365,366,367,368,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,490 +4200 - 33,34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,212,213,229,230,231,232,233,252,253,254,255,274,275,276,277,278,297,298,299,300,301,320,321,322,323,342,343,344,345,352,353,363,364,365,366,367,368,374,375,376,377,378,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,447,448,449,450,451,488 +4201 - 75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,208,209,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,363,364,365,366,367,368,386,387,388,389,390,409,410,411,412,413,431,432,433,434,453,454,455,456,457,476,477,478,479,480,492 +4202 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,102,103,104,119,120,121,124,125,126,140,141,142,146,147,148,162,163,164,169,170,184,185,191,192,205,206,207,213,214,227,228,229,235,236,248,249,250,256,257,258,270,271,272,277,278,279,280,292,293,299,300,301,302,313,314,315,320,321,322,323,335,336,337,341,342,343,344,357,358,359,362,363,364,365,366,379,380,381,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +4203 - 54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,147,148,149,158,159,160,161,162,168,169,170,171,172,180,181,182,183,184,189,190,191,192,193,194,202,203,204,205,206,207,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,343,344,345,346,347,359,360,361,362,366,367,368,369,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +4204 - 53,54,55,56,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,146,147,148,149,150,151,152,161,162,163,172,173,174,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,250,269,270,271,272,273,292,293,294,295,296,297,298,315,316,317,318,319,320,321,340,341,342,343,344,345,363,364,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,490 +4205 - 71,72,73,74,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,168,181,182,186,187,188,189,190,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,322,323,324,325,345,346,347,348,367,368,369,370,389,390,391,392,410,411,412,413,414,431,432,433,434,435,452,453,454,455,456,473,474,475,476,477,488 +4206 - 53,54,55,56,74,75,76,77,78,96,97,98,99,100,117,118,119,120,121,122,139,140,141,142,143,148,161,162,163,164,165,169,170,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,317,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,489 +4207 - 70,71,80,81,91,92,93,94,100,101,102,103,113,114,115,116,122,123,124,125,126,135,136,137,138,139,144,145,146,147,148,156,157,158,159,160,166,167,168,169,170,178,179,180,181,182,188,189,190,191,192,200,201,202,203,204,205,206,210,211,212,213,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,325,342,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477,489 +4208 - 75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,314,315,316,317,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,431,432,433,453,454,455,476,477,478,494 +4209 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,128,129,136,137,138,139,140,146,147,148,149,150,151,158,159,160,161,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,202,203,204,205,206,207,208,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,381,382,383,384,385,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +4210 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,104,105,117,118,119,126,127,138,139,140,141,148,149,160,161,162,170,171,183,192,193,213,214,215,235,236,253,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,301,302,308,309,319,320,321,322,323,324,330,331,332,345,346,353,354,355,367,368,376,377,378,379,387,388,389,390,399,400,401,402,403,404,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,448,449,450,451,488 +4211 - 53,54,55,56,57,72,73,74,75,76,77,78,79,84,93,94,95,96,97,98,99,100,101,105,106,107,114,115,116,117,118,119,120,121,122,123,127,128,129,135,136,137,138,139,140,144,145,148,149,150,151,157,158,159,160,166,167,168,169,170,171,172,173,178,179,180,181,189,190,191,192,193,194,200,201,202,203,210,211,212,213,214,215,216,222,223,224,225,226,227,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,366,367,368,369,381,382,383,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +4212 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +4213 - 58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,203,204,205,206,207,224,225,226,227,228,246,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,490 +4214 - 54,55,56,57,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,140,141,142,143,144,145,161,162,163,164,165,183,184,185,205,206,207,227,228,229,249,250,251,272,273,294,295,296,316,317,318,319,320,339,340,341,342,343,344,362,363,364,365,366,367,386,387,388,389,390,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +4215 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,121,122,123,124,125,135,136,137,138,139,140,144,145,146,147,157,158,159,160,161,162,167,168,169,170,189,190,191,192,212,213,214,234,235,236,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,372,373,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,487 +4216 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,125,126,140,141,142,147,148,149,161,162,163,169,170,171,182,183,184,190,191,192,203,204,205,212,213,214,224,225,226,232,233,234,235,246,247,248,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,319,320,321,340,341,342,362,363,364,384,385,405,406,407,427,428,448,449,450,470,471,472,494 +4217 - 98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,192,193,194,195,200,201,202,203,204,211,212,213,214,215,216,217,221,222,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,431,432,433,434,435,454,455,456,457,476,477,478,479,494 +4218 - 53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,117,118,119,120,139,140,141,161,162,163,183,184,185,186,206,207,208,228,229,230,231,232,251,252,253,254,255,256,275,276,277,278,279,280,299,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,411,427,428,429,430,431,432,447,448,449,450,451,452,469,470,471,472,473,490 +4219 - 94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,199,200,201,202,203,204,205,210,211,212,213,214,221,222,223,224,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,473,474,475,476,477,492 +4220 - 31,32,33,35,36,37,51,52,53,54,55,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,100,101,102,103,116,117,118,122,123,124,137,138,139,144,145,146,159,160,161,166,167,168,180,181,182,188,189,190,202,203,210,211,212,224,225,232,233,234,246,247,254,255,256,267,268,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,359,360,364,365,366,386,387,388,409,410,431,432,433,454,455,489 +4221 - 55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,431,449,450,451,452,472,473,474,486 +4222 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,204,205,206,207,208,209,226,227,228,229,230,248,249,250,251,252,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,339,340,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,472,473,474,494 +4223 - 29,30,31,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,298,299,300,301,302,303,321,322,323,324,325,326,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +4224 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +4225 - 49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,128,129,130,134,135,136,137,138,145,146,147,148,149,150,151,152,156,157,158,159,160,161,168,169,170,171,172,173,174,175,179,180,181,182,183,184,185,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,342,343,344,345,346,347,358,359,360,361,366,367,368,369,379,380,381,382,383,384,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,493 +4226 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,98,99,100,101,102,106,116,117,118,123,124,126,127,128,129,139,140,141,147,148,149,150,151,161,162,163,164,168,169,170,171,184,185,186,187,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,253,254,255,275,276,277,278,296,297,298,299,300,317,318,319,321,322,339,340,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,403,404,405,409,410,411,425,426,427,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,493 +4227 - 54,55,56,76,77,78,79,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,486 +4228 - 56,57,78,79,100,101,122,123,143,144,145,165,166,167,187,188,189,209,210,231,232,253,254,274,275,276,296,297,298,318,319,340,341,362,363,384,385,406,407,427,428,429,449,450,451,471,472,486 +4229 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,192,193,194,195,196,200,201,202,203,204,205,215,216,217,218,222,223,224,225,226,237,238,239,240,241,244,245,246,247,248,258,259,260,261,262,263,266,267,268,269,270,279,280,281,282,283,284,285,288,289,290,291,292,299,300,301,302,303,304,305,306,310,311,312,313,314,320,321,322,323,324,325,326,327,328,332,333,334,335,336,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +4230 - 4,5,6,7,8,9,26,27,28,29,30,31,32,33,48,49,52,53,54,55,56,57,76,77,78,79,80,81,101,102,103,124,125,126,146,147,148,168,169,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,271,272,273,292,293,294,313,314,315,334,335,336,356,357,358,359,379,380,381,382,383,384,385,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,427,428,429,430,431,432,433,434,435,436,437,438,439,487 +4231 - 94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,211,212,213,214,222,223,224,233,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,303,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,452,453,454,455,474,475,476,477,478,492 +4232 - 11,12,13,14,15,16,33,34,35,36,37,38,54,55,56,57,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,235,236,237,247,248,249,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,282,291,292,293,298,299,300,301,302,303,304,313,314,315,319,320,321,322,324,325,326,335,336,337,338,341,342,343,345,346,347,348,357,358,359,360,361,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +4233 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,138,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,202,203,204,205,206,207,224,225,226,227,246,247,248,249,250,251,252,268,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,490 +4234 - 55,56,57,76,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,429,448,449,450,451,470,471,472,486 +4235 - 99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,191,192,193,194,195,199,200,201,202,203,204,205,206,213,214,215,216,217,218,221,222,223,224,225,231,232,233,234,235,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,323,324,325,326,333,334,335,336,337,338,339,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,456,457,458,478,479,480,481,494 +4236 - 25,26,27,28,29,30,46,47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,91,92,96,97,98,99,119,120,121,140,141,142,143,162,163,164,165,166,183,184,185,186,187,188,189,206,207,208,209,210,211,212,213,232,233,234,235,255,256,257,258,278,279,280,300,301,302,322,323,324,325,344,345,346,347,366,367,368,380,381,382,383,384,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,488 +4237 - 6,7,8,9,27,28,29,30,48,49,50,51,52,53,70,71,72,73,74,75,91,92,93,94,95,96,114,115,116,117,118,136,137,138,139,157,158,159,160,161,180,181,182,183,202,203,204,205,214,215,216,223,224,225,226,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,491 +4238 - 53,54,55,56,57,74,75,76,77,78,79,80,96,97,100,101,102,103,123,124,125,126,146,147,148,169,170,191,192,212,213,214,233,234,235,254,255,256,275,276,277,296,297,298,317,318,319,338,339,340,358,359,360,361,380,381,382,400,401,402,403,422,423,424,443,444,445,465,466,492 +4239 - 117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +4240 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,144,145,146,158,159,160,167,168,169,180,181,182,188,189,190,191,202,203,209,210,211,212,213,224,225,230,231,232,234,235,246,247,248,249,250,251,252,253,255,256,257,268,269,270,271,272,273,277,278,279,292,293,294,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4241 - 73,74,81,82,94,95,96,102,103,104,115,116,117,118,124,125,126,127,136,137,138,139,140,145,146,147,148,149,158,159,160,161,167,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4242 - 94,95,96,97,98,99,100,101,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,145,146,147,148,149,162,166,167,168,169,170,171,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,427,428,448,449,450,471,472,473,492 +4243 - 94,95,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,188,189,190,191,202,203,204,205,206,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +4244 - 24,25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,100,101,102,103,123,124,125,145,146,147,148,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,443,487 +4245 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,211,212,213,224,225,226,227,232,233,234,235,247,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +4246 - 70,71,72,73,74,91,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,160,161,162,163,164,165,166,167,184,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,492 +4247 - 93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,186,190,191,192,193,194,200,201,202,203,204,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,343,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,457,476,477,478,479,494 +4248 - 9,10,31,32,33,52,53,54,74,75,95,96,97,117,118,138,139,140,146,147,148,149,150,159,160,161,167,168,169,170,171,172,181,182,188,189,190,191,192,193,194,195,202,203,204,209,210,211,212,213,216,217,224,225,226,231,232,233,238,239,246,247,251,252,253,254,259,260,261,268,269,273,274,275,281,282,290,291,294,295,296,302,303,304,312,313,316,317,318,323,324,325,334,335,338,339,340,344,345,346,356,357,361,362,365,366,367,378,379,380,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,491 +4249 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,164,165,166,167,168,169,170,171,177,178,179,180,181,190,191,192,193,194,195,200,201,202,203,204,205,206,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +4250 - 78,79,80,81,82,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,128,129,138,139,140,141,142,143,144,145,148,149,150,151,159,160,161,162,163,164,169,170,171,172,173,182,183,184,190,191,192,193,194,203,204,205,206,211,212,213,214,226,227,228,229,230,232,233,234,235,236,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,493 +4251 - 58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,182,183,184,185,186,204,205,206,207,226,227,228,229,230,248,249,250,251,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,318,319,320,321,322,342,343,344,345,364,365,366,367,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +4252 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +4253 - 34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,160,161,162,163,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,342,343,344,345,356,357,358,359,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +4254 - 98,99,100,101,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,183,184,185,187,188,189,205,206,207,209,210,211,212,227,228,231,232,233,234,249,250,253,254,255,272,273,274,275,276,277,295,296,297,298,318,319,320,340,341,362,363,384,385,406,407,428,429,450,451,452,472,473,474,494 +4255 - 30,31,32,50,51,52,53,54,55,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,181,182,183,184,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,322,323,324,325,343,344,345,346,347,359,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +4256 - 6,7,8,27,28,29,30,49,50,51,52,70,71,72,73,74,92,93,94,95,96,114,115,116,117,118,136,137,138,139,140,157,158,159,160,161,162,166,167,168,169,170,179,180,181,182,183,187,188,189,190,191,192,193,194,201,202,203,204,205,206,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,281,282,283,284,285,290,291,292,293,294,295,303,304,305,306,312,313,314,315,316,324,325,326,327,328,335,336,337,338,345,346,347,348,349,357,358,359,360,361,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +4257 - 72,81,82,93,94,95,103,104,105,114,115,116,117,124,125,126,127,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,184,185,186,187,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +4258 - 32,33,34,53,54,55,56,74,75,76,77,78,79,80,96,97,98,99,101,102,103,104,118,119,120,124,125,126,139,140,141,142,146,147,148,161,162,163,168,169,170,182,183,184,185,191,192,204,205,206,207,213,214,226,227,228,229,235,236,248,249,250,251,257,258,259,270,271,272,273,278,279,280,281,292,293,294,295,300,301,302,303,314,315,316,317,322,323,324,325,336,337,338,339,343,344,345,346,347,359,360,361,365,366,367,368,381,382,383,385,386,387,388,389,390,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,485 +4259 - 69,70,71,79,80,91,92,93,101,102,103,113,114,115,123,124,125,135,136,137,145,146,147,156,157,158,159,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,205,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,456,476,477,478,489 +4260 - 5,6,15,16,27,28,37,38,49,50,58,59,60,71,72,80,81,82,93,94,102,103,104,114,115,116,124,125,126,136,137,138,146,147,148,158,159,160,167,168,169,170,181,182,189,190,191,192,203,204,211,212,213,214,225,226,227,233,234,235,236,247,248,249,254,255,256,257,258,269,270,271,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,387,388,389,390,391,392,403,404,409,410,411,412,413,414,415,433,434,435,436,437,489 +4261 - 28,29,30,47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,157,163,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,276,277,278,279,280,281,300,301,302,303,323,324,325,326,345,346,347,348,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,488 +4262 - 25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,99,100,101,102,122,123,124,144,145,146,165,166,167,168,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,280,281,282,283,303,304,305,325,326,327,336,346,347,348,349,358,359,368,369,370,371,380,381,382,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,488 +4263 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,159,160,161,162,163,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,299,300,301,302,303,304,313,314,315,316,317,323,324,325,326,335,336,337,338,344,345,346,347,348,357,358,359,360,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,493 +4264 - 7,8,9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,78,79,80,81,94,95,96,97,100,101,102,103,117,118,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,323,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,388,389,390,391,392,393,394,395,399,400,401,402,403,404,487 +4265 - 4,5,6,7,8,26,27,28,29,30,31,47,48,49,50,51,69,70,71,72,73,91,92,93,94,95,113,114,115,116,135,136,137,138,157,158,159,160,179,180,181,182,190,191,192,193,201,202,203,204,208,209,210,211,212,213,214,215,216,217,223,224,225,226,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,491 +4266 - 90,91,92,93,94,95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,133,134,135,136,137,141,142,143,155,163,164,165,183,184,185,186,205,206,207,226,227,228,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,326,327,328,348,349,350,369,370,371,372,388,389,390,391,392,393,409,410,411,412,413,431,432,433,488 +4267 - 47,48,49,50,51,69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,158,163,164,165,166,167,186,187,188,189,209,210,211,212,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,305,306,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,487 +4268 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,486 +4269 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,168,169,170,171,180,181,182,183,184,190,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,234,235,236,237,244,245,246,247,248,256,257,258,259,266,267,268,269,278,279,280,281,288,289,290,300,301,302,303,310,311,312,322,323,324,325,332,333,334,344,345,346,347,354,355,356,357,364,365,366,367,368,376,377,378,379,380,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +4270 - 57,58,59,60,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,125,126,137,138,139,146,147,149,150,159,160,168,169,170,171,172,181,182,183,190,191,192,193,194,203,204,205,206,211,212,213,214,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,319,320,337,338,341,342,343,358,359,360,364,365,380,381,382,386,387,402,403,404,408,409,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,493 +4271 - 37,38,39,40,59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,383,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,486 +4272 - 58,59,80,81,82,101,102,103,104,105,123,124,125,126,138,139,140,144,145,146,147,148,160,161,162,166,167,168,169,181,182,183,184,187,188,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,276,277,278,279,290,291,292,293,294,295,296,298,299,300,301,312,313,314,315,316,317,320,321,322,323,335,336,337,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,489 +4273 - 77,78,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,143,144,145,146,152,153,163,166,167,168,174,175,187,188,189,195,196,197,208,209,210,211,217,218,219,229,230,231,232,238,239,240,250,251,252,253,259,260,261,262,269,270,271,272,273,274,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,340,341,342,343,344,354,355,356,357,487 +4274 - 39,40,60,61,62,70,71,82,83,84,92,93,104,105,106,114,115,116,126,127,136,137,138,148,149,158,159,160,170,171,181,182,191,192,193,199,200,201,203,204,213,214,215,220,221,222,223,224,225,226,235,236,237,242,243,244,245,246,247,248,249,250,251,252,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,303,304,305,320,321,322,323,324,325,326,344,345,346,347,366,367,368,369,388,389,390,391,411,412,413,433,434,435,455,456,457,489 +4275 - 34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,125,126,127,128,146,147,148,149,150,168,169,170,171,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,272,273,278,279,280,281,299,300,301,302,303,308,321,322,323,324,330,331,332,342,343,344,345,352,353,354,355,356,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,447,448,488 +4276 - 28,29,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,77,78,79,80,81,82,93,94,95,102,103,104,105,115,116,125,126,127,136,137,138,148,149,150,158,159,160,170,171,172,180,181,182,193,194,195,202,203,204,215,216,217,224,225,226,238,239,246,247,248,260,261,269,270,282,283,291,292,304,305,313,314,315,325,326,327,335,336,337,347,348,349,358,359,368,369,370,380,381,382,390,391,392,403,404,405,406,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +4277 - 48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,492 +4278 - 56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,149,150,151,152,160,161,162,163,164,165,173,174,175,181,182,183,184,185,186,195,196,197,203,204,205,206,216,217,218,219,224,225,226,227,228,237,238,239,240,241,245,246,247,248,259,260,261,262,267,268,269,270,280,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,321,322,323,324,325,326,332,333,334,340,341,342,343,344,345,346,354,355,356,357,358,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,485 +4279 - 33,34,35,36,37,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,82,83,84,85,97,98,99,104,105,106,107,119,120,121,125,126,127,128,140,141,142,143,145,146,147,148,149,162,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,249,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,297,298,299,313,314,315,316,319,320,321,334,335,336,337,342,343,344,356,357,358,359,364,365,366,378,379,380,385,386,387,388,400,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +4280 - 93,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,124,137,138,141,142,143,144,145,146,147,159,160,161,167,168,169,181,182,183,190,191,192,203,204,205,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,269,270,271,278,279,280,291,292,293,300,301,302,313,314,315,322,323,324,335,336,344,345,346,366,367,368,388,389,390,410,411,412,432,433,454,455,475,476,477,492 +4281 - 75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,157,158,159,160,161,179,180,181,182,202,203,204,205,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,473,494 +4282 - 30,31,32,33,34,35,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,168,169,170,171,172,179,180,181,182,183,184,185,191,192,193,194,195,201,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,229,236,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,302,303,304,305,306,312,313,314,315,316,324,325,326,327,328,334,335,336,337,338,339,340,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,485 +4283 - 51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,147,148,149,150,151,168,169,170,171,172,188,189,190,191,192,193,194,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,279,280,281,282,283,291,292,293,294,295,296,303,304,305,310,311,312,313,314,315,316,324,325,326,327,330,331,332,333,334,335,345,346,347,348,349,352,353,354,355,356,367,368,369,370,374,375,376,388,389,390,391,392,396,397,398,399,409,410,411,412,413,418,419,420,421,422,429,430,431,432,433,434,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,462,463,464,465,466,467,468,469,470,471,472,473,474,475,488 +4284 - 116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,213,214,215,216,217,222,223,235,236,237,238,256,257,258,259,260,277,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +4285 - 38,39,40,60,61,62,82,83,84,103,104,105,106,120,121,122,125,126,127,128,142,143,144,146,147,148,149,150,162,163,164,165,166,168,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,209,212,213,214,215,226,227,228,229,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,340,341,342,343,354,355,356,357,358,361,362,363,364,365,377,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,489 +4286 - 71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,145,146,147,157,158,159,168,169,179,180,181,189,190,191,201,202,203,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,343,344,362,363,364,365,366,367,368,386,387,388,389,390,410,411,412,431,432,433,434,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +4287 - 69,70,71,72,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,428,444,445,446,447,448,449,450,465,466,467,468,469,470,471,472,492 +4288 - 73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,360,361,362,363,381,382,383,384,385,402,403,404,405,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +4289 - 75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,145,146,147,148,149,150,156,157,158,159,160,168,169,170,171,172,178,179,180,181,190,191,192,193,201,202,203,204,205,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,468,469,470,471,472,473,474,494 +4290 - 36,37,38,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,119,120,121,122,123,124,139,140,141,142,143,144,145,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,210,211,212,223,224,225,226,227,228,229,233,234,245,246,247,248,255,256,266,267,268,269,270,277,278,288,289,290,291,292,293,294,295,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,387,388,389,390,394,409,410,431,432,453,454,489 +4291 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,149,150,151,152,161,162,163,164,165,166,167,168,169,171,172,173,174,182,183,184,185,186,187,188,189,190,191,193,194,195,196,203,204,205,206,207,208,214,215,216,217,218,223,224,225,226,227,228,237,238,239,240,244,245,246,247,248,249,259,260,261,262,266,267,268,269,280,281,282,283,287,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,331,332,333,334,345,346,347,348,353,354,355,356,357,358,366,367,368,369,376,377,378,379,380,381,382,383,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +4292 - 15,16,17,35,36,37,38,39,56,57,58,59,60,76,77,78,79,80,97,98,99,100,118,119,120,121,140,141,142,161,162,163,183,184,185,205,206,226,227,228,248,249,250,270,271,272,292,293,294,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,366,367,368,369,381,382,383,384,385,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,428,429,430,431,491 +4293 - 38,39,40,59,60,61,62,63,80,81,82,83,84,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,405,421,422,423,424,425,426,442,443,444,445,446,447,486 +4294 - 78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,171,183,184,185,186,188,189,190,191,192,193,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,494 +4295 - 116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,188,189,190,191,194,195,196,209,210,211,212,213,216,217,218,229,230,231,232,233,234,237,238,239,240,245,246,247,248,249,250,251,252,253,254,259,260,261,266,267,268,269,270,271,272,273,274,275,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,339,340,341,342,343,344,345,346,363,364,365,366,367,487 +4296 - 80,81,102,103,114,115,123,124,125,135,136,137,145,146,147,156,157,158,167,168,169,170,171,178,179,180,188,189,190,191,192,193,200,201,207,208,209,210,211,212,213,214,222,223,224,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,276,277,278,291,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,454,473,474,475,489 +4297 - 49,50,51,52,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,145,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,273,274,275,276,279,280,281,282,301,302,303,304,322,323,324,325,326,335,336,337,338,343,344,345,346,347,355,356,357,358,359,360,364,365,366,367,368,377,378,379,380,381,385,386,387,388,389,399,400,401,402,403,404,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +4298 - 34,35,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +4299 - 72,73,74,75,76,77,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,169,170,171,172,173,174,190,191,192,193,194,195,211,212,213,214,215,216,232,233,234,235,236,237,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,492 +4300 - 6,7,8,28,29,30,50,51,52,72,73,93,94,95,115,116,117,136,137,138,158,159,160,169,170,171,172,180,181,182,190,191,192,193,194,195,196,202,203,204,211,212,213,214,215,216,217,218,224,225,226,232,233,234,238,239,240,241,246,247,248,253,254,255,261,262,263,268,269,270,275,276,277,283,284,285,290,291,292,296,297,298,305,306,312,313,314,318,319,320,327,328,335,336,337,340,341,347,348,349,357,358,359,362,363,368,369,370,380,381,382,383,384,385,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,428,429,430,491 +4301 - 38,39,40,41,60,61,62,63,64,75,76,77,78,83,84,85,86,96,97,98,99,100,101,105,106,107,108,118,119,120,121,122,123,126,127,128,129,140,141,142,147,148,149,150,162,163,164,168,169,170,171,184,185,186,187,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,449,493 +4302 - 31,32,33,34,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,100,101,102,103,104,113,114,115,116,124,125,126,134,135,136,137,147,148,155,156,157,158,168,169,170,177,178,179,191,192,200,201,213,214,223,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,390,391,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,487 +4303 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,319,320,321,322,323,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,488 +4304 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,118,119,120,121,122,123,124,126,127,128,129,139,140,141,142,143,145,146,147,148,149,150,160,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,360,362,363,364,365,378,379,380,381,382,384,385,386,387,400,401,402,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,471,493 +4305 - 62,63,64,83,84,85,86,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,189,190,191,192,193,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,247,248,249,250,251,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +4306 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,123,124,125,126,135,136,137,138,146,147,148,149,157,158,159,169,170,171,178,179,180,181,190,191,192,193,194,200,201,202,212,213,214,215,222,223,224,234,235,236,237,244,245,246,255,256,257,258,259,267,268,269,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,344,345,346,347,367,368,369,389,390,391,392,411,412,413,414,434,435,436,437,438,456,457,458,459,460,478,479,480,481,494 +4307 - 72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,147,148,149,150,159,160,161,162,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,379,380,381,382,383,384,400,401,402,403,404,405,408,411,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,471,492 +4308 - 12,13,34,35,56,57,77,78,79,98,99,100,101,119,120,121,140,141,142,143,161,162,163,164,182,183,184,185,204,205,206,226,227,228,232,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,298,300,301,302,314,315,316,317,323,324,337,338,339,344,345,346,359,360,361,362,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +4309 - 39,40,41,60,61,62,63,82,83,84,85,103,104,105,106,107,124,125,126,127,128,129,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,377,378,379,380,381,382,383,399,400,401,402,403,404,420,421,422,423,424,425,441,442,443,444,445,446,486 +4310 - 34,35,56,57,77,78,79,99,100,101,121,122,143,144,165,166,186,187,188,208,209,210,230,231,232,252,253,274,275,296,297,318,319,340,341,362,363,384,385,406,407,428,429,430,450,451,452,486 +4311 - 59,60,61,62,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,235,236,237,238,239,244,245,246,247,248,249,250,258,259,260,261,265,266,267,268,269,270,271,280,281,282,283,286,287,288,289,290,291,292,302,303,304,305,308,309,310,311,312,323,324,325,326,327,330,331,332,333,334,335,336,344,345,346,347,348,349,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,425,426,427,428,429,485 +4312 - 33,34,35,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,344,361,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,486 +4313 - 70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,492 +4314 - 76,77,78,79,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,187,188,189,203,204,205,206,209,210,211,225,226,227,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,472,473,474,475,486 +4315 - 12,13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,122,137,138,139,140,141,142,159,160,161,162,163,180,181,182,183,184,202,203,204,205,222,223,224,225,226,234,235,236,237,238,244,245,246,247,248,254,255,256,257,258,259,260,261,262,265,266,267,268,269,275,276,277,278,279,280,281,282,283,284,287,288,289,290,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,319,320,321,322,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,491 +4316 - 50,51,52,53,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,160,161,162,182,183,184,204,205,206,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,298,299,300,301,322,323,344,345,357,366,367,368,379,380,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,470,471,472,473,474,490 +4317 - 96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,274,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,494 +4318 - 59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,95,96,97,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,180,181,182,183,184,202,203,204,205,223,224,225,226,227,228,229,245,246,247,248,249,250,251,252,253,254,267,268,269,270,271,272,273,274,275,276,277,278,290,291,294,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +4319 - 11,12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,81,82,83,84,85,95,96,97,98,99,100,102,103,104,105,106,107,108,116,117,118,119,120,121,122,124,125,126,127,128,129,130,137,138,139,140,141,142,146,147,148,149,150,151,152,158,159,160,161,162,163,164,169,170,171,172,173,174,179,180,181,182,183,184,185,191,192,193,194,195,196,200,201,202,203,204,205,206,213,214,215,216,217,218,222,223,224,225,226,227,235,236,237,238,239,240,243,244,245,246,247,248,257,258,259,260,261,265,266,267,268,269,279,280,281,282,283,287,288,289,290,291,292,301,302,303,304,305,309,310,311,312,313,314,315,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,485 +4320 - 49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,139,140,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,212,230,231,232,233,234,235,252,253,254,255,256,257,273,274,275,277,278,279,280,295,296,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,390,408,409,410,411,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +4321 - 39,40,41,42,61,62,63,64,82,83,84,85,86,103,104,105,106,107,124,125,126,127,128,129,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,420,421,422,423,424,442,443,444,445,486 +4322 - 29,30,31,32,33,51,52,53,54,55,56,72,73,74,75,77,78,79,94,95,96,99,100,101,116,117,122,123,124,138,139,140,144,145,146,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,300,301,302,316,317,318,323,324,325,337,338,339,345,346,347,359,360,361,367,368,369,381,382,383,384,389,390,391,404,405,406,407,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +4323 - 32,33,34,35,54,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,150,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,190,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,355,356,357,358,359,365,366,367,368,369,378,379,380,381,382,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,485 +4324 - 74,75,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,145,146,147,156,157,158,159,160,161,167,168,169,170,177,178,179,180,190,191,192,193,199,200,201,212,213,214,215,221,222,223,224,234,235,236,237,243,244,245,246,247,255,256,257,258,259,266,267,268,269,270,271,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,345,346,347,348,367,368,369,370,390,391,392,393,412,413,414,415,416,435,436,437,438,458,459,460,480,481,482,494 +4325 - 34,35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,148,149,150,151,160,161,162,163,164,165,166,170,171,172,173,181,182,183,184,185,186,187,192,193,194,195,202,203,204,205,206,207,208,214,215,216,217,222,223,224,225,226,227,228,229,236,237,238,239,244,245,246,247,248,249,258,259,260,261,265,266,267,268,269,270,280,281,282,283,287,288,289,290,302,303,304,305,308,309,310,311,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,485 +4326 - 48,49,59,60,69,70,71,80,81,82,83,90,91,92,93,102,103,104,105,112,113,114,115,124,125,126,127,134,135,136,137,146,147,148,149,155,156,157,158,159,168,169,170,171,177,178,179,180,190,191,192,193,199,200,201,202,212,213,214,215,221,222,223,224,234,235,236,237,243,244,245,246,247,248,256,257,258,259,266,267,268,269,270,271,272,278,279,280,281,291,292,293,294,295,296,297,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,369,386,387,388,389,390,391,409,410,411,412,413,432,433,434,435,436,454,455,456,457,476,477,478,479,489 +4327 - 36,37,38,39,57,58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,379,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,447,448,486 +4328 - 10,11,12,13,31,32,33,34,35,53,54,55,56,75,76,77,96,97,98,99,118,119,120,140,141,142,162,163,164,184,185,186,205,206,207,227,228,229,232,233,234,249,250,251,253,254,255,256,257,271,272,273,275,276,277,278,279,293,294,295,297,298,299,300,301,302,315,316,317,318,320,321,322,323,324,338,339,340,344,345,346,360,361,362,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,491 +4329 - 97,98,118,119,120,121,122,123,138,139,140,141,142,143,144,145,154,155,156,157,158,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,234,235,236,237,247,248,249,250,256,257,258,259,269,270,271,272,279,280,281,291,292,293,294,301,302,303,313,314,315,316,323,324,325,326,336,337,338,339,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,430,431,432,485 +4330 - 15,16,17,36,37,38,58,59,60,79,80,81,99,100,101,102,121,122,123,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,302,303,304,313,314,315,316,317,324,325,335,336,337,338,345,346,347,357,358,359,365,366,367,368,380,381,382,385,386,387,388,389,402,403,404,405,406,407,408,409,410,426,427,428,429,491 +4331 - 73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,393,403,404,405,406,414,415,416,424,425,426,427,435,436,437,445,446,447,448,449,456,457,458,459,466,467,468,469,470,478,479,480,494 +4332 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,123,124,125,126,137,138,139,140,147,148,149,158,159,160,161,170,171,180,181,182,183,192,193,202,203,204,205,214,215,224,225,226,235,236,237,246,247,248,257,258,268,269,270,271,272,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,345,346,367,368,389,390,411,412,432,433,434,454,455,456,476,477,478,494 +4333 - 53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,168,169,170,171,172,173,189,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,454,470,471,472,473,474,475,488 +4334 - 50,51,52,71,72,73,74,79,80,81,92,93,94,95,98,99,100,101,102,103,104,105,114,115,116,119,120,121,122,123,124,125,126,127,128,135,136,137,140,141,142,143,144,148,149,150,151,157,158,159,162,163,164,171,172,173,179,180,181,183,184,185,194,195,201,202,205,206,207,216,217,218,223,224,227,228,238,239,240,245,246,249,250,261,262,267,268,272,283,284,289,290,305,306,311,312,327,328,333,334,335,349,350,355,356,357,370,371,372,377,378,379,380,391,392,393,400,401,402,403,412,413,414,415,423,424,425,426,427,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,485 +4335 - 12,13,48,49,69,70,71,72,86,90,91,92,93,94,107,108,112,113,114,115,116,128,129,130,133,134,135,136,137,149,150,151,152,155,156,157,158,159,170,171,172,173,174,177,178,179,180,192,193,194,195,196,199,200,201,202,213,214,215,216,217,218,221,222,223,224,234,235,236,237,238,239,243,244,245,246,255,256,257,258,259,260,262,265,266,267,268,269,270,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,361,362,363,364,365,366,367,382,383,384,385,386,387,489 +4336 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,129,130,138,139,140,141,142,143,144,159,160,161,162,163,164,180,181,182,183,184,192,193,194,195,201,202,203,204,213,214,215,216,217,223,224,225,234,235,236,237,238,245,246,247,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,448,449,450,470,471,472,494 +4337 - 97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,164,165,166,167,168,169,170,171,172,173,188,189,190,191,192,193,194,195,210,211,212,213,214,215,216,230,231,232,233,234,235,236,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,282,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,343,355,356,357,358,359,360,361,365,376,377,378,379,380,381,382,383,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,441,442,443,444,445,464,465,466,492 +4338 - 32,33,34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,189,190,191,204,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,345,357,358,359,360,364,365,366,367,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +4339 - 13,14,15,16,17,33,34,35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,181,182,183,184,185,186,203,204,205,206,207,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +4340 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,71,72,80,81,82,83,104,105,106,126,127,128,149,150,171,172,173,183,184,185,186,193,194,195,204,205,206,207,208,209,215,216,217,224,225,226,227,230,231,232,237,238,245,246,247,253,254,255,258,259,260,266,267,268,276,277,278,280,281,282,287,288,289,299,300,301,302,303,309,310,321,322,323,324,325,330,331,332,343,344,345,346,352,353,354,364,365,366,367,368,375,376,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,412,413,420,421,422,423,424,425,426,427,428,429,434,435,446,447,448,457,487 +4341 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,149,150,161,162,163,164,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,237,255,256,257,258,259,277,278,279,280,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,494 +4342 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,124,125,126,127,136,137,138,139,140,141,142,147,148,149,159,160,161,162,163,164,165,166,169,170,171,184,185,186,187,188,189,191,192,193,210,213,214,215,234,235,236,237,256,257,258,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,367,368,369,370,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,445,446,447,448,449,450,468,469,470,487 +4343 - 12,13,14,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,225,226,227,228,229,230,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,341,342,343,350,351,354,355,356,357,358,359,363,364,365,366,370,371,372,386,387,388,389,390,391,392,393,394,409,410,411,412,413,414,415,432,433,434,435,436,487 +4344 - 11,12,13,32,33,34,53,54,55,74,75,76,77,96,97,98,117,118,119,139,140,141,160,161,162,182,183,184,190,191,192,204,205,206,210,211,212,213,214,215,216,226,227,228,230,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,259,260,261,270,271,272,273,274,275,281,282,283,292,293,294,295,296,303,304,305,314,315,316,317,318,325,326,327,337,338,339,340,341,346,347,348,359,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +4345 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,451,469,470,471,472,473,486 +4346 - 34,35,56,57,58,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,424,425,426,427,447,448,486 +4347 - 15,16,36,37,38,39,56,57,58,59,60,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,205,206,207,208,226,227,228,229,230,235,248,249,250,251,269,270,271,272,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,345,346,347,357,358,359,360,361,362,363,364,365,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,491 +4348 - 92,93,94,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,168,169,170,190,191,211,212,213,233,234,254,255,256,276,277,278,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,449,450,451,471,472,473,492 +4349 - 16,17,18,38,39,40,59,60,61,62,72,81,82,83,84,93,94,95,103,104,105,106,115,116,117,118,124,125,126,127,128,136,137,138,139,140,146,147,148,149,150,158,159,160,161,168,169,170,171,180,181,182,189,190,191,192,202,203,204,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,253,254,255,256,257,259,268,269,270,274,275,276,277,278,279,281,282,290,291,292,293,294,296,297,298,299,300,303,304,305,312,313,314,315,316,317,318,319,320,321,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,403,404,405,406,407,425,426,427,428,489 +4350 - 47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,91,98,99,100,121,122,123,143,144,145,165,166,167,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,232,233,234,248,249,252,253,254,255,256,257,278,279,280,301,302,303,324,325,346,347,348,369,370,382,391,392,404,405,413,414,426,427,428,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,488 +4351 - 84,85,86,87,105,106,107,108,109,119,126,127,128,129,130,131,139,140,141,142,147,148,149,150,151,152,160,161,162,163,164,167,168,169,170,171,172,181,182,183,184,185,188,189,190,191,192,193,203,204,205,206,210,211,212,213,214,224,225,226,227,231,232,233,234,235,237,238,246,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,467,468,469,470,489 +4352 - 6,7,8,9,27,28,29,30,31,32,33,49,50,51,52,53,54,55,76,77,78,98,99,100,119,120,121,122,141,142,143,162,163,164,165,183,184,185,186,187,188,205,206,207,208,209,210,211,212,228,231,232,233,234,235,236,256,257,258,259,279,280,281,282,302,303,304,325,326,346,347,348,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,488 +4353 - 35,36,37,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,446,447,448,486 +4354 - 55,56,57,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,486 +4355 - 59,60,61,62,63,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,128,129,130,131,142,143,144,145,149,150,151,152,165,166,170,171,172,173,174,191,192,193,194,195,202,203,204,205,206,212,213,214,215,216,223,224,225,226,227,228,229,230,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,273,274,275,276,277,278,279,288,289,290,291,295,296,297,298,299,300,310,311,312,313,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,364,365,366,377,378,379,380,381,382,387,388,400,401,402,409,410,411,431,432,433,453,454,455,476,477,487 +4356 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,124,125,126,127,128,138,139,140,148,149,150,159,160,161,162,170,171,172,181,182,183,184,192,193,194,203,204,205,206,214,215,216,225,226,227,228,236,237,238,247,248,249,250,258,259,260,269,270,271,272,280,281,282,291,292,293,294,302,303,313,314,315,316,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,365,366,367,368,379,380,381,382,386,387,388,389,401,402,403,404,405,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,470,471,472,485 +4357 - 57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,128,129,130,141,142,143,144,150,151,152,162,171,172,173,174,181,182,183,184,185,186,193,194,195,196,201,202,203,204,205,206,207,208,209,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,235,236,237,238,239,244,245,246,247,248,252,253,254,255,256,257,258,259,260,265,266,267,268,269,275,276,277,278,279,280,281,287,288,289,290,296,297,298,299,300,301,302,309,310,311,312,316,317,318,319,320,321,322,323,331,332,333,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,367,368,375,376,377,378,379,380,381,382,383,384,385,389,390,391,392,393,398,399,400,401,402,403,412,413,414,415,422,435,436,487 +4358 - 94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,166,167,168,169,180,181,182,183,189,190,191,192,201,202,203,204,211,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,248,255,256,257,258,259,260,268,269,270,276,277,278,280,281,282,290,291,292,293,294,295,296,297,298,299,300,303,304,313,314,315,316,317,318,319,320,321,325,326,336,337,338,339,340,341,347,348,369,370,371,391,392,393,413,414,415,436,437,458,459,480,481,482,494 +4359 - 38,39,40,59,60,61,62,63,80,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,448,486 +4360 - 92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,168,169,170,171,178,179,180,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,277,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +4361 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,126,127,128,129,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,319,320,321,322,323,324,333,334,335,336,340,341,342,343,344,345,353,354,355,356,357,358,361,362,363,364,365,366,374,375,376,377,378,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,488 +4362 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,147,148,149,150,160,161,162,163,164,165,169,170,171,182,183,184,185,186,191,192,193,204,205,206,207,208,209,210,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,277,278,279,280,291,292,293,294,301,302,303,312,313,314,315,316,323,324,325,334,335,336,337,338,345,346,347,355,356,357,358,359,360,366,367,368,377,378,380,381,388,389,390,399,400,401,402,403,408,409,410,411,422,423,424,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,469,470,471,472,493 +4363 - 77,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,149,150,151,152,171,172,173,174,192,193,194,195,206,207,212,213,214,215,216,225,226,227,228,229,230,231,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,322,327,328,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,348,349,350,353,354,355,356,357,358,359,360,361,362,365,366,367,368,369,370,371,372,375,376,377,378,379,380,388,389,390,391,392,393,394,398,399,411,412,413,414,415,487 +4364 - 79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,148,149,150,160,161,162,163,164,165,166,169,170,171,172,181,182,183,184,185,186,191,192,193,194,203,204,205,206,207,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,443,444,445,446,447,448,449,464,465,466,467,468,469,470,494 +4365 - 74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,150,151,158,159,160,170,171,172,180,181,182,191,192,193,194,203,204,205,206,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,450,466,467,468,469,470,494 +4366 - 58,59,60,61,79,80,81,82,83,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,446,447,448,449,468,469,470,486 +4367 - 11,12,13,14,15,33,34,35,36,37,38,39,55,56,57,58,59,60,61,62,63,80,81,82,83,84,85,105,106,107,108,128,129,130,149,150,151,152,170,171,172,173,174,190,191,192,193,194,195,196,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,243,244,249,250,251,252,253,254,255,256,257,258,265,266,267,271,272,273,274,275,276,277,278,279,287,288,289,298,299,300,301,309,310,311,319,320,321,322,323,331,332,333,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,488 +4368 - 78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,277,278,279,280,288,289,290,301,302,303,310,311,323,324,325,332,333,345,346,347,354,355,356,366,367,368,377,378,379,387,388,389,390,399,400,401,402,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +4369 - 94,95,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,162,168,169,170,171,190,191,192,207,208,209,211,212,213,214,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,300,301,302,303,311,312,313,314,315,316,317,318,324,325,326,327,328,333,334,335,336,337,338,339,347,348,349,350,351,355,356,357,358,359,370,371,372,373,377,378,379,395,487 +4370 - 73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,146,159,160,161,180,181,182,202,203,204,224,225,226,227,228,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,294,301,302,303,323,324,325,345,346,347,366,367,368,369,387,388,389,390,408,409,410,411,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +4371 - 36,37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,383,400,401,402,403,404,405,421,422,423,424,425,426,444,445,446,447,486 +4372 - 14,15,16,35,36,37,38,56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,164,165,166,185,186,187,207,208,228,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,298,299,300,315,316,320,321,322,336,337,338,341,342,343,358,359,360,363,364,380,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,491 +4373 - 77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,144,149,150,151,152,170,171,172,173,174,180,181,182,183,184,185,191,192,193,194,195,200,201,202,203,204,205,206,207,208,209,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,251,252,253,254,255,256,257,258,259,265,266,267,268,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,344,345,346,347,348,354,355,356,357,358,359,367,368,369,370,371,390,391,392,393,412,413,414,487 +4374 - 12,13,34,35,56,57,77,78,79,99,100,101,121,122,123,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,298,299,316,317,318,320,321,338,339,340,341,342,343,360,361,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,491 +4375 - 39,40,41,61,62,63,64,82,83,84,85,86,104,105,106,107,124,125,126,127,128,145,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,356,357,358,359,360,377,378,379,380,381,397,398,399,400,401,402,403,419,420,421,422,423,424,441,442,443,444,445,486 +4376 - 70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,121,122,123,124,125,126,127,128,135,136,157,158,179,180,201,202,206,207,208,209,210,211,212,223,224,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,257,258,259,268,269,270,280,281,282,290,291,303,304,312,313,326,327,334,335,348,349,356,357,371,372,382,393,394,404,405,415,416,426,427,437,438,448,449,450,457,458,459,471,472,473,474,475,476,477,478,479,480,481,490 +4377 - 18,19,20,21,38,39,40,41,42,43,59,60,61,62,63,64,79,80,81,82,83,84,85,100,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,146,147,162,163,164,165,166,167,183,184,185,186,187,188,203,204,205,206,207,208,209,224,225,226,227,228,229,230,232,233,234,245,246,247,248,249,250,252,253,254,255,256,257,258,266,267,268,269,270,271,273,274,275,276,277,278,279,280,281,288,289,290,291,292,294,295,296,297,298,299,300,301,302,303,310,311,312,313,315,316,317,318,319,320,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +4378 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,145,146,147,148,149,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,236,249,250,251,252,254,255,256,257,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,407,408,409,410,411,430,431,432,433,452,453,454,455,456,476,477,478,487 +4379 - 73,74,75,76,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,492 +4380 - 56,57,58,59,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,101,102,103,104,105,116,117,118,125,126,137,138,139,147,148,160,161,162,163,164,168,169,182,183,184,185,186,187,189,190,191,206,207,208,209,210,211,212,230,231,232,233,234,253,254,255,256,274,275,276,277,278,279,296,297,298,300,301,317,318,319,322,323,339,340,344,345,360,361,366,367,382,383,388,389,404,405,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +4381 - 97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,169,170,171,190,191,192,207,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,261,262,263,267,268,269,270,271,272,273,274,275,276,277,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,304,305,306,307,310,311,312,313,314,315,316,317,318,320,321,322,325,326,327,328,332,333,334,335,336,337,338,343,344,345,346,347,348,349,354,355,356,357,358,366,367,368,369,370,389,390,391,487 +4382 - 53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,121,122,123,124,138,139,140,144,145,146,160,161,162,163,166,167,168,183,184,185,186,187,188,189,206,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,277,278,279,295,296,299,300,301,302,316,317,318,322,323,324,338,339,345,346,347,360,361,367,368,369,382,383,389,390,404,405,410,411,412,426,427,428,431,432,433,434,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +4383 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,474,488 +4384 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,117,118,119,120,124,126,127,128,139,140,141,149,150,161,162,163,171,172,183,184,193,194,204,205,206,215,216,226,227,237,238,248,249,259,260,269,270,271,280,281,291,292,302,303,313,314,323,324,325,335,336,344,345,346,357,358,366,367,379,380,387,388,389,401,402,408,409,410,423,424,425,428,429,430,431,446,447,448,449,450,451,468,469,470,471,472,485 +4385 - 63,64,65,85,86,87,106,107,108,109,117,127,128,129,130,131,137,138,139,140,141,142,143,148,149,150,151,152,158,159,160,161,162,163,164,165,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,189,190,191,192,193,194,201,202,203,204,210,211,212,213,214,223,224,225,231,232,233,234,235,245,246,247,252,253,254,255,256,267,268,269,274,275,276,277,290,291,292,295,296,297,298,299,312,313,314,316,317,318,319,334,335,336,337,338,339,340,341,357,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,424,425,426,427,445,446,447,448,449,467,468,469,470,471,493 +4386 - 77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,167,168,169,170,171,188,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,237,252,253,254,255,256,257,258,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,466,467,468,469,470,492 +4387 - 75,76,77,78,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,190,191,192,193,194,195,202,203,204,205,206,207,211,212,213,214,215,216,224,225,226,227,228,232,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,275,276,277,278,279,280,295,296,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,471,492 +4388 - 71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,148,149,150,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,250,251,252,253,254,271,272,273,274,275,291,292,293,294,295,296,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,366,367,368,388,389,390,408,409,410,411,412,428,429,430,431,432,433,449,450,451,452,453,454,470,471,472,473,474,475,488 +4389 - 85,86,106,107,108,109,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,153,165,166,167,168,169,170,171,172,173,187,188,189,190,191,192,206,207,208,227,228,229,230,249,250,251,271,272,273,289,290,294,295,296,310,311,312,316,317,318,319,332,333,339,340,341,354,355,359,360,361,362,363,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,490 +4390 - 50,51,52,53,72,73,74,75,93,94,95,96,97,98,115,116,117,118,119,136,137,138,139,140,141,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,341,342,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,453,454,455,456,476,477,478,489 +4391 - 70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,168,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,492 +4392 - 5,6,7,8,9,10,11,12,13,26,27,28,29,30,31,32,33,34,35,36,37,48,49,50,56,57,58,59,60,69,70,80,81,82,91,92,103,104,105,125,126,127,148,149,170,171,172,192,193,194,214,215,216,236,237,238,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,321,322,323,324,325,332,333,334,342,343,344,345,346,347,348,349,350,354,355,363,364,365,366,368,369,370,371,372,376,377,378,383,384,385,386,387,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,415,416,422,423,424,425,426,427,428,487 +4393 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,251,257,258,259,270,271,272,279,280,281,292,293,294,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,365,366,367,368,369,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,485 +4394 - 24,25,26,27,28,29,30,31,32,34,46,47,48,49,50,51,52,53,54,55,56,69,70,71,74,75,76,77,78,99,100,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,203,204,205,206,207,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,303,304,305,306,307,327,328,329,347,348,349,350,351,362,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,448,449,450,451,452,488 +4395 - 72,73,74,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,148,149,150,151,152,157,158,159,160,161,170,171,172,173,174,191,192,193,194,195,196,213,214,215,216,217,234,235,236,237,238,239,255,256,257,258,259,260,276,277,278,279,280,281,282,297,298,299,300,301,302,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,441,442,443,444,445,446,447,448,463,464,465,466,467,468,492 +4396 - 33,34,35,36,37,54,55,56,57,58,59,76,77,78,97,98,99,102,103,104,118,119,120,123,124,125,140,141,144,145,146,161,162,163,166,167,183,184,185,187,188,189,205,206,207,208,209,210,228,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,317,318,319,321,322,339,340,341,343,344,345,361,362,363,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,454,493 +4397 - 40,41,61,62,63,64,83,84,85,86,105,106,107,126,127,128,129,140,141,148,149,150,151,161,162,163,169,170,171,172,182,183,184,185,190,191,192,193,194,203,204,205,206,207,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,421,422,423,424,425,426,443,444,445,446,447,489 +4398 - 93,94,95,96,97,98,99,100,101,102,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,210,211,212,213,214,215,224,225,226,227,228,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,476,477,492 +4399 - 13,14,15,34,35,36,37,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +4400 - 9,10,11,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,163,181,182,183,184,190,191,192,193,203,204,205,210,211,212,213,214,215,216,217,225,226,227,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,282,283,284,291,292,293,294,295,303,304,305,313,314,315,316,317,324,325,326,327,336,337,338,339,345,346,347,348,358,359,360,361,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +4401 - 33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,104,105,106,116,117,118,125,126,127,128,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,295,300,301,302,303,309,310,311,312,313,321,322,323,324,325,330,331,332,333,334,335,336,343,344,345,346,353,354,355,356,364,365,366,367,368,375,376,377,385,386,387,388,389,397,398,399,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,488 +4402 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,185,191,192,193,194,202,203,204,205,206,207,214,215,216,224,225,226,227,228,229,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,325,333,334,335,336,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,445,446,447,485 +4403 - 49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,125,126,127,128,147,148,149,150,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,358,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,464,465,466,467,468,469,492 +4404 - 33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,95,96,97,98,99,116,117,118,119,120,138,139,140,160,161,162,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,233,234,235,236,248,249,250,256,257,258,278,279,280,281,300,301,302,303,316,317,322,323,324,325,337,338,339,344,345,346,347,359,360,361,362,366,367,368,381,382,383,384,388,389,390,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,450,451,452,453,454,490 +4405 - 14,15,16,17,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,225,226,227,228,229,230,246,247,248,249,250,251,268,269,270,271,272,278,279,280,289,290,291,292,293,297,298,299,300,301,302,303,310,311,312,313,314,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,410,411,412,413,414,415,491 +4406 - 29,30,31,32,49,50,51,52,53,54,71,72,73,75,76,77,92,93,94,96,97,98,99,100,101,113,114,115,118,119,120,121,122,123,124,125,135,136,137,145,146,147,148,157,158,169,170,171,179,180,181,191,192,193,202,203,204,205,206,213,214,224,225,226,227,228,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,259,260,261,268,269,270,272,273,274,275,276,277,282,283,284,290,291,305,306,307,312,313,314,328,329,334,335,336,337,350,351,357,358,359,360,372,373,380,381,382,383,394,395,403,404,405,406,414,415,416,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,493 +4407 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,145,146,147,158,159,160,161,169,170,180,181,182,190,191,192,193,202,203,204,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,494 +4408 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,451,452,473,474,486 +4409 - 72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,142,143,144,145,146,147,158,159,160,161,168,169,170,180,181,182,189,190,191,192,202,203,204,205,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,409,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,494 +4410 - 51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,125,126,147,148,149,168,169,170,171,189,190,191,192,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,301,302,322,323,324,345,346,367,368,388,389,390,400,401,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +4411 - 82,83,84,103,104,105,106,117,118,119,124,125,126,127,128,139,140,141,142,146,147,148,149,160,161,162,163,164,167,168,169,170,181,182,183,184,185,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,489 +4412 - 57,58,59,60,61,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,128,129,130,139,140,141,142,143,144,147,151,152,153,160,161,162,163,174,175,181,182,183,184,196,197,202,203,204,218,219,223,224,225,226,240,241,245,246,247,262,263,266,267,268,283,284,285,288,289,290,303,304,305,306,310,311,324,325,326,327,332,333,344,345,346,347,348,354,355,356,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,485 +4413 - 39,40,41,61,62,63,64,83,84,85,86,105,106,107,127,128,129,140,141,142,143,144,148,149,150,151,161,162,163,164,165,166,168,169,170,171,172,183,184,185,186,187,190,191,192,193,204,205,206,207,210,211,212,213,214,225,226,227,228,231,232,233,234,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,315,316,317,318,337,338,339,340,341,359,360,361,362,363,364,381,382,383,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,493 +4414 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,450,451,452,486 +4415 - 60,61,62,72,73,82,83,84,94,95,96,103,104,105,106,116,117,118,125,126,127,128,138,139,140,146,147,148,149,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,471,472,489 +4416 - 8,9,10,30,31,32,52,53,54,73,74,75,94,95,96,116,117,118,138,139,159,160,161,181,182,183,189,190,203,204,205,210,211,212,213,214,215,225,226,227,231,232,233,234,235,236,237,238,239,247,248,249,252,253,254,259,260,261,269,270,271,274,275,276,281,282,283,284,291,292,293,296,297,304,305,306,314,315,316,318,319,326,327,328,336,337,338,339,340,341,342,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,413,491 +4417 - 36,37,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,447,448,449,486 +4418 - 7,8,28,29,30,31,50,51,52,53,71,72,73,74,75,93,94,95,96,115,116,117,118,136,137,138,139,146,147,148,149,158,159,160,161,166,167,168,169,170,171,172,173,179,180,181,182,187,188,189,190,191,192,193,194,195,196,201,202,203,204,209,210,211,212,213,214,215,216,217,218,223,224,225,226,231,232,233,234,239,240,241,245,246,247,253,254,255,261,262,263,267,268,269,274,275,276,277,283,284,285,289,290,291,296,297,298,299,305,306,307,311,312,313,318,319,320,326,327,328,329,334,335,336,340,341,342,343,347,348,349,350,356,357,358,359,362,363,364,365,368,369,370,371,372,379,380,381,382,384,385,386,387,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,491 +4419 - 33,34,35,36,37,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,166,170,171,172,182,183,184,185,186,187,192,193,194,203,204,205,206,207,208,209,214,215,216,225,226,227,228,229,230,236,237,238,239,246,247,248,249,250,251,258,259,260,261,267,268,269,270,271,272,280,281,282,289,290,291,292,293,301,302,303,304,311,312,313,314,322,323,324,325,326,332,333,334,335,336,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,485 +4420 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,185,186,187,188,189,190,208,209,210,211,212,213,232,233,234,235,236,255,256,257,258,259,278,279,280,281,288,289,301,302,303,310,311,312,323,324,325,332,333,334,343,344,345,346,347,354,355,356,357,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,488 +4421 - 13,14,15,34,35,36,37,38,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,117,118,119,120,121,122,138,139,140,141,142,143,160,161,162,163,169,181,182,183,184,185,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,251,252,253,254,255,256,258,259,260,261,268,269,270,271,273,274,275,276,277,280,281,282,283,290,291,292,293,295,296,297,298,302,303,304,305,313,314,315,316,317,318,319,320,323,324,325,326,327,335,336,337,338,339,340,341,342,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +4422 - 56,57,58,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,125,126,147,148,149,169,170,171,190,191,192,212,213,214,233,234,235,236,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,347,348,349,350,351,354,355,356,357,358,359,360,361,362,377,378,379,380,381,382,487 +4423 - 10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,225,226,227,228,247,248,249,250,269,270,271,272,291,292,293,294,298,299,300,301,302,303,304,314,315,316,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,491 +4424 - 72,73,74,80,81,93,94,95,96,101,102,103,115,116,117,123,124,125,136,137,138,139,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4425 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,138,139,140,141,147,148,149,150,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,215,216,217,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +4426 - 79,80,81,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,210,211,212,225,226,227,228,229,231,232,233,234,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,297,298,299,319,320,341,342,363,364,385,386,406,407,408,429,430,451,452,473,474,489 +4427 - 34,35,36,56,57,58,77,78,79,80,81,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +4428 - 68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,143,144,145,156,157,158,159,160,178,179,180,183,184,185,186,187,188,189,191,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,282,283,284,285,305,306,307,328,329,349,350,351,371,372,373,381,382,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,490 +4429 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,58,59,60,73,74,75,80,81,82,95,101,102,103,104,123,124,125,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,229,230,231,250,251,252,271,272,273,274,292,293,294,295,313,314,315,316,334,335,336,337,338,339,340,341,342,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,409,410,411,412,413,414,415,416,417,435,436,437,438,487 +4430 - 56,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,146,147,148,149,150,159,160,161,162,169,170,171,172,173,179,180,181,182,183,192,193,194,195,200,201,202,203,204,215,216,217,218,221,222,223,224,225,237,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,289,303,304,305,306,309,310,311,312,323,324,325,326,327,331,332,333,334,335,336,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,485 +4431 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,103,116,123,124,125,145,146,147,166,167,168,169,187,188,189,190,207,208,209,210,211,228,229,230,231,232,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,297,298,299,300,301,321,322,323,343,344,345,366,367,368,387,388,389,390,404,405,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +4432 - 59,60,61,81,82,83,103,104,105,124,125,126,142,146,147,148,162,163,164,165,168,169,170,183,184,185,186,187,190,191,192,204,205,206,207,208,211,212,213,214,225,226,227,228,229,233,234,235,236,246,247,248,249,250,255,256,257,268,269,270,271,272,273,274,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4433 - 60,61,79,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,161,162,163,164,165,168,169,170,181,182,183,184,185,186,190,191,192,201,202,203,204,205,206,212,213,214,221,222,223,224,225,226,234,235,236,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,321,322,323,326,327,328,343,344,345,365,366,367,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4434 - 95,96,97,98,99,100,102,116,117,118,120,121,122,123,124,137,138,139,144,145,146,159,160,165,166,167,168,181,182,186,187,188,189,190,203,204,207,208,209,211,212,225,226,227,228,229,230,233,234,248,249,250,251,255,256,277,278,299,300,321,322,342,343,344,364,365,386,387,408,409,430,431,452,453,474,475,494 +4435 - 54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,117,118,119,138,139,140,159,160,161,181,182,183,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,344,345,365,366,367,377,378,387,388,389,399,400,401,402,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +4436 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,147,148,149,159,160,161,169,170,181,182,191,192,202,203,204,212,213,214,224,225,226,234,235,236,246,247,248,256,257,258,268,269,270,277,278,279,280,290,291,292,299,300,301,313,314,315,316,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,366,367,381,382,383,384,385,388,389,410,411,432,433,454,455,476,477,494 +4437 - 10,11,12,31,32,33,34,52,53,54,55,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,180,181,182,183,202,203,204,213,214,215,216,224,225,226,234,235,236,237,238,239,246,247,254,255,256,257,258,259,260,261,268,269,270,275,276,277,278,282,283,290,291,292,297,298,299,303,304,305,313,314,315,316,317,318,319,320,321,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,407,408,409,410,429,430,431,432,491 +4438 - 52,53,54,55,73,74,75,76,77,78,94,95,96,97,98,99,115,116,117,118,125,126,127,137,138,139,145,146,147,148,149,150,159,160,161,162,166,167,168,169,170,182,183,184,185,187,188,189,190,191,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,323,339,340,341,343,344,345,361,362,363,366,367,368,384,385,388,389,390,406,407,410,411,412,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +4439 - 90,91,92,93,94,95,96,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,492 +4440 - 77,78,98,99,100,101,119,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,269,270,271,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,450,451,452,453,472,473,474,489 +4441 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,123,124,125,126,127,138,139,140,141,142,145,146,147,148,160,161,162,163,166,167,168,169,182,183,184,185,186,188,189,190,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,321,322,323,336,337,338,339,340,343,344,345,358,359,360,361,365,366,367,380,381,382,386,387,388,389,401,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +4442 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,454,473,474,475,476,494 +4443 - 99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,170,171,180,181,182,183,184,191,192,193,202,203,204,213,214,215,224,225,226,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,315,316,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +4444 - 48,49,50,51,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,141,142,143,144,145,158,159,160,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,210,211,212,213,214,224,225,226,227,228,234,235,236,246,247,248,249,256,257,258,259,270,279,280,281,282,301,302,303,304,305,324,325,326,327,347,348,349,369,370,371,391,392,393,401,402,403,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,490 +4445 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,122,123,124,125,126,127,128,129,136,137,138,139,144,145,146,149,150,151,157,158,159,160,172,173,174,178,179,180,181,194,195,196,200,201,202,216,217,218,221,222,223,238,239,240,243,244,245,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,325,326,327,328,331,332,333,346,347,348,349,353,354,355,367,368,369,370,371,375,376,377,378,388,389,390,391,392,398,399,400,401,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,469,470,471,472,485 +4446 - 72,73,74,75,76,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,135,136,137,143,144,145,157,158,165,166,167,187,188,189,209,210,211,212,231,232,233,234,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,345,346,347,348,349,350,358,359,360,361,362,363,364,369,370,371,372,373,381,382,383,384,385,393,394,395,404,405,406,487 +4447 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,104,105,116,117,125,126,127,146,147,148,149,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,275,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,387,388,389,390,402,408,409,410,411,422,423,424,425,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +4448 - 92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,472,473,492 +4449 - 58,59,60,79,80,81,82,100,101,102,103,104,105,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,168,169,170,182,183,184,185,186,190,191,192,203,204,205,206,211,212,213,223,224,225,226,227,233,234,235,244,245,246,247,248,255,256,257,265,266,267,268,269,270,271,272,273,274,275,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,318,319,320,321,322,323,324,325,326,327,328,342,343,344,345,349,350,364,365,366,386,387,407,408,409,429,430,431,451,452,453,473,474,489 +4450 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,118,122,123,124,144,145,146,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,488 +4451 - 64,65,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,161,162,163,164,182,183,184,185,203,204,205,206,207,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,276,277,278,299,300,321,322,342,343,344,364,365,366,376,377,378,379,380,385,386,387,398,399,400,401,402,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,490 +4452 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,79,80,94,95,96,101,102,103,115,116,117,123,124,125,137,138,139,145,146,147,159,160,166,167,168,181,182,188,189,190,203,204,205,209,210,211,225,226,227,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,323,324,325,337,338,339,345,346,347,348,359,360,361,368,369,370,381,382,383,384,389,390,391,392,404,405,406,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,493 +4453 - 15,16,36,37,38,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,184,185,186,205,206,207,208,226,227,228,229,248,249,250,269,270,271,278,279,280,290,291,292,299,300,301,302,303,312,313,314,320,321,322,323,324,325,334,335,336,337,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,405,406,407,408,409,491 +4454 - 57,58,59,60,61,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,147,148,149,150,158,159,160,161,162,163,168,169,170,171,180,181,182,183,189,190,191,192,203,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,294,295,302,303,304,324,325,326,334,335,336,345,346,347,348,355,356,357,358,367,368,369,377,378,379,387,388,389,390,391,399,400,401,402,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +4455 - 91,92,93,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,192,193,194,195,213,214,215,216,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,449,467,468,469,470,471,492 +4456 - 52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,146,147,148,149,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,255,256,257,258,259,260,274,279,280,281,282,283,302,303,304,305,324,325,326,327,345,346,347,348,349,354,355,365,366,367,368,369,370,376,377,378,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +4457 - 56,57,58,59,60,61,62,64,65,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,105,106,107,108,109,117,118,119,120,121,127,128,129,130,131,138,139,140,141,148,149,150,151,152,161,162,163,169,170,171,172,183,184,185,186,190,191,192,193,206,207,208,209,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,360,363,364,365,379,380,381,385,386,387,400,401,402,406,407,408,409,421,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +4458 - 3,4,5,6,7,8,9,24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,91,92,93,97,98,99,100,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,232,249,250,251,252,253,271,272,273,274,275,292,293,294,295,296,314,315,316,317,318,337,338,339,340,341,342,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,417,427,428,429,430,431,432,433,434,435,436,437,487 +4459 - 99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,160,161,162,163,164,170,171,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,320,321,322,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,494 +4460 - 89,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,142,143,144,145,146,147,167,168,169,170,189,190,191,192,211,212,213,233,234,235,236,255,256,257,258,259,260,261,262,273,274,275,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,318,319,320,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,492 +4461 - 35,36,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,122,123,124,125,126,127,128,129,136,137,138,139,144,145,146,149,150,151,152,157,158,159,160,172,173,174,179,180,181,194,195,196,201,202,216,217,218,222,223,224,238,239,240,244,245,246,260,261,262,265,266,267,281,282,283,287,288,289,303,304,305,309,310,311,324,325,326,331,332,333,345,346,347,348,353,354,355,366,367,368,369,375,376,377,378,379,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,485 +4462 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,340,341,342,343,362,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +4463 - 60,61,62,63,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,447,466,467,468,486 +4464 - 32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,408,427,428,429,430,449,450,451,452,486 +4465 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,104,105,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,250,251,252,253,270,271,272,273,274,291,292,293,294,295,312,313,314,315,316,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,397,398,487 +4466 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,429,430,431,432,451,452,453,454,474,475,476,486 +4467 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,103,104,105,106,110,111,112,113,114,115,124,125,126,127,132,133,134,135,136,145,146,147,148,149,154,155,156,166,167,168,169,170,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,279,280,281,282,283,302,303,304,305,324,325,326,327,346,347,348,349,367,368,369,370,388,389,390,391,400,401,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +4468 - 5,6,7,8,27,28,29,30,31,32,51,52,53,54,55,74,75,76,77,78,98,99,100,121,122,123,124,144,145,146,147,167,168,169,190,191,192,212,213,214,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,362,363,364,365,366,367,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,487 +4469 - 58,59,60,61,79,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,126,127,140,141,142,143,144,145,147,148,149,160,161,162,163,164,165,168,169,170,171,181,182,183,184,185,186,190,191,192,193,202,203,204,205,206,212,213,214,222,223,224,225,226,233,234,235,236,243,244,245,246,247,248,255,256,257,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,327,328,341,342,343,344,345,346,347,348,349,363,364,365,385,386,406,407,408,428,429,430,449,450,451,452,471,472,473,474,489 +4470 - 141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,220,221,222,223,224,225,226,227,236,237,238,258,259,279,280,281,300,301,302,303,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,430,431,432,433,451,452,453,454,455,473,474,475,476,492 +4471 - 59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,251,252,255,256,257,278,279,280,300,301,302,321,322,323,324,332,333,334,335,336,337,338,342,343,344,345,354,355,356,357,358,359,360,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,490 +4472 - 93,94,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,146,147,148,149,150,151,152,157,158,159,160,161,172,173,174,175,179,180,181,182,196,197,200,201,202,218,219,222,223,224,240,241,244,245,262,263,266,267,283,284,285,288,289,305,306,310,311,326,327,332,333,346,347,348,354,355,366,367,368,369,376,377,378,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,485 +4473 - 18,19,20,21,38,39,40,41,42,59,60,61,62,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,142,143,144,145,163,164,165,166,183,184,185,186,187,204,205,206,207,224,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,260,261,267,268,269,270,276,277,278,279,280,281,282,283,288,289,290,291,296,297,298,299,300,301,302,303,304,310,311,312,313,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,404,405,406,491 +4474 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,122,123,124,125,126,127,138,139,140,141,144,145,146,147,148,149,161,162,163,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,323,334,335,336,337,338,339,342,343,344,345,346,357,358,359,360,361,362,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,493 +4475 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,146,147,148,149,150,151,170,171,172,173,191,192,193,194,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,382,383,384,403,404,405,424,425,426,427,446,447,448,449,467,468,469,470,492 +4476 - 48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,274,275,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,358,364,365,366,367,380,381,385,386,387,388,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,488 +4477 - 58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,106,107,108,109,119,120,121,122,123,127,128,129,130,131,140,141,142,143,148,149,150,151,162,163,164,169,170,171,172,184,185,186,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,362,363,364,377,378,379,380,381,384,385,386,398,399,400,401,405,406,407,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,466,467,468,469,470,493 +4478 - 39,40,41,60,61,62,63,64,81,82,83,84,85,102,103,104,105,106,107,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,339,340,341,355,356,357,358,359,361,362,363,377,378,379,383,384,385,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,449,493 +4479 - 99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,150,151,159,160,161,162,163,164,165,180,181,182,183,184,201,202,203,204,215,216,223,224,225,233,234,235,236,237,238,245,246,247,248,250,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +4480 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,101,102,103,115,116,117,124,125,126,137,138,139,140,141,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,184,185,186,187,188,190,191,192,205,206,209,210,211,226,227,232,233,234,248,255,256,257,269,270,278,279,280,281,291,292,301,302,303,313,314,324,325,326,336,346,347,348,358,359,369,370,380,381,391,392,402,403,404,413,414,425,426,427,434,435,436,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,479,493 +4481 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,148,149,150,151,159,160,161,162,163,164,165,171,172,173,174,180,181,182,183,185,186,187,194,195,196,201,202,203,204,207,208,209,216,217,218,219,223,224,225,229,230,231,238,239,240,241,245,246,247,253,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,307,310,311,312,326,327,328,329,332,333,334,348,349,350,354,355,356,368,369,370,371,372,376,377,378,388,389,390,391,392,398,399,400,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,485 +4482 - 70,71,72,92,93,94,102,103,114,115,116,117,124,125,126,136,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,203,204,205,212,213,214,215,225,226,227,228,234,235,236,248,249,250,255,256,257,258,270,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,338,339,340,341,342,343,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,457,477,478,489 +4483 - 63,64,77,78,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,161,162,163,164,166,167,168,183,184,185,186,187,204,205,206,207,208,209,210,211,212,226,227,228,229,230,232,233,234,235,248,249,250,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,399,400,401,402,407,408,409,410,420,421,422,423,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,490 +4484 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,147,148,149,162,163,169,170,171,191,192,193,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,320,321,322,323,324,333,334,335,336,342,343,344,345,355,356,357,358,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,487 +4485 - 33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,82,83,84,85,96,97,98,99,117,118,119,138,139,140,141,160,161,162,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,233,234,235,236,256,257,258,259,279,280,281,301,302,303,323,324,325,344,345,346,347,365,366,367,368,377,378,379,380,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,490 +4486 - 58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,160,161,162,163,164,165,182,183,184,204,205,206,226,227,228,248,249,250,271,272,273,294,295,296,297,298,316,317,318,319,320,321,322,340,341,342,343,344,345,365,366,367,388,389,390,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,478,490 +4487 - 14,15,35,36,37,56,57,58,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,227,228,229,235,236,237,248,249,250,251,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,291,292,293,297,298,299,300,301,302,303,304,313,314,315,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,404,405,406,426,427,491 +4488 - 31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,80,81,82,91,92,93,94,95,102,103,104,112,113,114,115,123,124,125,134,135,143,144,145,146,164,165,166,167,185,186,187,188,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,277,278,279,280,281,301,302,303,304,325,326,327,347,348,349,367,368,369,370,387,388,389,390,391,398,399,400,401,402,403,404,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,446,447,448,449,450,451,452,488 +4489 - 76,77,78,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,182,183,184,204,205,206,207,208,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,276,277,278,279,299,300,301,302,322,323,324,344,345,346,365,366,367,387,388,389,398,408,409,410,411,419,420,421,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,472,473,490 +4490 - 48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,145,146,147,148,149,150,166,167,168,169,170,171,172,188,189,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,335,336,337,338,339,340,356,357,358,359,360,368,377,378,379,380,381,382,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,487 +4491 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,122,123,124,127,128,129,138,139,140,141,149,150,151,152,159,160,161,162,172,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,223,224,225,238,239,240,244,245,246,247,260,261,262,265,266,267,268,282,283,284,287,288,289,303,304,305,306,309,310,311,325,326,327,331,332,333,346,347,348,349,353,354,355,356,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,485 +4492 - 16,17,18,19,37,38,39,40,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,318,320,321,322,323,324,336,337,338,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,403,404,405,406,491 +4493 - 99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,152,159,160,161,162,163,164,172,173,180,181,182,183,184,192,193,194,195,201,202,203,204,214,215,216,223,224,225,234,235,236,237,238,245,246,255,256,257,258,259,267,268,269,270,271,272,273,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,320,321,322,323,342,343,344,345,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +4494 - 59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,126,127,128,129,137,138,139,140,141,147,148,149,150,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,202,203,204,211,212,213,224,225,226,227,232,233,234,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,363,364,365,379,380,381,382,384,385,386,387,401,402,403,405,406,407,408,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,493 +4495 - 34,35,36,37,38,54,55,56,57,58,59,60,61,62,76,77,78,79,80,83,84,85,97,98,99,100,104,105,106,107,108,119,120,121,125,126,127,128,141,142,143,144,147,148,149,150,163,164,165,166,167,168,169,170,171,186,187,188,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,315,316,317,318,320,321,322,336,337,338,339,342,343,344,357,358,359,360,363,364,365,366,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +4496 - 61,62,63,74,75,83,84,85,96,97,105,106,117,118,127,128,138,139,140,148,149,150,160,161,162,170,171,172,181,182,183,192,193,202,203,204,213,214,215,224,225,226,235,236,245,246,247,248,249,257,258,267,268,269,270,271,272,278,279,280,288,289,290,292,293,294,295,296,300,301,303,310,311,312,316,317,318,319,320,321,322,323,324,325,332,333,341,342,343,344,345,365,366,367,387,388,408,409,410,430,431,432,451,452,453,473,474,475,489 +4497 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,127,128,129,139,140,141,142,143,150,151,159,160,161,162,163,171,172,173,181,182,183,192,193,194,195,202,203,204,205,213,214,215,216,224,225,226,233,234,235,236,237,246,247,254,255,256,257,258,268,269,270,271,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +4498 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +4499 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,107,117,118,119,128,129,139,140,141,149,150,151,161,162,163,170,171,172,173,184,185,186,191,192,193,194,206,207,208,212,213,214,215,228,229,230,231,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,363,364,365,378,379,380,381,385,386,387,400,401,402,406,407,408,409,422,423,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +4500 - 15,16,17,37,38,39,58,59,60,80,81,101,102,122,123,124,144,145,146,165,166,167,186,187,188,189,208,209,210,211,212,229,230,231,232,233,234,235,251,252,256,257,272,273,274,277,278,279,293,294,295,299,300,301,315,316,320,321,322,336,337,338,341,342,343,358,359,362,363,364,379,380,381,383,384,385,401,402,403,404,405,406,423,424,425,426,427,491 +4501 - 61,62,82,83,84,102,103,104,105,106,123,124,125,126,127,143,144,145,146,147,148,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,211,212,213,223,224,225,226,227,228,232,233,234,245,246,247,248,249,250,254,255,256,269,270,271,272,273,274,276,277,278,293,294,295,296,297,298,299,317,318,319,320,321,341,342,343,362,363,364,384,385,386,388,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,472,473,474,489 +4502 - 93,94,95,96,97,98,99,100,114,115,116,117,118,120,121,122,123,135,136,137,144,145,146,157,158,167,168,178,179,180,190,191,200,201,212,213,222,223,232,233,234,235,236,244,245,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,279,280,281,289,290,291,292,293,294,295,296,301,302,303,324,325,346,347,368,369,390,391,412,413,434,435,455,456,457,477,478,479,494 +4503 - 36,37,38,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,165,166,167,168,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,339,340,341,342,360,361,362,363,382,383,384,385,398,403,404,405,406,407,425,426,427,428,429,447,448,449,486 +4504 - 55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,124,125,139,140,141,142,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,206,209,210,211,212,213,226,227,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,298,299,319,320,321,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +4505 - 90,91,92,93,94,95,96,97,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +4506 - 52,53,54,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,143,144,145,146,147,148,166,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,325,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,467,468,492 +4507 - 81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,161,162,163,164,182,183,184,202,203,204,205,206,224,225,226,227,228,229,230,231,245,246,247,248,249,250,251,252,253,254,255,275,276,277,278,298,299,300,321,322,323,342,343,344,345,364,365,366,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,490 +4508 - 114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,167,168,169,170,178,179,191,192,193,199,200,201,213,214,215,221,222,234,235,236,237,255,256,257,258,275,276,277,278,279,296,297,298,299,316,317,318,319,336,337,338,339,340,358,359,360,361,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,487 +4509 - 39,40,41,59,60,61,62,63,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,486 +4510 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,139,140,141,142,146,147,148,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,322,323,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,444,445,446,447,487 +4511 - 78,79,80,81,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,171,172,173,174,180,181,182,183,184,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,304,305,306,309,310,311,312,325,326,327,328,331,332,333,334,335,346,347,348,349,353,354,355,356,357,358,359,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,485 +4512 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,143,161,162,163,164,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,236,252,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,322,323,324,325,343,344,345,346,347,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +4513 - 57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,151,152,159,160,161,162,163,164,171,172,173,174,180,181,182,183,184,185,194,195,196,201,202,203,204,205,216,217,218,222,223,224,225,226,238,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,287,288,289,290,304,305,306,309,310,311,326,327,328,331,332,333,334,335,347,348,349,350,354,355,356,357,358,359,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,485 +4514 - 91,92,93,94,95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,133,134,135,141,142,143,155,156,162,163,164,165,183,184,185,186,202,203,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,252,253,254,255,256,257,258,259,278,279,280,281,282,283,303,304,305,306,327,328,349,350,362,363,369,370,371,372,383,384,385,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,428,429,430,431,432,488 +4515 - 11,12,13,14,15,16,17,18,30,31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,60,61,62,74,75,76,82,83,84,103,104,105,106,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,230,231,232,250,251,252,253,270,271,272,273,274,291,292,293,294,295,313,314,315,316,334,335,336,337,338,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,420,421,422,423,424,425,426,427,487 +4516 - 56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,470,471,472,486 +4517 - 6,7,8,9,10,11,12,13,14,15,26,27,28,29,30,31,32,33,34,35,36,37,38,48,49,50,51,52,53,54,58,59,60,70,71,72,73,80,81,82,92,93,94,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,249,250,251,252,253,269,270,271,272,273,274,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,435,436,487 +4518 - 32,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,147,148,161,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,207,214,215,226,227,228,236,237,247,248,249,250,258,259,260,269,270,271,272,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,346,347,357,358,359,367,368,369,379,380,381,382,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,485 +4519 - 69,70,71,72,73,74,91,92,93,94,95,96,97,98,99,113,114,116,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,159,160,166,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,383,384,385,386,397,405,406,407,408,414,427,428,429,430,449,450,451,457,458,471,472,473,474,478,479,492 +4520 - 50,51,52,58,59,60,72,73,74,80,81,82,93,94,95,96,102,103,104,115,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,180,181,182,183,184,190,191,192,202,203,204,205,212,213,214,224,225,226,227,234,235,236,246,247,248,249,256,257,258,267,268,269,270,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,388,389,390,410,411,412,432,433,434,454,455,456,478,489 +4521 - 56,57,58,77,78,79,80,82,83,84,99,100,101,102,104,105,106,121,122,123,127,142,143,144,145,164,165,166,167,186,187,188,207,208,209,210,229,230,231,251,252,253,272,273,274,275,294,295,296,316,317,318,337,338,339,340,359,360,361,362,365,381,382,383,387,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,486 +4522 - 140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,195,196,199,200,201,202,203,204,217,218,221,222,223,238,239,240,243,244,245,260,261,262,265,266,267,281,282,283,288,289,290,303,304,311,312,323,324,325,345,346,347,366,367,368,387,388,389,407,408,409,410,429,430,431,450,451,452,472,473,492 +4523 - 31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,74,75,82,83,84,104,105,125,126,127,146,147,148,167,168,169,188,189,190,209,210,211,230,231,232,250,251,252,253,272,273,274,275,294,295,296,297,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,364,365,366,367,368,376,377,378,379,380,387,388,389,390,391,392,397,398,399,400,401,411,412,413,414,419,420,421,422,435,436,441,442,443,487 +4524 - 14,15,16,35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,121,122,123,143,144,145,164,165,166,186,187,188,207,208,209,210,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,276,277,278,293,294,295,298,299,300,315,316,317,319,320,321,337,338,339,341,342,343,359,360,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,491 +4525 - 11,12,13,32,33,34,54,55,56,75,76,77,96,97,98,118,119,120,139,140,141,160,161,162,182,183,184,191,192,203,204,205,212,213,214,215,216,225,226,227,233,234,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,269,270,276,277,278,279,280,281,282,290,291,292,297,298,299,300,302,303,304,312,313,314,318,319,320,321,323,324,325,335,336,340,341,342,343,344,345,346,357,358,359,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +4526 - 13,14,15,16,34,35,36,37,38,54,55,56,57,58,75,76,77,78,97,98,99,118,119,120,139,140,141,142,161,162,163,183,184,185,204,205,206,226,227,228,248,249,250,270,271,274,275,276,277,278,279,292,293,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,345,346,347,358,359,360,361,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +4527 - 51,52,53,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,124,125,126,136,137,138,139,146,147,148,157,158,159,160,167,168,169,179,180,181,188,189,190,191,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,298,299,300,301,320,321,322,323,343,344,345,366,367,388,389,390,400,401,402,410,411,412,422,423,424,425,426,427,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +4528 - 52,53,54,55,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,121,138,139,140,160,161,162,182,183,184,204,205,226,227,228,248,249,250,257,258,259,270,271,272,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,366,367,388,389,410,411,432,433,454,455,456,477,478,489 +4529 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,75,76,77,78,79,80,81,101,102,103,123,124,125,144,145,146,165,166,167,168,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,253,254,255,256,275,276,277,278,298,299,300,321,322,323,343,344,345,365,366,367,387,388,389,400,401,402,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +4530 - 34,35,56,57,58,59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,148,149,150,162,163,164,165,166,170,171,172,184,185,186,187,191,192,193,194,205,206,207,208,209,213,214,215,216,227,228,229,230,234,235,236,237,248,249,250,251,252,256,257,258,270,271,272,273,277,278,279,280,292,293,294,298,299,300,301,302,313,314,315,316,320,321,322,323,335,336,337,338,341,342,343,344,357,358,359,360,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,485 +4531 - 71,72,73,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,448,449,450,451,470,471,472,473,492 +4532 - 68,69,70,71,72,90,91,92,93,94,95,112,113,114,115,116,117,118,119,120,135,136,137,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,168,169,186,187,188,189,190,191,192,211,212,213,214,215,235,236,237,257,258,259,278,279,280,281,300,301,302,303,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,492 +4533 - 52,53,56,57,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,126,127,137,138,139,148,149,159,169,170,171,190,191,192,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,298,299,300,301,321,322,323,343,344,345,366,367,388,389,409,410,411,422,423,424,425,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +4534 - 49,50,51,52,53,54,55,56,57,58,60,61,62,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,155,156,157,158,159,177,178,179,180,186,187,188,189,190,191,199,200,201,202,205,206,207,208,209,210,211,212,213,214,215,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,279,280,281,282,283,288,289,290,291,292,302,303,304,305,325,326,327,328,347,348,349,368,369,370,371,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,490 +4535 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,80,81,82,102,103,104,124,125,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,356,357,358,364,365,366,377,378,379,380,381,385,386,387,388,399,400,401,402,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +4536 - 75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,168,169,170,171,188,189,190,191,192,210,211,212,213,231,232,233,234,251,252,253,254,255,256,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,443,444,445,446,447,465,466,467,468,492 +4537 - 54,64,75,76,77,85,86,97,98,106,107,108,118,119,120,128,129,139,140,141,149,150,151,160,161,162,163,171,172,181,182,183,184,192,193,194,202,203,204,205,214,215,222,223,224,225,235,236,237,243,244,245,246,247,248,256,257,258,265,266,267,268,269,270,271,272,277,278,279,287,291,292,293,294,295,296,297,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,344,345,346,347,363,364,365,368,384,385,386,406,407,408,427,428,429,449,450,471,472,489 +4538 - 27,28,29,49,50,51,52,70,71,72,73,74,83,84,85,92,93,94,95,104,105,106,107,108,114,115,116,117,126,127,128,129,130,136,137,138,139,148,149,150,151,152,157,158,159,160,170,171,172,173,179,180,181,182,191,192,193,194,195,201,202,203,213,214,215,216,222,223,224,225,234,235,236,237,238,244,245,246,247,254,255,256,257,258,259,266,267,268,269,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,343,344,345,346,357,358,359,360,361,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,489 +4539 - 57,58,62,78,79,80,83,84,85,99,100,101,105,106,120,121,122,123,127,128,141,142,143,148,149,150,162,163,164,170,171,183,184,185,191,192,193,204,205,206,213,214,225,226,227,235,236,246,247,248,249,250,251,256,257,258,260,267,268,269,270,271,272,273,274,275,276,278,279,280,281,282,288,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,310,311,319,320,321,322,323,324,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +4540 - 73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,120,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,208,209,210,211,212,214,215,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,315,316,317,318,337,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,427,448,449,450,470,471,472,473,492 +4541 - 37,38,39,58,59,60,61,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,446,447,486 +4542 - 94,95,96,103,104,105,115,116,117,125,126,127,136,137,138,146,147,148,149,158,159,160,168,169,170,171,179,180,181,189,190,191,192,193,201,202,203,210,211,212,213,214,222,223,224,231,232,233,234,235,244,245,246,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,298,299,300,320,321,322,342,343,363,364,365,385,386,387,408,409,410,430,431,432,452,453,454,474,475,476,477,489 +4543 - 59,60,61,62,63,64,72,73,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,162,163,164,183,184,185,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,252,253,254,255,256,257,269,277,278,279,300,301,302,322,323,324,343,344,345,346,365,366,367,380,386,387,388,389,400,401,402,403,408,409,410,411,421,422,423,424,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,490 +4544 - 31,32,33,34,52,53,54,55,56,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,137,138,139,140,141,159,160,161,162,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,292,301,302,303,304,313,314,315,324,325,326,335,336,337,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,490 +4545 - 34,35,36,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,102,103,104,105,106,116,117,118,119,120,122,123,124,125,126,127,128,137,138,139,140,141,142,144,145,146,147,148,149,150,151,158,159,160,161,162,163,166,167,168,169,170,171,172,173,174,180,181,182,183,184,188,189,190,191,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,244,245,246,247,260,261,262,265,266,267,268,269,282,283,284,287,288,289,290,303,304,305,309,310,311,312,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,485 +4546 - 31,32,33,52,53,54,55,73,74,75,94,95,96,97,116,117,118,137,138,139,150,159,160,161,171,172,181,182,183,192,193,194,202,203,204,214,215,216,224,225,226,235,236,237,246,247,248,257,258,259,268,269,270,278,279,280,281,290,291,292,300,301,302,313,314,315,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,366,367,368,381,382,388,389,390,410,411,412,432,433,434,455,456,489 +4547 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,139,140,141,142,149,160,161,162,170,171,172,181,182,183,191,192,193,202,203,204,212,213,214,215,224,225,226,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,277,278,279,293,298,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,494 +4548 - 74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,105,106,120,123,124,125,126,127,128,146,147,148,149,166,167,168,169,187,188,189,190,209,210,211,230,231,252,253,274,275,276,297,298,299,320,321,342,343,364,365,386,387,407,408,428,429,430,444,445,448,449,450,451,465,466,467,468,469,470,471,488 +4549 - 53,54,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,119,120,140,141,142,161,162,163,182,183,184,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,257,258,259,280,281,302,303,323,324,325,345,346,347,358,366,367,368,378,379,380,381,382,386,387,388,389,400,401,402,403,408,409,410,421,422,423,424,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +4550 - 72,73,74,75,76,92,93,94,95,96,97,98,99,100,114,115,116,120,121,122,123,135,136,137,143,144,145,157,158,166,167,168,178,179,180,189,190,200,201,211,212,213,222,227,228,229,230,231,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,298,299,300,301,302,303,312,313,314,319,320,321,322,323,324,325,326,327,334,335,336,340,341,342,343,347,348,349,350,357,358,359,360,361,362,363,364,370,371,372,373,379,380,381,382,383,384,393,394,395,417,487 +4551 - 33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,76,77,81,82,83,102,103,104,105,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,272,273,274,293,294,295,296,314,315,316,317,335,336,337,338,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,407,408,409,410,420,421,422,430,431,432,433,434,435,436,453,454,455,456,457,458,487 +4552 - 73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,143,144,145,146,159,160,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,233,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,322,323,324,344,345,346,366,367,368,369,388,389,390,391,405,406,407,409,410,411,412,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,488 +4553 - 34,35,36,37,38,54,55,56,57,58,59,74,75,76,77,78,79,87,95,96,97,98,108,109,117,118,119,129,130,131,138,139,140,150,151,152,161,162,163,171,172,173,183,184,185,192,193,194,206,207,208,209,213,214,215,229,230,231,232,233,234,235,236,252,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,359,360,361,363,364,365,380,381,382,385,386,387,395,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,493 +4554 - 52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,147,158,159,160,161,162,166,167,168,169,180,181,182,183,184,188,189,190,191,202,203,204,205,206,210,211,212,213,224,225,226,227,228,231,232,233,234,235,246,247,248,249,250,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,360,361,364,365,366,367,386,387,388,389,408,409,410,411,412,430,431,432,433,434,453,454,455,456,457,475,476,477,478,494 +4555 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,81,82,83,96,97,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,355,356,357,358,359,363,364,365,377,378,379,380,385,386,387,388,389,397,398,399,400,401,408,409,410,411,412,413,414,415,416,419,420,421,422,431,432,433,434,435,436,437,438,442,487 +4556 - 95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,168,169,170,171,177,178,179,180,181,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +4557 - 59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,120,121,122,123,124,125,126,127,140,141,142,143,144,145,147,148,149,161,162,163,164,165,169,170,171,172,183,184,185,186,192,193,194,195,204,205,206,207,215,216,217,225,226,227,228,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,289,290,291,292,302,303,304,311,312,313,314,324,325,326,333,334,335,336,344,345,346,347,355,356,357,358,359,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,396,397,400,401,402,403,404,405,406,407,408,409,418,419,424,425,426,427,485 +4558 - 71,72,73,74,75,76,92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,163,164,165,185,186,187,206,207,208,209,210,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,451,452,453,454,472,473,474,475,488 +4559 - 38,39,40,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,105,106,107,108,116,117,118,119,120,121,122,123,124,125,128,129,130,137,138,139,140,141,145,146,147,150,151,152,158,159,160,161,172,173,174,180,181,182,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,326,327,331,332,333,347,348,349,353,354,355,369,370,371,375,376,377,378,379,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,485 +4560 - 35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,449,450,451,452,486 +4561 - 37,38,39,58,59,60,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,272,273,274,275,294,295,296,315,316,317,318,337,338,339,340,359,360,361,362,363,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,486 +4562 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,117,118,119,139,140,161,162,183,184,185,205,206,207,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,300,301,302,316,317,322,323,324,344,345,346,366,367,368,384,387,388,389,405,406,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,471,472,473,490 +4563 - 89,90,91,92,93,94,95,96,97,98,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,191,192,193,212,213,214,215,234,235,236,255,256,257,258,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,452,470,471,472,473,474,475,492 +4564 - 53,54,55,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,190,191,192,193,204,205,206,207,208,209,210,213,214,215,225,226,227,228,229,235,236,237,247,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,294,301,302,303,313,314,315,316,322,323,324,325,335,336,337,338,343,344,345,346,357,358,359,360,365,366,367,368,380,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,485 +4565 - 12,13,32,33,34,35,53,54,55,74,75,76,77,95,96,97,98,117,118,119,137,138,139,140,159,160,161,180,181,182,202,203,204,214,215,216,217,223,224,225,234,235,236,237,238,239,240,245,246,247,254,255,256,257,258,260,261,262,267,268,269,276,277,278,282,283,284,289,290,291,297,298,299,304,305,311,312,313,314,319,320,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,407,408,409,410,411,430,431,432,491 +4566 - 56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,158,159,160,161,164,165,166,167,168,169,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,256,257,258,259,272,273,274,278,279,280,281,293,294,300,301,302,303,322,323,324,325,344,345,346,358,359,366,367,368,380,381,388,389,390,402,403,404,405,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +4567 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,102,103,104,117,123,124,125,126,144,145,146,147,165,166,167,168,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,252,253,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,401,402,408,409,410,411,422,423,424,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +4568 - 76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,160,161,162,163,166,167,168,169,170,181,182,183,184,188,189,190,191,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +4569 - 50,51,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,100,101,102,103,104,105,125,126,127,145,146,147,148,149,166,167,168,169,188,189,190,209,210,211,229,230,231,232,250,251,252,270,271,272,273,291,292,293,294,312,313,314,315,316,317,318,319,333,334,335,336,337,340,341,342,354,355,356,357,362,363,364,365,366,376,377,385,386,387,388,389,390,391,392,393,394,395,408,409,410,411,412,413,414,415,416,417,487 +4570 - 8,9,10,11,30,31,32,33,51,52,53,54,73,74,75,76,95,96,97,98,117,118,119,139,140,141,160,161,162,163,182,183,184,185,189,190,191,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,300,301,302,303,314,315,316,317,318,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +4571 - 37,38,59,60,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,425,426,427,447,448,449,486 +4572 - 79,80,101,102,103,104,123,124,125,126,145,146,147,148,155,156,157,167,168,169,170,176,177,178,179,180,189,190,191,200,201,202,203,211,212,213,223,224,225,226,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,455,474,475,476,489 +4573 - 72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,124,125,126,127,146,147,148,167,168,169,170,189,190,191,210,211,212,213,232,233,234,253,254,255,274,275,276,277,295,296,297,298,317,318,319,338,339,340,341,360,361,362,381,382,383,403,404,405,424,425,426,445,446,447,448,449,450,467,468,469,470,471,472,492 +4574 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,117,118,119,120,121,122,124,125,138,139,140,141,142,145,146,147,148,149,150,159,160,161,162,163,166,167,168,169,170,171,172,173,181,182,183,184,187,188,189,190,191,192,193,194,195,203,204,205,206,208,209,210,211,215,216,217,224,225,226,227,231,237,238,239,246,247,248,249,259,260,261,267,268,269,270,271,281,282,283,289,290,291,292,293,302,303,304,305,311,312,313,314,315,323,324,325,326,333,334,335,336,337,343,344,345,346,347,355,356,357,358,359,364,365,366,367,368,377,378,379,380,381,382,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +4575 - 38,39,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,358,359,360,361,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +4576 - 13,14,15,16,34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,103,104,105,118,119,120,121,138,139,140,141,142,160,161,162,163,164,181,182,183,184,185,186,203,204,205,206,207,224,225,226,227,228,234,235,236,237,246,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,491 +4577 - 54,55,75,76,77,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,146,147,148,158,159,160,161,167,168,169,181,188,189,190,191,209,210,211,212,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,279,280,281,301,302,303,324,325,345,346,347,367,368,369,388,389,390,408,409,410,411,412,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +4578 - 58,59,60,69,70,71,79,80,81,82,90,91,92,93,101,102,103,104,112,113,114,123,124,125,126,134,135,136,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,181,189,190,191,192,201,202,203,204,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,391,409,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +4579 - 56,57,58,59,60,62,77,78,79,80,81,82,97,98,99,100,101,102,117,118,119,120,121,138,139,140,141,159,160,161,162,180,181,182,183,193,194,195,196,202,203,204,213,214,215,216,217,218,223,224,225,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,279,280,281,290,291,292,293,294,295,300,301,302,303,322,323,324,343,344,345,365,366,367,386,387,388,408,409,410,429,430,431,450,451,452,472,473,474,494 +4580 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,120,121,122,123,124,125,126,136,137,138,143,144,145,146,147,148,158,159,166,167,168,169,170,180,181,188,189,190,191,202,203,204,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,256,257,258,270,271,272,273,274,278,279,280,281,300,301,302,303,313,314,315,323,324,325,335,336,337,338,345,346,347,357,358,359,360,361,366,367,368,369,380,381,382,383,384,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,494 +4581 - 117,118,119,120,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,235,236,237,238,245,246,247,248,257,258,259,267,268,269,270,278,279,280,288,289,290,291,300,301,302,310,311,321,322,323,331,332,342,343,344,345,352,353,354,364,365,366,374,375,385,386,387,388,407,408,409,428,429,430,431,449,450,451,452,470,471,472,473,492 +4582 - 72,73,74,75,80,81,93,94,95,96,97,101,102,103,104,114,115,116,117,118,123,124,125,126,135,136,137,138,139,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,211,212,213,214,223,224,225,233,234,235,236,245,246,247,248,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,364,365,366,367,386,387,388,389,409,410,411,431,432,433,434,435,453,454,455,456,457,477,478,479,480,494 +4583 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,163,164,165,184,185,186,187,205,206,207,208,227,228,229,248,249,250,256,257,258,259,269,270,271,277,278,279,280,281,282,291,292,293,297,298,299,300,301,302,303,304,313,314,318,319,320,321,322,323,324,325,335,336,337,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,405,406,407,428,429,430,491 +4584 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,429,448,449,450,451,486 +4585 - 38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,210,211,212,231,232,233,234,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +4586 - 80,81,82,102,103,104,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,188,189,190,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,274,275,276,277,278,279,280,293,294,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,492 +4587 - 54,55,63,64,75,76,77,84,85,86,87,96,97,98,105,106,107,117,118,119,127,128,138,139,140,148,149,150,160,161,169,170,171,181,182,183,191,192,193,202,203,204,212,213,214,224,225,226,233,234,235,236,245,246,247,255,256,257,262,263,267,268,269,276,277,278,283,284,289,290,291,292,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,470,471,489 +4588 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,79,80,81,93,94,101,102,103,115,123,124,137,144,145,146,161,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,213,214,215,216,228,237,238,259,260,281,282,291,292,303,304,312,313,314,324,325,326,333,334,335,345,346,347,355,356,366,367,368,369,377,378,386,387,388,389,390,399,400,401,402,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +4589 - 76,77,78,79,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,151,152,160,161,162,163,164,165,174,175,180,181,182,183,184,185,186,196,197,202,203,204,206,207,208,218,219,223,224,225,226,229,230,231,240,241,245,246,247,252,253,262,263,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,332,333,347,348,349,350,354,355,368,369,370,371,376,377,388,389,390,391,392,398,399,400,401,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,485 +4590 - 91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,187,188,189,190,191,192,193,194,212,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +4591 - 55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,104,105,106,107,108,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,182,183,184,185,186,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,278,279,280,300,301,302,322,323,324,344,345,346,356,365,366,367,377,378,379,387,388,389,399,400,401,402,407,408,409,410,421,422,423,424,425,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,490 +4592 - 61,62,73,74,82,83,84,95,96,104,105,106,117,118,126,127,128,138,139,140,148,149,160,161,162,169,170,171,182,183,184,191,192,193,204,205,206,213,214,215,226,227,233,234,235,236,247,248,249,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,313,314,315,316,317,318,322,323,335,336,337,338,344,345,365,366,367,387,388,389,409,410,411,431,432,453,454,475,476,489 +4593 - 14,15,16,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,140,141,142,161,162,163,170,171,182,183,184,189,190,191,192,193,194,203,204,205,210,211,212,213,214,215,216,225,226,230,231,232,233,237,238,246,247,248,251,252,253,254,258,259,260,267,268,269,272,273,274,275,279,280,281,289,290,294,295,296,299,300,301,302,311,312,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,382,383,384,385,386,387,404,405,406,407,408,491 +4594 - 126,127,128,129,135,138,139,140,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,192,193,194,198,199,200,214,215,216,220,221,236,237,238,242,243,257,258,259,264,265,279,280,281,286,287,300,301,302,303,308,309,322,323,324,330,344,345,346,366,367,368,387,388,389,409,410,411,431,432,433,453,454,455,474,475,476,492 +4595 - 60,61,62,81,82,83,84,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,336,337,338,339,358,359,360,379,380,381,382,401,402,403,422,423,424,425,444,445,446,466,467,468,486 +4596 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,119,120,121,125,126,127,128,147,148,149,150,168,169,170,171,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,254,255,256,257,258,259,268,269,270,271,272,275,276,277,278,279,280,281,282,289,290,291,292,293,297,298,299,300,301,302,303,304,305,311,312,313,314,318,319,320,321,322,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,421,422,423,424,425,426,487 +4597 - 75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,147,148,149,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,275,276,277,278,296,297,298,299,318,319,320,339,340,341,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,492 +4598 - 67,68,69,70,71,72,73,89,90,91,92,93,94,95,96,97,112,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,209,210,211,212,213,214,215,231,232,233,234,235,236,237,253,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,412,428,429,430,431,432,433,434,451,452,453,454,455,456,473,474,475,476,477,478,479,492 +4599 - 39,40,41,42,43,54,55,56,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,139,140,141,160,161,162,163,181,182,183,184,186,187,188,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,256,257,258,259,279,280,281,301,302,303,323,324,325,344,345,346,347,354,355,356,365,366,367,368,376,377,378,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +4600 - 96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,168,169,170,171,172,176,177,178,179,192,193,194,214,215,216,236,237,238,258,259,260,279,280,281,282,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,387,388,389,409,410,412,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +4601 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,127,148,149,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,360,361,362,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,449,467,468,469,470,471,492 +4602 - 40,41,61,62,73,74,75,82,83,84,94,95,96,97,103,104,105,116,117,118,124,125,126,138,139,140,146,147,148,159,160,161,162,167,168,169,181,182,183,184,189,190,191,203,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,253,254,255,270,271,272,275,276,293,294,295,296,297,298,315,316,317,318,319,338,339,340,341,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,405,406,407,427,428,449,450,489 +4603 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,105,106,126,127,128,147,148,149,150,168,169,170,171,189,190,191,192,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,292,293,294,295,296,313,314,315,316,317,334,335,336,337,341,342,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,408,409,410,411,412,413,414,415,416,417,422,423,430,431,432,433,434,435,436,437,438,457,487 +4604 - 36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,103,104,105,119,120,121,122,124,125,126,140,141,142,146,147,161,162,163,164,167,168,183,184,185,204,205,206,226,227,228,234,235,247,248,249,252,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,302,303,304,313,314,315,316,317,325,326,335,336,337,338,346,347,348,357,358,359,367,368,369,370,379,380,381,388,389,390,391,401,402,403,404,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,491 +4605 - 70,71,72,73,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,450,451,469,470,471,472,492 +4606 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +4607 - 80,81,82,83,84,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,150,151,152,161,162,163,164,165,171,172,173,182,183,184,185,192,193,194,195,204,205,206,207,213,214,215,216,225,226,227,228,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,494 +4608 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,75,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,254,255,256,257,258,269,270,271,272,273,278,279,280,281,282,291,292,293,294,295,302,303,304,313,314,315,316,324,325,326,327,335,336,337,338,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +4609 - 62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,120,121,122,123,124,141,142,143,144,162,163,164,183,184,185,186,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,249,250,257,258,259,279,280,281,300,301,302,321,322,323,324,333,342,343,344,345,355,356,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,490 +4610 - 10,11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,116,117,118,119,138,139,140,159,160,161,162,170,171,172,173,180,181,182,183,184,190,191,192,193,194,195,202,203,204,210,211,212,213,214,215,216,217,224,225,226,231,232,233,234,235,236,237,238,239,246,247,248,252,253,254,255,256,257,260,261,268,269,270,273,274,275,276,277,282,283,290,291,292,294,295,296,297,298,303,304,305,312,313,314,316,317,318,324,325,326,327,334,335,336,337,338,339,340,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +4611 - 63,64,65,85,86,87,101,102,103,104,105,108,109,119,120,121,122,123,124,125,126,127,129,130,131,139,140,141,142,143,144,145,149,150,151,152,153,160,161,162,163,164,169,170,171,172,173,174,175,181,182,183,184,191,192,193,194,195,203,204,212,213,214,215,216,224,225,226,233,234,235,236,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,318,334,335,336,337,338,339,355,356,357,358,359,360,361,376,377,378,379,380,381,382,383,398,399,400,401,402,403,404,420,421,422,423,424,425,442,443,444,445,446,493 +4612 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,428,429,430,431,450,451,452,486 +4613 - 47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,122,123,124,125,134,135,136,137,138,139,141,142,146,147,148,158,159,160,169,170,171,180,181,182,192,193,194,202,203,215,216,217,224,225,238,239,246,247,260,261,262,268,269,283,284,290,291,292,305,306,312,313,314,327,328,329,335,336,337,338,350,351,357,358,359,360,361,372,373,380,381,382,383,384,385,386,393,394,395,403,404,405,406,407,408,409,410,411,414,415,416,417,427,428,429,430,431,432,433,434,435,436,437,438,439,451,452,453,454,455,456,457,458,459,460,475,476,477,478,479,480,481,485 +4614 - 76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,227,228,229,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,362,363,364,365,376,377,378,379,380,381,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +4615 - 30,31,32,52,53,54,74,75,76,77,96,97,98,99,119,120,121,141,142,143,163,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,297,298,299,319,320,321,322,341,342,343,344,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,486 +4616 - 49,50,51,71,72,73,93,94,95,101,102,115,116,117,122,123,124,125,137,138,144,145,146,147,159,160,161,166,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,213,214,225,226,227,228,232,233,234,235,236,248,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,342,343,344,345,364,365,366,386,387,388,389,409,410,411,431,432,433,453,454,455,476,477,489 +4617 - 25,26,27,28,29,30,46,47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,90,91,92,96,97,98,99,100,120,121,122,123,144,145,146,166,167,168,169,189,190,191,211,212,213,234,235,236,256,257,258,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,487 +4618 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,188,189,190,191,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,279,280,281,292,293,294,297,301,302,303,314,315,316,323,324,325,336,337,338,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +4619 - 25,26,27,28,29,30,46,47,48,49,50,51,52,53,54,68,69,70,71,73,74,75,76,77,90,91,92,93,97,98,99,111,112,113,114,120,121,122,133,134,135,136,142,143,144,155,156,157,158,165,166,167,168,169,178,179,186,187,188,189,190,191,192,200,208,209,210,211,212,213,214,215,229,230,231,232,236,237,251,252,253,254,258,259,260,273,274,275,281,282,303,304,305,325,326,327,337,338,347,348,349,359,360,361,362,369,370,371,380,381,382,383,384,385,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,488 +4620 - 73,74,82,83,95,96,104,105,116,117,118,126,127,137,138,139,147,148,149,158,159,160,161,169,170,171,180,181,182,191,192,193,202,203,204,205,206,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,278,279,300,301,322,323,343,344,345,365,366,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4621 - 55,56,70,77,78,79,92,93,99,100,101,114,115,116,121,122,123,136,137,138,139,143,144,145,146,159,160,161,165,166,167,168,181,182,183,184,187,188,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,432,433,434,449,454,455,456,457,471,472,477,478,479,489 +4622 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,473,492 +4623 - 25,26,32,33,34,35,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,112,113,114,115,135,136,137,157,158,159,160,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,258,259,260,261,281,282,283,284,304,305,306,326,327,328,336,337,338,339,340,341,348,349,350,358,359,360,361,362,363,364,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,490 +4624 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,73,74,78,79,80,81,101,102,103,122,123,124,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,279,280,301,302,322,323,324,344,345,346,357,358,364,365,366,367,378,379,380,385,386,387,388,389,400,401,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +4625 - 49,50,51,52,53,54,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,143,144,145,146,147,148,157,158,159,160,166,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,205,206,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,361,362,363,365,366,367,368,383,384,385,386,388,389,390,391,405,406,407,408,409,411,412,413,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,457,473,474,475,476,477,478,493 +4626 - 57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,129,130,140,141,142,143,146,147,148,150,151,152,162,163,164,168,169,170,171,172,173,174,184,185,186,191,192,193,194,195,206,207,208,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,493 +4627 - 72,73,74,75,76,93,94,95,96,97,98,99,115,116,117,118,119,120,121,136,137,138,139,142,143,144,158,159,160,165,166,167,180,181,182,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,254,255,256,276,277,278,279,298,299,300,301,320,321,322,323,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,479,494 +4628 - 34,35,36,37,54,55,56,57,58,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,123,124,125,128,137,138,139,140,158,159,160,161,162,180,181,182,183,184,185,186,187,204,205,206,207,208,209,210,211,231,232,233,234,255,256,257,278,279,280,288,300,301,302,310,323,324,325,332,333,344,345,346,347,354,355,365,366,367,368,377,378,386,387,388,389,399,400,401,402,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,490 +4629 - 49,50,69,70,71,72,73,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,161,162,170,171,172,173,178,179,193,194,195,200,201,216,217,218,222,223,224,239,240,241,244,245,246,261,262,263,267,268,269,283,284,285,289,290,291,292,306,307,312,313,314,315,328,329,335,336,337,338,350,351,358,359,360,361,371,372,373,381,382,383,384,385,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,417,428,429,430,431,432,433,434,435,436,437,438,452,453,454,455,456,457,458,459,485 +4630 - 60,61,62,63,64,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,158,159,160,161,162,180,181,182,183,184,185,186,203,204,205,206,207,208,209,210,227,228,229,230,231,232,233,251,252,253,254,255,256,275,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,490 +4631 - 28,29,30,50,51,52,53,72,73,74,75,76,95,96,97,98,117,118,119,120,140,141,142,143,162,163,164,165,185,186,187,188,207,208,209,210,230,231,232,252,253,254,255,269,274,275,276,277,297,298,299,300,319,320,321,322,342,343,344,345,364,365,366,367,386,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,486 +4632 - 13,14,34,35,36,56,57,58,77,78,79,80,99,100,101,120,121,122,142,143,144,163,164,165,166,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,294,295,296,299,300,301,316,317,318,321,322,323,338,339,340,342,343,344,345,360,361,362,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +4633 - 46,47,48,49,50,51,52,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,112,113,114,119,120,121,122,123,134,143,144,145,146,166,167,168,169,189,190,191,192,212,213,214,235,236,237,250,251,252,253,254,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,371,372,373,384,385,386,387,388,487 +4634 - 13,14,15,16,34,35,36,37,38,56,57,58,59,60,77,78,79,80,98,99,100,101,120,121,122,141,142,143,163,164,165,185,186,187,206,207,208,228,229,230,249,250,251,271,272,273,274,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,342,343,344,359,360,361,365,366,381,382,383,384,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,491 +4635 - 46,67,68,69,89,90,91,93,94,95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,155,156,157,158,159,165,166,167,177,178,179,180,181,186,187,188,189,190,199,200,201,202,206,207,208,209,210,211,212,213,214,221,222,223,224,228,229,230,231,232,233,234,235,236,237,238,243,244,245,249,250,251,252,253,254,255,257,258,259,260,261,271,272,273,274,275,276,281,282,283,294,295,296,297,303,304,305,306,326,327,328,348,349,350,370,371,372,383,384,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,474,476,488 +4636 - 71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,120,121,122,123,144,145,165,166,167,186,187,188,189,208,209,210,229,230,231,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,431,432,433,452,453,454,455,472,473,474,475,476,488 +4637 - 55,56,76,77,78,79,92,99,100,101,114,115,121,122,123,136,137,138,143,144,145,158,159,160,165,166,167,168,181,182,183,187,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,432,433,434,435,454,455,456,457,477,478,479,489 +4638 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,102,103,104,105,116,117,118,125,126,127,128,137,138,139,149,150,159,160,169,170,171,172,180,181,182,190,191,192,193,202,203,204,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,251,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,317,318,319,320,321,338,339,340,341,342,343,344,360,361,364,365,366,367,381,382,383,388,389,390,404,405,410,411,412,426,427,428,431,432,433,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +4639 - 25,31,32,33,34,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,113,114,115,116,135,136,137,138,158,159,160,180,181,182,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,256,257,258,259,260,280,281,282,283,303,304,305,325,326,327,328,347,348,349,350,360,361,369,370,371,372,381,382,383,384,385,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,490 +4640 - 64,65,85,86,87,98,99,100,101,102,105,106,107,108,119,120,121,122,123,124,126,127,128,129,141,142,147,148,149,150,162,163,164,168,169,170,171,184,185,186,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,319,320,321,322,336,337,338,342,343,344,358,359,360,363,364,365,379,380,381,385,386,387,401,402,403,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +4641 - 4,5,6,7,26,27,28,48,49,50,70,71,72,92,93,94,114,115,116,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,214,215,216,217,224,225,226,227,235,236,237,238,239,240,247,248,249,256,257,258,259,260,261,262,269,270,271,272,278,279,280,281,282,283,284,285,291,292,293,294,295,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,385,386,387,388,389,390,391,392,491 +4642 - 98,99,100,101,102,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,167,168,169,177,178,179,180,181,182,183,189,190,191,198,199,200,201,202,203,211,212,213,220,221,222,233,234,235,255,256,257,277,278,279,299,300,301,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +4643 - 88,97,98,99,100,101,110,111,112,116,117,118,119,120,121,122,123,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,177,178,179,180,181,182,183,184,187,188,189,190,210,211,212,213,232,233,234,235,254,255,256,257,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,436,455,456,457,458,477,478,479,480,492 +4644 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,193,202,203,204,205,211,212,213,214,215,224,225,226,227,234,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,282,290,291,292,293,300,301,302,303,304,305,312,313,314,315,322,323,324,325,326,334,335,336,337,338,343,344,345,346,347,348,357,358,359,360,361,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,485 +4645 - 46,47,48,49,50,51,52,53,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,120,121,122,123,124,134,135,136,137,142,143,144,145,146,157,158,159,160,161,164,165,166,167,180,181,182,183,184,186,187,188,189,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,324,340,341,342,344,345,346,347,362,363,364,366,367,368,369,384,385,386,387,389,390,391,392,406,407,408,409,412,413,414,415,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,459,474,475,476,477,478,479,493 +4646 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,101,102,103,113,114,115,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,337,338,339,340,359,360,361,362,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,458,487 +4647 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,115,116,117,119,120,121,122,123,136,137,138,143,144,145,158,159,160,166,167,168,180,181,182,187,188,189,190,202,203,204,208,209,210,211,212,217,224,225,226,227,228,229,230,231,232,233,234,235,238,239,247,248,249,250,251,252,253,254,255,256,257,260,261,271,272,273,274,275,277,278,279,282,283,299,300,301,302,305,321,322,323,324,343,344,345,346,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +4648 - 56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,123,124,125,140,141,142,144,145,146,147,162,163,164,165,166,167,168,169,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,360,361,363,364,365,382,383,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,493 +4649 - 25,26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,98,99,100,101,102,103,112,113,114,115,116,122,123,124,125,135,136,137,146,147,148,156,157,158,169,170,171,178,179,180,191,192,193,194,200,201,202,214,215,216,223,224,237,238,239,245,246,247,260,261,267,268,269,270,282,283,284,290,291,292,293,305,306,313,314,315,316,327,328,336,337,338,339,340,349,350,359,360,361,362,363,364,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,429,430,431,432,433,434,435,436,437,438,453,454,455,456,457,458,459,485 +4650 - 55,56,57,76,77,78,79,99,100,101,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,300,301,318,319,320,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,489 +4651 - 29,30,51,52,53,73,74,75,95,96,97,118,119,120,140,141,142,143,162,163,164,165,184,185,186,187,207,208,209,210,229,230,231,232,252,253,254,274,275,276,277,296,297,298,299,319,320,321,341,342,343,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,486 +4652 - 50,51,59,60,71,72,73,80,81,82,93,94,95,102,103,104,115,116,117,124,125,126,137,138,139,146,147,159,160,161,168,169,170,181,182,183,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,248,249,254,255,256,257,270,271,276,277,278,292,293,294,298,299,300,301,314,315,316,319,320,321,322,336,337,338,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,386,387,388,404,405,408,409,410,430,431,432,452,453,454,474,475,489 +4653 - 23,24,25,26,27,28,29,45,46,47,48,49,50,51,52,53,67,68,69,70,71,72,73,74,75,76,77,89,90,94,95,96,97,98,99,100,119,120,121,122,123,142,143,144,145,146,165,166,167,168,188,189,190,191,211,212,213,214,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,345,346,347,348,349,350,358,359,360,361,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,393,394,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,487 +4654 - 99,100,107,108,109,120,121,122,123,127,128,129,130,131,141,142,143,144,145,148,149,150,151,152,162,163,164,165,166,169,170,171,172,173,174,182,183,184,185,186,187,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,399,400,401,402,403,420,421,422,423,424,425,442,443,444,445,464,465,489 +4655 - 27,28,29,30,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,112,113,114,115,119,120,121,122,133,134,135,136,142,143,144,155,156,157,158,164,165,166,167,168,169,177,178,179,180,185,186,187,188,189,190,191,192,193,199,200,201,206,207,208,209,210,211,212,213,214,215,216,221,222,223,228,229,230,231,232,234,235,236,237,238,239,250,251,252,253,258,259,260,261,271,272,273,274,281,282,283,284,294,295,304,305,306,326,327,328,339,348,349,350,360,361,362,363,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,488 +4656 - 30,31,32,52,53,54,74,75,76,96,97,98,118,119,120,121,140,141,142,143,162,163,164,165,166,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +4657 - 54,55,56,76,77,78,98,99,100,101,114,115,120,121,122,123,135,136,137,138,142,143,144,145,157,158,159,160,161,164,165,166,167,180,181,182,183,186,187,188,189,203,204,205,206,208,209,210,211,225,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,318,319,320,321,322,341,342,343,344,363,364,365,366,386,387,388,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,489 +4658 - 11,12,33,34,54,55,76,77,97,98,99,119,120,141,142,162,163,164,184,185,186,206,207,228,229,235,249,250,251,256,257,258,271,272,273,277,278,279,280,281,293,294,298,299,300,301,302,303,315,316,320,321,322,323,324,336,337,338,342,343,344,345,358,359,360,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,410,491 +4659 - 36,37,38,47,48,49,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,136,137,138,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,258,259,260,261,280,281,282,283,303,304,305,306,314,326,327,328,335,336,337,338,348,349,350,357,358,359,360,361,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,490 +4660 - 10,11,12,13,31,32,33,34,35,52,53,54,55,56,74,75,76,95,96,97,98,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,190,191,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,292,293,294,297,298,299,301,302,303,314,315,316,317,319,320,321,323,324,325,336,337,338,339,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +4661 - 2,3,4,5,25,26,27,47,48,49,69,70,71,91,92,93,94,113,114,115,116,135,136,137,138,157,158,159,160,179,180,181,182,191,192,193,201,202,203,204,212,213,214,215,216,223,224,225,226,227,234,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,262,268,269,270,271,277,278,279,280,281,282,283,284,291,292,293,294,295,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,491 +4662 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,166,167,168,169,170,181,182,183,184,188,189,190,191,203,204,205,209,210,211,212,213,225,226,227,230,231,232,233,234,235,246,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +4663 - 88,89,90,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,166,167,168,169,189,190,191,211,212,213,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,432,433,434,435,454,455,456,457,476,477,478,479,492 +4664 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,92,93,94,114,115,136,137,138,159,160,161,182,183,184,185,205,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,255,256,272,273,276,277,278,279,294,295,299,300,301,302,315,316,317,323,324,325,326,338,339,340,346,347,348,349,360,361,362,363,369,370,371,384,385,386,392,393,406,407,408,409,410,414,415,430,431,432,433,434,435,436,437,454,455,456,457,458,459,493 +4665 - 30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,115,116,117,120,121,122,123,137,138,139,142,143,144,145,159,160,161,162,164,165,166,182,183,184,185,186,187,188,204,205,206,207,208,209,227,228,229,230,231,232,250,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,339,340,341,342,344,345,346,347,362,363,364,367,368,369,370,384,385,386,387,388,390,391,392,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,436,453,454,455,456,457,493 +4666 - 13,14,15,16,17,33,34,35,36,37,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,247,248,249,256,257,258,259,260,261,269,270,271,277,278,279,280,281,282,283,284,291,292,293,294,297,298,299,300,301,302,303,304,305,306,313,314,315,316,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,491 +4667 - 73,74,75,76,77,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,143,144,145,159,160,161,166,167,168,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,276,277,278,279,298,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +4668 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,162,163,164,169,170,184,185,186,191,192,205,206,207,208,213,214,227,228,229,235,236,249,250,251,256,257,258,270,271,272,273,278,279,280,292,293,294,295,300,301,302,314,315,316,322,323,324,336,337,338,343,344,345,358,359,360,365,366,367,380,381,382,383,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,485 +4669 - 49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,119,120,121,122,123,124,125,126,136,137,138,143,144,145,146,147,158,159,160,165,166,167,168,180,181,182,183,187,188,189,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,343,344,345,346,361,362,363,366,367,368,369,383,384,385,389,390,391,405,406,407,408,409,411,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,456,457,474,475,476,477,478,493 +4670 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,105,106,107,116,117,118,119,120,127,128,129,138,139,140,150,159,160,161,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,257,258,259,279,280,281,301,302,303,316,317,318,324,325,337,338,339,346,347,358,359,360,368,369,380,381,389,390,391,402,403,404,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,490 +4671 - 4,5,6,26,27,28,29,48,49,50,51,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,181,182,183,203,204,205,212,213,214,225,226,227,233,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,283,291,292,293,294,295,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,491 +4672 - 36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,139,140,141,142,143,161,162,163,164,165,183,184,185,186,187,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,321,322,323,324,325,337,338,339,343,344,345,346,347,359,360,361,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,490 +4673 - 26,34,35,36,37,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,113,114,115,134,135,136,137,157,158,159,179,180,181,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,283,302,303,304,305,325,326,327,328,335,348,349,350,351,357,358,359,360,371,372,373,379,380,381,382,383,384,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,490 +4674 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,277,278,279,280,281,282,300,301,302,303,304,313,314,315,322,323,324,325,326,334,335,336,337,344,345,346,347,348,355,356,357,358,366,367,368,369,370,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +4675 - 29,30,31,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,145,146,147,148,149,150,151,157,158,159,160,161,162,170,171,172,173,178,179,180,181,182,193,194,195,196,200,201,202,203,204,215,216,217,218,222,223,224,225,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,314,325,326,327,328,329,332,333,334,335,336,337,338,339,340,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,453,454,455,456,485 +4676 - 13,14,35,36,37,57,58,59,78,79,80,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,209,227,228,229,230,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,297,298,299,300,301,314,315,316,321,322,323,336,337,338,339,343,344,345,358,359,360,361,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +4677 - 6,7,8,9,28,29,30,49,50,51,52,70,71,72,73,74,92,93,94,95,114,115,116,117,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,225,226,227,228,236,237,238,239,240,247,248,249,250,257,258,259,260,261,262,263,269,270,271,272,273,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,491 +4678 - 55,56,57,58,59,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,122,123,124,125,126,139,140,144,145,146,147,162,163,165,166,167,168,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,341,342,343,359,360,361,363,364,365,381,382,384,385,386,387,403,404,406,407,408,409,425,426,427,428,429,430,448,449,450,451,452,470,471,472,473,493 +4679 - 69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,165,166,167,168,169,170,171,179,180,181,182,187,188,189,190,201,202,203,204,208,209,210,211,224,225,226,227,228,230,231,232,248,249,250,251,252,253,254,271,272,273,274,275,294,295,296,297,298,317,318,319,320,321,339,340,341,342,343,344,361,362,364,365,366,367,383,384,388,389,390,405,406,407,411,412,413,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,479,480,493 +4680 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,161,162,163,166,167,168,169,182,183,184,187,188,189,190,191,203,204,205,208,209,210,211,212,213,225,226,227,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,276,277,278,291,292,293,294,298,299,300,320,321,322,342,343,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,474,494 +4681 - 72,73,74,75,76,94,95,96,97,98,99,115,116,117,118,119,120,121,122,137,138,139,142,143,144,159,160,161,165,166,167,181,182,187,188,189,203,204,205,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,277,278,299,300,301,321,322,323,343,344,345,365,366,367,388,389,410,411,412,432,433,434,454,455,456,476,477,478,494 +4682 - 33,34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +4683 - 45,46,47,67,68,69,70,80,81,89,90,91,92,93,94,102,103,112,113,114,115,116,117,124,125,136,137,138,139,140,146,147,159,160,161,162,168,169,182,183,184,190,191,204,205,206,207,211,212,213,227,228,229,233,234,235,249,250,251,252,256,257,258,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,344,345,346,366,367,368,369,388,389,390,391,411,412,413,433,434,435,436,455,456,457,458,477,478,479,480,489 +4684 - 116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,184,189,190,191,211,212,213,232,233,234,253,254,255,256,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,384,385,405,406,407,427,428,429,449,450,471,472,492 +4685 - 31,32,33,53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +4686 - 75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,144,145,146,147,157,158,159,160,166,167,168,169,179,180,181,188,189,190,202,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,343,344,345,346,366,367,368,387,388,389,390,408,409,410,411,428,429,430,431,432,433,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +4687 - 93,94,95,96,97,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,144,158,159,160,163,164,165,166,167,180,181,182,186,187,188,189,202,203,204,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,295,299,300,321,322,343,344,345,365,366,367,388,389,410,411,412,432,433,434,454,455,456,476,477,478,494 +4688 - 80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,224,225,226,227,246,247,248,249,250,251,252,268,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,316,317,318,319,320,321,322,341,342,343,344,345,364,365,366,367,380,381,386,387,388,389,401,402,403,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +4689 - 25,26,27,28,33,34,35,36,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,118,136,137,158,159,160,180,181,182,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,279,280,281,282,283,292,293,303,304,305,306,326,327,328,337,348,349,350,358,359,360,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,490 +4690 - 51,52,53,54,55,71,72,73,74,75,76,77,92,93,94,95,98,99,100,101,112,113,114,115,120,121,122,123,124,133,134,135,136,144,145,146,147,148,155,156,157,168,169,170,171,176,177,178,190,191,192,193,199,200,201,202,203,211,212,213,214,215,222,223,224,225,226,227,228,229,233,234,235,246,247,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,347,365,366,367,368,369,370,387,388,389,390,391,392,410,411,413,414,432,433,434,435,436,437,455,456,457,458,459,478,479,480,493 +4691 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,122,123,124,135,136,137,138,139,140,143,144,145,146,147,158,159,160,164,165,166,167,168,169,170,181,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,236,237,238,250,251,252,253,254,255,259,260,261,273,274,275,281,282,283,303,304,305,325,326,327,335,336,337,338,346,347,348,349,357,358,359,360,361,368,369,370,371,379,380,381,382,383,384,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +4692 - 27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,59,60,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +4693 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,147,148,149,150,157,158,159,160,161,162,163,164,169,170,171,172,173,178,179,180,181,182,183,184,192,193,194,195,196,200,201,202,203,206,215,216,217,218,222,223,224,225,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,289,290,291,292,303,304,305,306,307,311,312,313,314,315,324,325,326,327,328,329,333,334,335,336,337,338,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,485 +4694 - 7,8,9,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,70,71,74,75,76,77,78,98,99,100,120,121,122,142,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,302,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,344,345,346,347,348,349,350,356,357,358,359,360,361,378,379,380,381,382,401,402,403,487 +4695 - 56,57,78,79,80,94,99,100,101,102,115,116,117,121,122,123,137,138,139,140,143,144,145,160,161,162,165,166,167,182,183,184,187,188,189,204,205,206,207,209,210,211,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,489 +4696 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,147,148,159,160,161,162,169,170,171,172,180,181,182,183,192,193,194,201,202,203,204,213,214,215,223,224,225,234,235,236,237,244,245,246,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,322,323,324,344,345,346,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4697 - 69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,144,145,146,147,157,158,159,160,166,167,168,169,180,181,182,183,188,189,190,203,204,205,206,209,210,211,227,228,229,231,232,233,250,251,252,253,254,255,273,274,275,276,277,296,297,298,299,319,320,321,322,341,342,343,344,345,363,364,365,366,367,368,385,386,387,389,390,391,407,408,409,412,413,414,430,431,432,435,436,452,453,454,455,456,457,458,459,475,476,477,478,479,480,481,493 +4698 - 54,55,56,76,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,229,230,231,251,252,253,272,273,274,294,295,296,316,317,318,338,339,340,360,361,362,382,383,384,385,405,406,407,427,428,429,430,450,451,452,453,473,474,475,486 +4699 - 72,73,74,75,76,93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,136,137,138,139,143,144,145,158,159,160,166,167,168,180,181,182,187,188,189,190,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,272,273,274,277,278,279,300,301,302,322,323,324,344,345,346,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,458,478,479,480,481,494 +4700 - 78,79,99,100,101,102,119,120,121,122,123,124,139,140,141,142,143,145,146,160,161,162,163,164,165,167,168,181,182,183,184,185,186,189,190,203,204,205,206,211,212,225,226,227,228,229,230,231,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +4701 - 29,30,31,51,52,53,54,73,74,75,76,86,95,96,97,98,118,119,120,121,140,141,142,143,162,163,164,165,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,433,452,453,454,486 +4702 - 47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,145,146,147,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,303,304,305,306,307,313,314,315,316,317,318,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,487 +4703 - 55,56,57,77,78,79,99,100,101,114,115,121,122,123,136,137,138,144,145,146,158,159,160,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,343,344,345,365,366,367,368,387,388,389,390,410,411,412,432,433,434,435,454,455,456,457,477,478,479,489 +4704 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,161,162,163,164,165,166,167,183,184,185,186,187,188,189,207,208,209,210,211,212,232,233,234,235,254,255,256,257,277,278,279,280,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,387,388,389,390,401,402,403,404,405,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +4705 - 50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,145,146,147,148,149,156,157,158,159,160,169,170,171,172,178,179,180,181,182,192,193,194,195,200,201,202,203,204,214,215,216,217,222,223,224,225,226,237,238,239,240,245,246,247,248,260,261,262,267,268,269,270,271,282,283,284,285,290,291,292,293,294,305,306,307,313,314,315,316,317,327,328,329,336,337,338,339,340,341,342,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,406,407,408,409,410,411,412,413,414,415,416,430,431,432,433,434,435,436,437,485 +4706 - 29,30,31,32,33,50,51,52,53,54,55,72,73,74,75,82,93,94,95,102,103,104,105,115,116,117,122,123,124,125,126,127,137,138,139,143,144,145,146,147,159,160,161,165,166,167,168,181,182,183,184,186,187,188,204,205,206,207,208,209,210,227,228,229,230,231,232,250,251,252,253,254,255,273,274,275,276,277,278,296,297,298,299,300,301,302,318,319,320,321,322,323,324,325,340,341,342,344,345,346,347,362,363,364,367,368,369,385,386,387,390,391,407,408,409,410,411,412,413,430,431,432,433,434,435,453,454,455,493 +4707 - 25,26,27,33,34,35,36,46,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,113,114,115,135,136,137,138,157,158,159,160,161,163,164,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,258,259,260,280,281,282,283,302,303,304,305,324,325,326,327,334,335,346,347,348,349,356,357,358,359,360,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,490 +4708 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,73,74,75,77,78,79,95,96,99,100,101,116,117,121,122,123,138,139,143,144,160,161,166,182,183,203,204,212,213,214,225,226,232,233,234,235,236,237,247,248,253,254,255,256,257,258,259,269,270,274,275,276,280,281,291,292,293,296,297,303,313,314,315,318,319,324,325,335,336,337,339,340,346,347,358,359,360,361,362,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +4709 - 28,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,100,116,117,138,139,160,161,162,163,164,165,166,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,227,228,232,233,234,235,255,256,257,258,278,279,280,288,289,290,291,300,301,302,303,304,305,323,324,325,334,335,336,346,347,348,356,357,358,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,490 +4710 - 93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,142,143,144,145,146,147,157,158,159,160,167,168,169,190,191,192,212,213,214,234,235,236,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,345,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +4711 - 3,4,5,6,24,25,26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,95,96,97,98,99,100,101,102,121,122,123,124,125,144,145,146,147,167,168,169,170,190,191,192,212,213,214,215,223,224,225,226,227,228,229,230,231,234,235,236,237,238,247,248,249,250,251,252,253,254,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,413,414,415,416,417,437,438,439,487 +4712 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,139,140,141,142,147,148,149,160,161,162,163,164,169,170,171,182,183,184,185,186,191,192,193,204,205,206,207,213,214,215,226,227,228,229,234,235,236,237,248,249,250,251,256,257,258,259,270,271,272,278,279,280,281,291,292,293,294,300,301,302,303,313,314,315,316,322,323,324,335,336,337,338,343,344,345,346,358,359,360,361,365,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,406,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +4713 - 48,49,50,51,52,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,158,159,160,180,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,253,254,255,256,257,278,279,280,301,302,303,324,325,326,346,347,348,359,360,361,369,370,371,381,382,383,392,393,403,404,405,406,407,408,409,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,459,473,474,475,476,477,478,479,480,490 +4714 - 53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,103,114,115,116,136,137,158,159,180,181,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,235,236,237,238,246,247,248,258,259,260,261,281,282,283,304,305,326,327,348,349,369,370,371,380,381,390,391,392,401,402,411,412,413,414,423,424,431,432,433,434,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,490 +4715 - 12,13,14,15,34,35,36,37,46,47,56,57,58,59,68,69,70,79,80,81,82,90,91,92,101,102,103,104,112,113,114,115,123,124,125,126,134,135,136,137,145,146,147,148,157,158,159,160,167,168,169,170,171,179,180,181,182,190,191,192,193,202,203,204,212,213,214,215,224,225,226,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,278,279,280,281,290,291,292,293,294,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,489 +4716 - 71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,122,123,124,125,133,134,135,145,146,147,148,155,156,157,167,168,169,170,171,177,178,189,190,191,192,193,194,199,200,201,211,212,213,214,215,221,222,223,233,234,235,236,244,245,246,255,256,257,258,267,268,269,270,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,338,339,340,341,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,494 +4717 - 26,27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,119,120,121,122,123,124,125,126,135,136,137,138,144,145,146,147,148,149,157,158,159,160,168,169,170,171,172,179,180,181,182,191,192,193,194,202,203,204,214,215,216,217,224,225,226,237,238,239,240,245,246,247,248,249,259,260,261,262,268,269,270,271,281,282,283,284,290,291,292,293,303,304,305,306,313,314,315,316,325,326,327,328,335,336,337,338,339,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,485 +4718 - 94,95,96,97,115,116,117,118,119,120,121,122,123,124,125,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,170,171,172,173,181,182,183,191,192,193,194,203,204,205,213,214,215,216,225,226,227,234,235,236,237,246,247,248,249,256,257,258,268,269,270,277,278,279,290,291,292,298,299,300,301,311,312,313,319,320,321,322,334,341,342,343,344,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +4719 - 98,99,100,101,110,111,112,113,116,118,119,120,121,122,123,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,177,178,179,180,181,182,183,184,185,186,188,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,280,299,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,390,410,411,412,432,433,434,435,454,455,456,457,476,477,478,479,492 +4720 - 53,54,55,56,74,75,76,77,95,96,97,98,105,106,116,117,118,119,127,128,129,138,139,140,148,149,150,151,159,160,161,170,171,172,181,182,183,192,193,194,203,204,205,213,214,215,216,225,226,235,236,237,238,246,247,248,257,258,259,268,269,270,271,278,279,280,281,291,292,293,294,295,296,297,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,363,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,473,474,475,489 +4721 - 4,5,6,26,27,28,29,48,49,50,51,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,181,182,183,189,190,191,203,204,205,210,211,212,213,214,225,226,227,232,233,234,235,236,237,248,249,250,254,255,256,257,258,259,260,270,271,272,276,277,278,280,281,282,292,293,294,298,299,300,301,302,303,304,305,314,315,316,320,321,322,323,324,325,326,327,336,337,338,339,340,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +4722 - 79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,138,139,140,141,142,143,144,145,146,147,151,152,153,158,159,163,164,165,166,167,173,174,175,184,185,186,187,188,195,196,197,205,206,207,208,209,216,217,218,219,227,228,229,230,238,239,240,249,250,251,260,261,262,270,271,272,273,281,282,283,291,292,293,294,295,302,303,304,305,313,314,315,316,323,324,325,326,335,336,337,344,345,346,347,356,357,358,359,365,366,367,368,378,379,380,381,386,387,388,389,400,401,402,403,407,408,409,410,422,423,424,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,485 +4723 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,122,123,124,125,135,136,137,138,139,140,141,145,146,147,148,157,158,159,160,168,169,170,179,180,181,182,191,192,193,201,202,203,204,213,214,215,216,224,225,226,236,237,238,246,247,248,249,258,259,260,261,268,269,270,271,281,282,283,284,291,292,293,303,304,305,306,313,314,315,316,325,326,327,328,335,336,337,338,339,347,348,349,350,358,359,360,361,362,363,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,485 +4724 - 57,58,78,79,80,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,427,428,449,450,451,471,472,486 +4725 - 30,31,52,53,54,74,75,76,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,185,186,187,207,208,209,224,229,230,231,232,234,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,452,453,454,486 +4726 - 76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,299,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,454,472,473,474,475,476,494 +4727 - 89,90,91,92,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,188,189,190,191,210,211,212,213,233,234,235,255,256,257,258,277,278,279,280,299,300,301,302,315,321,322,323,324,343,344,345,346,365,366,367,368,388,389,390,408,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,479,492 +4728 - 58,59,60,61,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,128,129,130,140,141,142,143,144,145,146,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,184,185,186,187,188,191,192,193,194,195,203,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,299,300,301,302,310,311,312,313,314,315,316,318,319,321,322,323,324,332,333,334,335,336,337,340,341,343,344,345,346,354,355,356,357,358,364,365,366,367,376,377,378,379,380,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,469,493 +4729 - 26,27,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,166,167,168,169,170,171,178,179,180,181,190,191,192,193,194,201,202,203,213,214,215,216,217,223,224,225,232,236,237,238,239,245,246,247,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,293,304,305,306,307,312,313,314,315,325,326,327,328,329,334,335,336,337,338,339,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,485 +4730 - 48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,121,122,123,124,125,126,127,128,136,137,138,139,147,148,149,150,151,159,160,161,162,170,171,172,173,181,182,183,184,185,186,191,192,193,194,195,204,205,206,207,208,209,210,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,337,338,339,340,344,345,346,358,359,360,361,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +4731 - 3,4,5,25,26,27,48,49,70,71,72,92,93,114,115,116,136,137,138,158,159,160,180,181,182,191,192,193,202,203,204,212,213,214,215,225,226,227,234,235,236,237,238,247,248,249,255,256,257,258,259,260,261,262,269,270,271,272,273,277,278,279,280,281,282,283,292,293,294,295,296,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,361,362,363,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,491 +4732 - 11,12,13,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,256,257,258,259,270,271,272,278,279,280,281,292,293,294,300,301,302,303,314,315,322,323,324,325,336,337,343,344,345,346,347,358,359,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +4733 - 70,71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,165,166,167,168,169,180,181,182,183,187,188,189,190,191,203,204,205,206,207,210,211,212,213,226,227,228,229,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,277,296,297,298,299,300,318,319,320,321,322,323,340,341,342,343,344,345,346,362,363,364,365,366,367,368,384,385,386,387,388,389,390,391,407,408,409,411,412,413,429,430,431,432,433,434,435,451,452,453,454,455,456,457,474,475,476,477,478,479,493 +4734 - 56,57,58,78,79,80,99,100,101,121,122,123,143,144,145,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,486 +4735 - 93,94,95,96,97,115,116,117,118,119,120,121,137,138,139,140,141,142,143,144,158,159,160,161,163,164,165,166,180,181,182,183,186,187,188,189,203,204,205,208,209,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,299,300,321,322,323,343,344,345,365,366,367,387,388,389,410,411,412,432,433,434,454,455,456,476,477,478,494 +4736 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,101,102,103,116,117,118,119,123,124,125,138,139,144,145,146,147,166,167,168,169,187,188,189,190,207,208,209,210,229,230,231,232,233,251,252,253,254,255,256,276,277,278,279,298,299,300,301,321,322,323,342,343,344,345,356,357,358,363,364,365,366,367,378,379,380,384,385,386,387,388,400,401,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,466,467,468,469,488 +4737 - 25,26,27,28,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,118,119,120,121,122,135,136,137,157,158,159,160,179,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,278,279,280,281,282,283,284,303,304,305,306,315,324,325,326,327,328,336,337,338,345,346,347,348,349,350,358,359,360,361,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,490 +4738 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,121,122,123,124,125,137,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,298,299,300,301,302,303,323,324,325,345,346,347,367,368,369,387,388,389,390,391,408,409,410,411,412,422,423,424,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,488 +4739 - 55,56,57,77,78,79,80,99,100,101,102,116,117,121,122,123,124,137,138,139,140,143,144,145,146,159,160,161,162,166,167,168,181,182,183,184,188,189,190,203,204,205,206,210,211,212,225,226,227,228,232,233,234,247,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +4740 - 11,12,32,33,34,53,54,55,74,75,76,77,96,97,98,117,118,119,138,139,140,160,161,162,181,182,183,194,195,203,204,205,215,216,217,225,226,227,236,237,238,246,247,248,258,259,260,268,269,270,279,280,281,282,291,292,301,302,303,313,314,315,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,382,383,384,389,390,411,412,433,434,489 +4741 - 89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,181,189,190,191,211,212,213,214,233,234,235,236,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,492 +4742 - 16,17,37,38,39,58,59,60,61,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,141,142,143,162,163,164,183,184,185,205,206,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,292,298,299,300,321,322,343,344,364,365,366,379,380,381,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,490 +4743 - 74,75,76,77,95,96,97,98,99,100,116,117,118,119,120,121,122,137,138,139,140,143,144,145,159,160,161,165,166,167,181,182,183,187,188,189,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,277,278,279,299,300,301,321,322,323,343,344,345,366,367,388,389,410,411,432,433,454,455,476,477,478,494 +4744 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,167,168,169,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,494 +4745 - 52,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,142,143,144,145,159,160,161,165,166,167,182,183,184,187,188,189,204,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,344,360,361,362,364,365,366,367,382,383,384,387,388,389,404,405,406,407,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,473,474,475,476,477,493 +4746 - 33,34,35,54,55,56,57,75,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,146,147,148,161,162,163,164,167,168,169,170,182,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,233,234,235,248,249,250,255,256,257,258,270,271,277,278,279,280,291,292,293,299,300,301,302,313,314,315,321,322,323,324,336,337,343,344,345,346,358,359,365,366,367,368,380,381,382,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,449,450,451,452,485 +4747 - 4,5,6,26,27,28,48,49,50,70,71,72,92,93,94,114,115,116,136,137,138,159,160,181,182,203,204,205,214,225,226,227,234,235,236,237,248,249,250,256,257,258,259,260,270,271,272,277,278,279,280,281,282,283,293,294,295,299,300,301,302,303,304,305,315,316,317,318,319,321,322,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,349,362,363,364,365,366,367,368,369,370,371,386,387,388,389,390,391,392,409,410,411,412,413,491 +4748 - 85,86,87,104,105,106,107,108,109,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,184,185,186,187,226,227,228,229,247,248,249,250,268,269,270,271,290,291,292,293,294,295,296,312,313,314,315,316,317,318,319,320,336,337,338,339,340,341,342,362,363,364,384,385,386,405,406,407,408,427,428,429,446,447,448,449,450,467,468,469,470,471,490 +4749 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,121,122,123,124,125,135,136,137,144,145,146,147,148,157,158,159,167,168,169,170,179,180,181,190,191,192,193,201,202,203,213,214,215,216,223,224,225,226,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,272,281,282,283,284,291,292,293,294,304,305,306,313,314,315,316,317,326,327,328,336,337,338,339,340,341,348,349,350,359,360,361,362,363,364,365,366,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,417,429,430,431,432,433,434,435,436,437,438,453,454,455,456,457,458,459,485 +4750 - 91,92,93,94,113,114,115,116,117,118,119,120,121,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,209,210,211,212,213,214,215,216,217,218,224,236,237,238,239,240,257,258,259,260,261,279,280,281,282,283,300,301,302,303,304,321,322,323,324,325,342,343,344,345,363,364,365,366,367,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,469,470,471,472,492 +4751 - 27,28,29,30,31,48,49,50,51,52,53,54,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,116,117,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,338,339,340,341,344,345,346,347,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,436,452,453,454,455,456,457,458,493 +4752 - 11,12,13,14,32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,101,102,117,118,119,120,123,124,138,139,140,141,145,150,151,159,160,161,162,163,172,173,174,181,182,183,184,194,195,196,197,202,203,204,205,206,216,217,218,224,225,226,227,238,239,240,246,247,248,249,260,261,262,268,269,270,271,281,282,283,284,290,291,292,293,302,303,304,305,312,313,314,315,316,324,325,326,335,336,337,338,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,485 +4753 - 29,30,51,52,53,73,74,75,76,96,97,98,103,104,118,119,120,125,126,140,141,142,143,147,148,162,163,164,165,169,184,185,186,187,206,207,208,209,228,229,230,231,235,236,251,252,253,257,258,273,274,275,279,280,295,296,297,298,317,318,319,320,339,340,341,342,362,363,364,384,385,386,389,390,406,407,408,409,411,412,428,429,430,431,433,434,451,452,453,455,456,486 +4754 - 52,53,54,74,75,76,77,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,169,170,171,184,185,186,187,188,189,190,191,192,193,207,209,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,316,317,318,319,321,322,323,337,338,339,340,343,344,345,358,359,360,361,365,366,367,380,381,382,383,386,387,388,401,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +4755 - 90,91,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,211,212,213,223,224,225,233,234,235,246,247,256,257,278,279,280,300,301,302,323,324,325,345,346,347,367,368,369,390,391,392,412,413,414,434,435,436,457,458,459,479,480,481,492 +4756 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,92,93,94,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,144,145,146,157,158,159,160,166,167,187,188,189,209,210,211,231,232,233,253,254,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,486 +4757 - 90,91,92,93,94,95,96,112,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,179,180,181,186,188,189,190,201,202,203,211,212,213,224,225,226,233,234,235,246,247,248,256,257,258,269,278,279,280,301,302,303,323,324,325,345,346,347,367,368,369,390,391,392,412,413,414,434,435,436,456,457,458,478,479,480,492 +4758 - 57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,450,451,452,472,473,474,486 +4759 - 29,30,50,51,52,53,73,74,75,95,96,97,98,118,119,120,140,141,142,143,162,163,164,165,185,186,187,207,208,209,210,229,230,231,232,252,253,254,255,274,275,276,277,297,298,299,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,408,409,410,411,430,431,432,433,452,453,454,486 +4760 - 11,12,13,14,15,16,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,74,75,76,82,83,84,97,98,99,105,106,127,128,129,149,150,151,171,172,173,182,183,184,185,193,194,195,202,203,204,205,206,207,208,215,216,217,223,224,225,226,227,228,229,230,231,237,238,244,245,246,247,251,252,253,254,258,259,260,266,267,268,274,275,276,277,280,281,282,288,289,297,298,299,302,303,304,310,311,320,321,323,324,325,332,333,342,343,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,379,380,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,487 +4761 - 25,26,27,28,29,30,46,47,48,49,50,51,52,53,67,68,69,70,71,72,73,74,75,76,89,90,91,92,93,96,97,98,111,112,113,119,120,133,134,140,141,142,143,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,234,235,236,250,257,258,259,280,281,282,302,303,304,315,316,317,324,325,326,337,338,339,346,347,348,359,360,361,362,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,488 +4762 - 51,52,53,54,73,74,75,76,77,95,96,97,98,99,100,116,117,118,119,120,121,122,138,139,140,144,145,159,160,161,162,167,181,182,183,184,190,191,192,193,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,256,257,258,259,260,270,271,272,273,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,431,432,433,453,454,455,456,457,476,477,478,479,494 +4763 - 25,26,27,28,29,47,48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,119,120,121,122,123,142,143,144,145,165,166,167,168,188,189,190,211,212,213,233,234,235,250,251,252,253,254,256,257,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,370,371,372,373,380,381,382,383,384,385,386,387,395,404,405,406,407,487 +4764 - 34,35,36,37,55,56,57,58,76,77,78,98,99,120,121,141,142,163,164,185,186,207,208,228,229,250,251,256,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,317,318,319,320,324,325,339,340,341,342,343,344,345,346,347,360,361,362,365,366,367,382,383,404,405,426,427,448,449,491 +4765 - 26,27,28,29,47,48,49,50,51,52,67,68,69,70,71,72,73,74,75,89,90,91,92,93,94,95,96,97,111,112,113,114,118,119,120,121,133,134,135,140,141,142,143,144,145,146,156,157,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,206,207,208,213,214,215,228,229,230,236,237,238,251,259,260,261,282,283,304,305,326,327,328,337,338,339,347,348,349,350,359,360,361,362,363,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,488 +4766 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,85,86,94,95,96,97,102,103,104,105,106,107,108,115,116,117,126,127,128,129,137,138,139,148,149,150,159,160,161,168,169,170,171,181,182,183,189,190,191,192,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,340,342,343,344,359,360,361,362,364,365,366,367,381,382,383,387,388,389,403,404,405,406,409,410,411,426,427,428,429,432,433,434,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +4767 - 28,29,50,51,52,72,73,74,75,94,95,96,97,117,118,119,120,139,140,141,142,161,162,163,164,165,184,185,186,187,207,208,209,210,229,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,486 +4768 - 10,11,12,13,31,32,33,34,53,54,55,56,74,75,76,77,95,96,97,98,117,118,119,138,139,140,141,160,161,162,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,259,260,261,268,269,270,271,272,273,274,281,282,283,290,291,292,293,294,295,303,304,305,312,313,314,315,324,325,326,327,335,336,337,338,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +4769 - 53,54,55,68,75,76,77,90,91,98,99,100,112,113,114,120,121,122,134,135,136,142,143,144,145,157,158,159,165,166,167,179,180,181,187,188,189,202,203,204,205,206,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,413,432,433,434,435,455,456,457,477,478,479,489 +4770 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,169,170,171,190,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +4771 - 69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,141,142,143,144,145,155,156,157,165,166,167,188,189,190,211,212,213,233,234,235,236,255,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,392,393,394,405,406,407,408,409,415,416,487 +4772 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,116,117,118,119,120,124,125,126,127,138,139,140,141,146,147,148,149,160,161,162,169,170,183,184,185,186,190,191,192,206,207,208,209,211,212,213,230,231,232,233,234,253,254,255,256,273,274,275,276,277,278,294,295,296,297,299,300,316,317,318,322,323,337,338,339,344,345,358,359,360,367,368,380,381,382,389,390,402,403,411,412,424,425,433,434,446,447,448,449,450,454,455,456,469,470,471,472,473,474,475,476,477,493 +4773 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,120,121,122,123,124,125,126,135,136,137,138,145,146,147,148,149,156,157,158,159,160,168,169,170,171,178,179,180,181,182,191,192,193,194,195,200,201,202,203,214,215,216,217,223,224,225,236,237,238,239,240,245,246,247,259,260,261,262,267,268,269,282,283,284,289,290,291,292,304,305,306,307,311,312,313,314,315,326,327,328,329,334,335,336,337,338,339,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,485 +4774 - 56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,146,162,163,164,166,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,225,226,227,233,234,235,246,247,248,249,255,256,257,267,268,269,270,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,363,364,365,366,367,388,389,410,411,432,433,454,455,476,477,489 +4775 - 27,28,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,144,145,146,147,148,149,150,156,157,158,159,160,168,169,170,171,172,173,178,179,180,181,191,192,193,194,195,200,201,202,203,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,292,304,305,306,307,311,312,313,314,315,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,485 +4776 - 9,10,31,32,53,54,55,76,77,78,98,99,100,121,122,123,143,144,145,166,167,168,189,190,211,212,233,234,255,256,276,277,278,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,359,360,363,364,365,381,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,487 +4777 - 112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,168,178,179,180,181,182,183,184,185,186,187,188,189,190,210,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +4778 - 6,7,8,9,27,28,29,30,49,50,51,70,71,72,73,92,93,94,114,115,116,136,137,138,158,159,160,180,181,182,192,193,194,195,202,203,204,211,212,213,214,215,216,217,218,224,225,226,232,233,234,235,236,237,238,239,240,241,246,247,248,249,253,254,255,256,257,258,262,263,268,269,270,271,274,275,276,277,278,284,285,291,292,293,294,296,297,298,299,306,307,314,315,316,317,318,319,320,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,384,385,386,387,388,389,390,391,392,408,409,410,491 +4779 - 48,49,50,51,52,55,56,69,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,118,119,120,121,122,123,136,137,138,139,141,142,143,144,145,159,160,161,162,163,164,165,166,167,182,183,184,185,186,187,189,205,206,207,208,209,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,321,322,323,339,340,341,344,345,346,361,362,363,366,367,368,383,384,385,389,390,391,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,456,457,474,475,476,477,478,479,493 +4780 - 76,77,78,79,83,97,98,99,100,101,102,104,105,106,118,119,120,121,123,124,125,126,127,139,140,141,142,146,147,148,149,161,162,163,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,225,226,227,232,233,234,235,247,248,249,253,254,255,256,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +4781 - 46,47,48,56,57,68,69,70,78,79,91,92,93,100,101,102,113,114,115,123,124,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,205,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,489 +4782 - 77,78,79,80,81,98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,163,164,167,168,169,170,171,185,186,191,192,207,208,212,213,214,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,319,335,336,337,340,341,342,357,358,362,363,364,379,380,381,385,386,402,403,404,407,408,424,425,426,429,430,447,448,449,451,452,470,471,472,473,474,493 +4783 - 6,7,8,28,29,30,50,51,52,71,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,184,203,204,205,206,213,214,215,216,225,226,227,228,234,235,236,237,238,239,248,249,250,256,257,258,259,260,261,270,271,272,277,278,279,280,281,282,283,284,292,293,294,299,300,301,302,303,304,305,306,314,315,316,317,320,321,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +4784 - 13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,76,77,78,79,81,97,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,183,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,254,255,256,257,258,271,272,273,274,277,278,279,280,281,293,294,295,301,302,303,315,316,317,323,324,325,337,338,339,343,344,345,346,347,358,359,360,361,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,425,426,427,428,429,491 +4785 - 55,56,77,78,79,93,94,99,100,101,115,116,117,121,122,123,138,139,143,144,145,160,161,162,164,165,166,167,182,183,184,185,186,187,188,189,205,206,207,209,210,211,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,318,319,320,321,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,452,453,454,474,475,476,489 +4786 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,98,99,100,101,102,103,104,114,115,123,124,125,126,146,147,148,166,167,168,169,170,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,228,229,230,231,232,233,252,253,254,255,256,275,276,277,278,279,299,300,301,302,321,322,323,324,344,345,346,367,368,369,388,389,390,391,408,409,410,411,412,422,423,424,425,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,488 +4787 - 94,95,96,97,98,116,117,118,119,120,121,137,138,139,140,141,142,143,144,159,160,161,162,164,165,166,167,181,182,183,186,187,188,189,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,299,300,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,432,433,434,454,455,456,476,477,478,494 +4788 - 51,52,72,73,74,75,95,96,103,104,105,116,117,118,125,126,127,138,139,140,148,149,160,161,162,170,171,181,182,183,192,193,202,203,204,205,214,215,216,224,225,226,227,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,322,323,324,325,344,345,346,366,367,368,388,389,390,410,411,432,433,454,455,456,476,477,478,489 +4789 - 50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,144,145,146,156,157,158,159,160,164,165,166,167,168,179,180,181,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,257,258,259,272,273,274,280,281,282,302,303,304,324,325,326,346,347,348,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,488 +4790 - 29,30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,92,93,94,95,99,100,101,113,114,115,116,117,122,123,135,136,137,138,144,145,156,157,158,159,178,179,180,195,196,200,201,202,216,217,218,219,222,223,224,238,239,240,241,244,245,246,260,261,262,263,266,267,268,280,281,282,283,284,285,289,290,301,302,303,304,305,306,307,311,312,313,321,322,323,324,325,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,350,351,356,357,358,359,360,361,362,363,364,365,372,373,379,380,381,382,383,384,385,394,395,416,417,438,439,460,461,494 +4791 - 48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,142,143,144,145,146,147,157,158,159,160,164,165,166,167,168,180,181,182,183,186,187,188,189,190,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,249,250,251,252,253,254,272,273,274,275,276,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,342,343,344,345,346,361,362,363,364,366,367,368,369,383,384,385,386,389,390,391,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,457,458,474,475,476,477,478,479,493 +4792 - 52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,124,125,126,146,147,148,166,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,296,301,302,303,323,324,325,344,345,346,347,366,367,368,369,379,388,389,390,400,401,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +4793 - 32,33,34,54,55,56,76,77,78,79,91,92,93,99,100,101,113,114,115,121,122,123,136,137,138,143,144,145,146,159,160,161,166,167,168,181,182,183,188,189,190,191,203,204,205,206,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,433,434,435,455,456,457,489 +4794 - 33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +4795 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,213,233,234,235,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,347,367,368,369,389,390,391,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,492 +4796 - 57,58,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,162,163,164,166,167,183,184,185,186,188,189,190,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,494 +4797 - 45,46,47,48,49,50,51,52,67,68,69,70,71,72,73,74,75,76,89,90,91,92,93,94,95,96,97,98,99,111,112,120,121,122,133,134,143,144,145,156,157,158,166,167,168,180,189,190,191,212,213,214,234,235,236,257,258,279,280,281,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,394,487 +4798 - 32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,102,103,104,105,112,113,114,115,116,124,125,126,134,135,136,137,145,146,147,148,157,158,166,167,168,169,187,188,189,190,209,210,211,230,231,232,251,252,253,272,273,274,293,294,295,314,315,316,335,336,337,349,350,357,358,368,369,370,371,372,373,378,379,380,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,487 +4799 - 47,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,135,136,137,138,140,158,159,160,180,181,182,202,203,204,205,206,207,208,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,347,348,349,360,361,369,370,371,381,382,383,384,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,490 +4800 - 10,11,12,13,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,102,103,104,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,205,206,207,211,212,213,214,225,226,227,228,229,230,231,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,274,275,276,277,278,279,290,291,292,297,298,299,300,312,313,319,320,321,322,333,334,335,336,340,341,342,343,344,355,356,357,358,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,409,410,411,412,413,423,424,425,426,427,433,434,487 +4801 - 3,4,5,6,25,26,27,28,47,48,49,50,69,70,71,72,91,92,93,94,113,114,115,116,135,136,137,138,157,158,159,160,180,181,182,190,191,192,193,202,203,204,205,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,269,270,271,276,277,278,279,281,282,283,284,291,292,293,294,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,491 +4802 - 138,139,140,141,144,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,215,216,217,237,238,239,258,259,260,279,280,281,300,301,302,303,321,322,323,324,343,344,345,364,365,366,367,385,386,387,388,407,408,409,428,429,430,450,451,452,492 +4803 - 47,48,49,50,51,52,66,67,68,69,70,71,72,73,74,75,88,89,90,91,92,93,94,95,96,97,98,110,111,112,113,119,120,132,133,134,141,142,162,163,164,165,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,256,257,258,270,271,272,279,280,281,302,303,304,324,325,326,346,347,348,368,369,370,371,383,384,385,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,488 +4804 - 7,8,9,10,11,12,13,14,28,29,30,31,32,34,35,36,50,51,52,57,58,72,73,74,93,94,95,96,114,115,116,117,136,137,138,158,159,160,180,181,182,202,203,204,208,209,210,211,212,213,214,215,224,225,226,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,281,282,283,292,293,294,295,296,303,304,305,314,315,316,317,324,325,326,327,336,337,338,339,340,346,347,348,349,358,359,360,361,362,363,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,413,430,431,432,433,434,491 +4805 - 3,4,5,25,26,27,47,48,49,69,70,71,91,92,93,113,114,115,116,135,136,137,138,158,159,160,180,181,182,202,203,204,214,215,224,225,226,227,234,235,236,237,238,246,247,248,249,256,257,258,259,260,261,269,270,271,278,279,280,281,282,283,292,293,294,299,300,301,302,304,305,306,314,315,316,317,318,319,321,322,323,324,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,384,385,386,387,388,389,390,391,392,491 +4806 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,138,139,140,161,162,183,184,205,206,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,293,294,300,301,302,322,323,324,345,346,367,368,389,390,410,411,412,432,433,434,454,455,472,473,474,475,476,490 +4807 - 6,7,23,24,25,26,27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,97,98,99,100,101,102,113,122,123,124,125,145,146,147,167,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,414,415,416,437,438,487 +4808 - 35,36,53,57,58,59,74,75,76,77,80,81,82,83,96,97,98,99,103,104,105,106,117,118,119,120,126,127,128,129,140,141,149,150,151,161,162,163,170,171,172,173,184,185,186,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,248,249,250,251,252,253,269,270,271,272,273,274,275,290,291,292,296,297,298,312,313,314,319,320,334,335,341,342,356,357,363,364,378,379,384,385,386,400,401,402,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,493 +4809 - 4,5,6,7,8,9,10,25,26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,99,100,101,102,122,123,124,125,145,146,147,167,168,169,170,190,191,192,212,213,214,224,225,226,227,228,229,234,235,236,246,247,248,249,250,251,252,253,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,391,392,393,394,395,404,405,407,408,415,416,417,439,487 +4810 - 6,7,8,9,27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,71,72,77,78,79,100,101,121,122,123,143,144,145,164,165,166,184,185,186,187,203,204,205,206,207,208,225,226,227,228,229,230,231,251,252,253,254,255,256,274,275,276,277,278,279,300,301,322,323,324,325,345,346,347,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,488 +4811 - 55,56,57,70,71,77,78,79,92,93,94,99,100,101,114,115,116,121,122,123,136,137,138,144,145,158,159,160,161,165,166,167,180,181,182,183,184,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,300,320,321,322,342,343,344,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +4812 - 33,34,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +4813 - 5,6,27,28,49,50,51,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,182,183,191,192,193,204,205,213,214,215,216,226,227,228,234,235,236,237,238,248,249,250,251,256,257,258,259,260,270,271,272,273,274,278,279,280,281,282,293,294,295,296,297,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,346,347,362,363,364,365,366,367,368,369,385,386,387,388,389,390,491 +4814 - 94,95,96,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,149,150,170,171,172,192,193,194,213,214,215,235,236,255,256,257,258,276,277,278,279,298,299,300,319,320,321,340,341,342,361,362,363,382,383,384,402,403,404,405,423,424,425,426,445,446,447,466,467,468,492 +4815 - 74,75,76,95,96,97,98,99,117,118,119,120,121,122,138,139,140,141,142,143,144,160,161,162,164,165,166,182,183,184,186,187,188,189,204,205,206,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,297,299,300,301,322,323,344,345,346,366,367,368,389,390,411,412,433,434,455,456,457,477,478,479,494 +4816 - 76,77,78,79,80,81,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,160,161,162,163,164,166,167,168,169,181,182,183,184,185,187,188,189,190,191,203,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,474,494 +4817 - 51,52,53,54,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,235,236,237,238,246,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,294,302,303,304,305,313,314,315,316,317,324,325,326,327,336,337,338,339,340,346,347,348,349,358,359,360,361,362,363,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,474,475,476,477,478,485 +4818 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,123,124,125,138,139,140,146,147,160,161,162,168,169,182,183,190,191,204,205,211,212,213,226,227,233,234,235,248,249,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4819 - 24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,118,119,120,121,122,123,124,125,144,145,146,147,148,167,168,169,170,189,190,191,192,193,212,213,214,215,234,235,236,237,247,248,249,257,258,259,268,269,270,271,272,273,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,487 +4820 - 31,32,33,34,52,53,54,55,56,74,75,76,77,78,82,83,84,95,96,97,103,104,105,106,116,117,118,125,126,127,128,129,137,138,139,140,147,148,149,150,151,159,160,161,171,172,173,174,180,181,182,183,194,195,196,202,203,204,216,217,218,223,224,225,238,239,240,245,246,247,260,261,262,267,268,281,282,283,289,290,303,304,305,311,312,324,325,326,333,334,335,345,346,347,348,355,356,357,366,367,368,369,370,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +4821 - 28,29,30,50,51,52,53,72,73,74,75,95,96,97,98,117,118,119,120,121,139,140,141,142,143,162,163,164,165,184,185,186,187,188,206,207,208,209,210,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,389,407,408,409,410,411,430,431,432,433,452,453,454,455,486 +4822 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,127,128,129,138,139,140,141,146,147,148,149,150,151,160,161,162,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,494 +4823 - 48,49,50,51,52,53,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,114,115,116,119,120,121,122,132,133,134,135,136,142,143,144,145,154,155,156,157,164,165,166,167,176,177,178,185,186,187,188,189,190,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,256,257,258,259,260,272,273,274,275,280,281,282,294,295,296,303,304,305,325,326,327,347,348,349,368,369,370,371,381,382,383,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,488 +4824 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,191,192,193,213,214,215,234,235,236,237,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,492 +4825 - 90,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,133,134,135,136,137,138,139,140,141,142,143,155,156,157,158,159,160,164,165,166,167,168,177,178,179,180,181,186,187,188,189,190,191,199,200,201,202,207,208,209,210,211,212,213,214,222,223,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,258,259,260,272,273,274,275,281,282,283,295,296,304,305,306,325,326,327,328,347,348,349,350,359,360,361,362,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,488 +4826 - 50,51,52,53,70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,113,114,115,119,120,135,136,137,138,141,142,148,149,150,159,160,161,162,163,164,168,169,170,171,172,182,183,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,299,300,301,315,316,317,323,324,337,338,339,345,346,347,360,361,368,369,381,382,383,390,391,404,405,406,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,493 +4827 - 72,73,74,75,76,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,137,138,139,143,144,145,158,159,160,161,165,166,167,168,180,181,182,188,189,190,202,203,204,208,209,210,211,212,224,225,226,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,293,294,295,299,300,301,321,322,323,324,343,344,345,346,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +4828 - 15,16,17,18,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,98,99,100,120,121,142,143,164,165,166,186,187,188,189,209,210,211,212,233,234,235,256,257,277,278,279,299,300,301,319,320,321,322,340,341,342,343,344,360,361,362,363,364,375,376,377,379,380,381,382,383,384,385,396,397,398,399,400,401,402,403,404,405,419,420,421,422,423,424,425,490 +4829 - 94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,157,158,159,160,161,162,163,164,165,166,167,180,181,182,183,187,188,189,209,210,211,232,233,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +4830 - 82,83,84,85,86,96,97,98,99,100,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,129,130,131,136,137,138,139,140,143,144,145,146,151,152,153,158,159,160,164,165,166,167,168,173,174,175,180,181,182,187,188,190,195,196,197,202,203,204,216,217,218,225,226,227,237,238,239,247,248,249,250,257,258,259,260,270,271,272,273,278,279,280,281,293,294,295,296,298,299,300,301,316,317,318,319,320,321,322,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,401,402,403,407,408,423,424,428,429,430,445,446,449,450,451,452,467,468,469,470,471,472,473,493 +4831 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,142,143,144,145,146,147,159,160,161,164,165,166,167,168,169,182,183,184,185,186,187,188,204,205,206,207,208,209,210,227,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,339,340,341,343,344,345,346,347,362,363,366,367,368,369,370,384,385,386,389,390,391,392,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,436,451,452,453,454,455,456,457,458,474,475,476,477,478,479,493 +4832 - 78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,146,147,148,157,158,159,168,169,170,180,181,189,190,191,192,202,203,211,212,213,214,233,234,235,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,340,341,342,346,347,348,349,361,362,363,364,383,384,385,405,406,407,426,427,428,447,448,449,450,469,470,471,472,492 +4833 - 110,111,112,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,208,212,213,214,234,235,236,256,257,258,278,279,280,281,301,302,303,322,323,324,325,344,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,476,477,478,479,492 +4834 - 56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,383,384,403,404,405,406,425,426,427,447,448,449,470,471,486 +4835 - 2,3,4,5,6,7,23,24,25,26,27,28,29,30,31,32,45,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,120,121,122,123,124,144,145,146,147,167,168,169,170,190,191,192,212,213,214,235,236,237,249,250,251,252,253,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,436,437,487 +4836 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,142,143,144,145,146,147,156,157,165,166,167,168,169,188,189,190,191,211,212,213,233,234,235,236,255,256,257,258,277,278,279,280,281,297,298,299,300,301,302,303,318,319,320,321,322,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,487 +4837 - 47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,120,121,122,123,124,135,143,144,145,146,147,167,168,169,189,190,191,192,212,213,214,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,415,416,417,427,428,429,430,431,487 +4838 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,145,146,147,148,158,159,160,161,162,166,167,168,169,180,181,182,183,187,188,189,190,209,210,211,230,231,232,251,252,253,272,273,274,275,293,294,295,296,314,315,316,317,335,336,337,338,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,443,444,445,487 +4839 - 27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,115,116,117,137,138,159,160,161,162,163,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,231,232,233,234,235,256,257,258,279,280,281,301,302,303,324,325,326,346,347,348,358,359,369,370,379,380,381,382,383,384,385,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,490 +4840 - 32,33,34,52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,125,126,127,128,129,136,137,138,139,149,150,151,157,158,159,160,171,172,173,174,179,180,181,194,195,196,200,201,202,203,216,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,305,306,307,310,311,312,326,327,328,332,333,334,348,349,350,354,355,356,357,369,370,371,377,378,379,380,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,485 +4841 - 91,92,113,114,115,120,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,207,208,209,210,211,212,213,224,225,226,231,232,233,234,235,246,247,248,253,254,255,256,257,268,269,270,276,277,278,279,291,292,298,299,300,301,320,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,454,455,456,476,477,478,492 +4842 - 75,76,77,78,96,97,98,99,100,101,116,117,118,119,120,121,122,123,137,138,139,140,141,143,144,145,158,159,160,161,162,165,166,167,168,180,181,182,183,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,254,255,256,257,270,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4843 - 94,95,96,97,98,115,116,117,118,119,120,121,137,138,139,140,141,142,143,144,158,159,160,161,163,164,165,166,167,180,181,182,185,186,187,188,189,202,203,204,207,208,209,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,321,322,323,343,344,345,366,367,368,388,389,390,410,411,412,432,433,434,435,455,456,457,477,478,479,494 +4844 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,170,171,172,173,178,179,180,181,182,192,193,194,195,200,201,202,203,214,215,216,217,222,223,224,225,235,236,237,238,239,244,245,246,257,258,259,260,266,267,268,269,279,280,281,282,288,289,290,291,300,301,302,303,311,312,313,314,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,476,477,478,494 +4845 - 50,51,52,53,71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,138,139,140,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,192,205,206,207,208,209,210,228,229,230,231,250,251,252,253,254,272,273,274,275,276,277,294,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,343,344,345,346,361,362,363,366,367,368,384,385,386,389,390,391,406,407,408,409,411,412,413,429,430,431,432,433,434,435,452,453,454,455,456,457,474,475,476,477,478,493 +4846 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,295,296,297,298,317,318,319,320,340,341,342,343,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,429,430,431,451,452,453,486 +4847 - 49,50,67,68,69,70,71,72,73,74,75,76,89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,123,142,143,144,145,146,166,167,168,169,189,190,191,211,212,213,214,234,235,236,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,392,393,394,405,406,407,408,409,410,415,416,487 +4848 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,171,172,173,174,183,184,185,186,191,192,193,194,195,196,205,206,207,212,213,214,217,218,226,227,228,229,232,233,234,238,239,247,248,249,250,253,254,255,259,260,268,269,270,271,275,276,277,279,280,281,290,291,292,293,296,297,298,301,302,303,312,313,314,315,318,319,320,321,322,323,335,336,337,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,412,491 +4849 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,428,429,430,431,432,450,451,452,453,454,473,474,475,486 +4850 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,168,169,170,171,191,192,193,213,214,215,235,236,237,256,257,258,278,279,280,300,301,321,322,323,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +4851 - 49,50,51,52,53,54,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,119,120,121,134,135,136,141,142,143,144,156,157,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,235,236,237,238,248,249,250,251,258,259,260,261,270,271,272,281,282,283,303,304,305,306,325,326,327,328,346,347,348,349,350,360,361,368,369,370,371,381,382,383,384,385,386,387,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,473,474,475,476,477,478,488 +4852 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,116,123,124,125,126,127,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,228,229,230,231,232,249,250,251,252,253,271,272,273,274,292,293,294,295,314,315,316,336,337,338,358,359,360,380,381,382,402,403,404,405,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,470,471,472,473,474,487 +4853 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,274,275,276,277,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +4854 - 51,52,53,54,73,74,75,76,77,78,79,95,96,97,98,99,100,117,118,119,139,140,160,161,162,182,183,184,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,301,302,323,324,345,346,366,367,368,388,389,390,409,410,411,430,431,432,450,451,452,453,454,471,472,473,474,490 +4855 - 26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,67,68,69,70,71,72,73,74,75,76,77,89,90,91,92,93,97,98,99,100,110,111,112,113,120,121,122,133,134,142,143,144,145,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,235,236,237,238,248,249,250,251,258,259,260,270,271,272,273,280,281,282,302,303,304,324,325,326,327,346,347,348,357,358,359,360,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,488 +4856 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,98,99,100,101,102,103,104,105,106,114,115,116,117,125,126,127,128,136,137,138,147,148,149,150,159,168,169,170,171,172,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,236,252,253,254,255,256,257,258,259,260,276,277,278,279,280,281,282,283,301,302,303,304,305,324,325,326,327,333,345,346,347,348,349,353,354,355,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,488 +4857 - 35,36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,171,172,173,174,181,182,183,184,185,188,189,190,193,194,195,196,202,203,204,205,206,210,211,212,215,216,217,218,223,224,225,226,227,228,232,233,234,237,238,239,245,246,247,248,254,255,256,258,259,260,261,267,268,269,270,276,277,280,281,282,283,288,289,290,291,298,299,301,302,303,304,310,311,312,313,320,321,322,323,324,325,326,331,332,333,334,342,343,344,345,346,353,354,355,356,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +4858 - 35,36,37,57,58,59,60,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,448,449,450,486 +4859 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,486 +4860 - 52,53,54,75,76,77,97,98,99,119,120,121,142,143,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,297,298,319,320,341,342,343,363,364,365,386,387,408,409,430,431,432,452,453,454,474,475,476,486 +4861 - 60,61,62,63,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,143,144,145,146,149,150,151,170,171,172,173,191,192,193,194,211,212,213,214,215,232,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,364,365,374,375,376,377,378,379,380,383,384,385,386,387,396,397,398,399,400,407,408,409,418,419,420,487 +4862 - 55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,116,117,118,119,138,139,140,159,160,161,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,232,233,234,235,236,255,256,257,258,278,279,280,300,301,302,303,323,324,325,345,346,347,355,366,367,368,376,377,378,388,389,390,399,400,401,402,403,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +4863 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,122,123,124,125,135,136,137,138,143,144,145,146,158,164,165,166,167,168,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,257,258,259,260,271,280,281,282,302,303,304,323,324,325,326,344,345,346,347,348,365,366,367,368,369,386,387,388,389,390,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +4864 - 27,28,29,30,31,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,98,99,100,101,102,103,104,105,123,124,125,126,127,128,148,149,150,151,170,171,172,173,181,182,183,191,192,193,194,195,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,273,274,275,276,277,297,298,299,300,301,320,321,322,323,324,333,334,344,345,346,354,355,356,367,368,369,375,376,377,389,390,391,397,398,399,400,401,410,411,412,413,420,421,422,423,424,425,426,427,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +4865 - 53,54,55,75,76,77,96,97,98,99,118,119,120,127,128,129,140,141,142,149,150,151,160,161,162,163,170,171,172,173,182,183,184,185,192,193,194,203,204,205,206,213,214,215,216,225,226,227,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,320,321,322,323,324,325,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,454,472,473,474,475,489 +4866 - 90,91,92,111,112,113,114,115,116,117,118,133,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,254,255,256,257,258,259,260,261,262,278,279,280,281,282,283,284,298,299,300,301,302,303,304,305,320,321,322,323,324,325,326,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,470,471,472,473,492 +4867 - 61,62,63,64,65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,160,161,162,163,164,182,183,184,185,203,204,205,206,207,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,299,300,301,321,322,323,324,343,344,345,364,365,366,367,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,490 +4868 - 121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,171,172,177,178,179,180,181,182,192,193,194,199,200,201,213,214,215,233,234,235,236,253,254,255,256,273,274,275,276,277,292,293,294,295,296,297,312,313,314,315,316,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,487 +4869 - 13,14,15,35,36,37,56,57,58,78,79,80,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,248,249,250,251,270,271,272,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,322,323,324,325,326,335,336,337,339,340,341,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +4870 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +4871 - 72,73,74,83,84,93,94,95,96,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,190,191,192,193,201,202,203,204,205,212,213,214,215,222,223,224,225,226,233,234,235,236,244,245,246,247,255,256,257,258,266,267,268,276,277,278,279,280,288,289,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,452,453,470,471,472,473,474,475,476,492 +4872 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,128,129,130,131,141,142,143,144,151,152,153,163,164,165,166,169,170,174,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,321,322,323,332,333,334,335,336,337,338,342,343,344,345,346,354,355,356,357,358,359,362,363,364,365,366,367,376,377,378,379,380,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +4873 - 56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,129,130,131,138,139,140,141,142,152,153,160,161,162,163,171,172,173,174,175,182,183,184,185,192,193,194,195,196,204,205,206,207,211,212,213,214,215,216,217,227,228,229,230,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,365,378,379,380,381,384,385,386,387,400,401,402,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +4874 - 32,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +4875 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,147,148,149,150,159,160,161,162,170,171,172,181,182,183,191,192,193,194,203,204,205,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +4876 - 29,30,31,32,33,34,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,99,100,101,102,114,115,116,117,121,122,123,124,136,137,138,144,145,146,158,159,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,306,307,317,318,319,320,324,325,326,327,328,329,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,422,423,424,425,426,427,444,445,446,447,487 +4877 - 55,56,57,58,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,123,124,125,126,127,128,129,139,140,141,142,147,148,149,150,151,152,160,161,162,163,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,267,268,269,280,281,282,283,288,289,290,291,301,302,303,304,310,311,312,322,323,324,325,331,332,333,342,343,344,345,346,353,354,355,363,364,365,366,367,375,376,377,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,485 +4878 - 74,75,76,77,78,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,141,142,143,144,156,157,158,163,164,165,183,184,185,186,203,204,205,206,207,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,303,304,305,306,307,327,328,329,346,347,348,349,350,351,362,363,364,365,366,367,368,369,370,371,372,373,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,488 +4879 - 34,35,36,37,38,56,57,58,59,60,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,446,447,448,449,450,486 +4880 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,145,146,147,148,157,158,167,168,169,170,187,188,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,281,301,302,303,304,305,325,326,327,328,345,346,347,348,349,350,351,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,465,466,467,468,469,488 +4881 - 80,81,82,83,84,101,102,103,104,105,106,107,122,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,185,186,187,188,190,191,192,193,194,208,209,211,212,213,214,215,231,232,233,234,235,252,253,254,255,256,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,343,344,345,346,352,353,354,355,356,357,358,366,367,368,374,375,376,377,378,396,397,398,399,487 +4882 - 48,49,50,51,69,70,71,72,73,93,94,95,96,104,105,115,116,117,118,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,169,170,171,172,180,181,182,183,191,192,193,194,195,202,203,204,205,213,214,215,216,223,224,225,226,227,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,316,317,318,319,320,321,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,434,435,436,456,457,458,479,480,489 +4883 - 70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,142,143,144,145,146,147,148,164,165,166,167,168,169,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,280,281,282,283,290,291,292,302,303,304,305,324,325,326,327,345,346,347,348,349,365,366,367,368,369,370,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +4884 - 75,76,77,78,79,93,94,95,96,97,98,99,100,114,115,116,117,118,119,136,137,138,148,149,158,159,168,169,170,171,172,179,180,181,188,189,190,191,192,193,194,201,202,203,209,210,211,212,214,215,216,223,224,225,230,231,232,233,236,237,238,246,247,248,249,250,251,252,253,254,258,259,268,269,270,271,272,273,274,275,279,280,281,291,292,293,294,295,301,302,303,322,323,324,325,344,345,346,366,367,368,387,388,389,409,410,411,431,432,452,453,454,474,475,476,477,478,494 +4885 - 64,65,75,76,85,86,87,97,98,106,107,108,109,118,119,120,127,128,129,130,139,140,141,142,148,149,150,151,152,161,162,163,170,171,172,173,182,183,184,185,192,193,194,202,203,204,205,206,213,214,215,216,223,224,225,226,227,228,229,230,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,296,297,298,299,300,301,302,303,320,321,322,323,324,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,489 +4886 - 36,37,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,140,141,142,161,162,163,182,183,184,191,204,205,213,226,227,234,235,247,248,249,255,256,257,269,270,271,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,453,454,494 +4887 - 81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,163,164,165,166,184,185,186,187,188,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,320,321,322,333,334,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,490 +4888 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,106,107,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,135,136,137,138,139,140,146,147,149,150,151,156,157,158,159,160,168,169,170,171,172,173,178,179,180,181,190,191,192,193,194,195,200,201,202,213,214,215,216,222,223,224,233,234,235,236,237,238,244,245,246,247,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,457,475,476,477,478,479,494 +4889 - 14,15,16,35,36,37,38,56,57,58,59,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,205,206,207,208,226,227,228,229,230,248,249,250,251,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,324,325,326,335,336,337,338,339,340,341,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,491 +4890 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,148,149,150,160,161,162,163,170,171,172,181,182,183,184,193,194,203,204,205,215,216,225,226,237,238,247,248,259,260,268,269,270,280,281,282,290,291,292,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,381,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +4891 - 95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,169,170,171,172,173,179,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,211,212,213,214,223,224,225,226,233,234,235,236,246,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,430,446,447,448,449,450,467,468,469,470,471,472,492 +4892 - 33,34,35,54,55,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +4893 - 59,60,61,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,130,131,140,141,142,143,144,145,152,153,161,162,163,164,165,172,173,174,175,183,184,185,193,194,195,196,197,205,206,207,214,215,216,217,218,227,228,229,234,235,236,237,238,249,250,251,255,256,257,258,259,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,470,493 +4894 - 55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,229,230,231,232,251,252,253,254,255,274,275,276,277,278,296,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,490 +4895 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,148,149,150,151,159,160,161,162,169,170,171,172,180,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,425,426,427,428,446,447,448,449,468,469,470,494 +4896 - 86,87,107,108,109,119,120,121,122,123,124,125,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,188,189,190,191,192,193,194,200,201,202,203,208,209,210,211,212,213,214,222,223,224,225,226,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,291,292,293,294,295,313,314,315,316,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,414,415,431,432,433,434,435,436,437,438,456,457,458,459,460,461,493 +4897 - 35,36,37,38,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,106,107,118,119,120,121,126,127,128,129,130,139,140,141,142,148,149,150,151,152,160,161,162,163,172,173,174,181,182,183,184,194,195,196,202,203,204,205,216,217,218,224,225,226,238,239,240,241,245,246,247,248,260,261,262,263,267,268,269,282,283,284,288,289,290,291,303,304,305,306,310,311,312,324,325,326,327,332,333,334,345,346,347,348,349,354,355,356,365,366,367,368,369,370,376,377,378,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +4898 - 92,93,94,114,115,116,117,118,125,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,191,192,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,492 +4899 - 38,39,40,59,60,61,62,80,81,82,83,102,103,104,105,122,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,445,446,447,448,486 +4900 - 31,32,53,54,55,75,76,77,98,99,120,121,142,143,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +4901 - 82,83,84,85,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,171,172,173,180,181,182,183,192,193,194,195,203,213,214,215,216,234,235,236,237,238,254,255,256,257,258,259,276,277,278,279,280,295,296,297,298,299,300,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,353,354,355,356,357,358,359,360,361,362,363,364,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,405,406,407,408,409,410,411,418,419,420,429,430,431,432,433,487 +4902 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,100,101,102,113,114,115,123,124,136,137,138,145,146,147,148,158,159,160,161,162,167,168,169,170,181,182,183,184,185,189,190,191,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,252,253,254,255,274,275,276,277,278,296,297,298,299,300,301,318,319,320,321,322,323,324,340,341,342,344,345,346,361,362,363,364,367,368,369,384,385,386,389,390,391,406,407,408,411,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,456,474,475,476,477,478,493 +4903 - 72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,146,147,148,149,150,151,166,167,168,169,170,171,172,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,279,280,281,290,291,292,293,294,301,302,303,304,323,324,325,344,345,346,347,365,366,367,368,369,386,387,388,389,390,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,464,465,466,467,468,469,470,471,472,473,474,488 +4904 - 51,52,53,73,74,75,95,96,97,101,102,103,117,118,122,123,124,125,139,140,141,144,145,146,161,162,165,166,167,183,184,185,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,233,235,236,251,252,253,254,255,256,257,258,275,276,277,278,279,297,298,319,320,341,342,363,364,385,386,407,408,429,430,431,451,452,453,474,475,489 +4905 - 53,54,61,74,75,76,82,83,84,96,97,98,104,105,106,117,118,119,120,125,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,432,450,451,452,453,454,472,473,474,475,489 +4906 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,363,364,385,386,407,408,429,430,451,452,473,474,486 +4907 - 64,65,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,150,151,160,161,162,163,164,165,180,181,182,183,184,185,202,203,204,205,224,225,226,227,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,490 +4908 - 57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,99,100,101,102,106,107,108,120,121,122,128,129,142,143,149,150,151,163,164,165,170,171,172,185,186,187,191,192,207,208,209,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,342,357,358,359,362,363,364,379,380,381,385,386,387,401,402,403,408,409,424,425,426,430,431,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +4909 - 15,16,17,37,38,39,58,59,60,80,81,82,101,102,103,122,123,124,125,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,229,230,231,250,251,252,271,272,273,274,293,294,295,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +4910 - 12,13,14,15,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,139,140,141,160,161,162,182,183,184,192,204,205,206,211,212,213,214,215,216,225,226,227,231,232,233,234,235,236,237,238,239,247,248,249,252,253,254,255,256,257,258,260,261,269,270,271,274,275,276,277,282,283,291,292,293,294,295,296,297,298,304,305,313,314,315,316,317,318,319,326,327,336,337,338,339,340,348,349,358,359,360,361,370,371,381,382,383,384,385,391,392,393,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,491 +4911 - 83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,169,170,171,172,180,181,182,183,184,190,191,192,193,201,202,203,204,205,211,212,213,214,215,223,224,225,226,232,233,234,235,236,246,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,445,446,447,448,449,450,467,468,469,470,471,472,492 +4912 - 9,10,30,31,32,33,51,52,53,54,55,73,74,75,76,94,95,96,97,104,106,107,115,116,117,118,124,125,126,127,128,129,130,131,137,138,139,140,145,146,147,148,149,150,151,152,153,158,159,160,161,165,166,167,168,169,170,171,172,173,174,175,180,181,182,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,208,209,210,211,216,217,218,219,223,224,225,226,229,230,231,232,237,238,239,240,241,245,246,247,250,251,252,253,258,259,260,261,262,266,267,268,269,272,273,274,279,280,281,282,283,288,289,290,291,293,294,295,296,300,301,302,303,304,310,311,312,313,315,316,317,321,322,323,324,325,332,333,334,335,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,410,411,431,432,491 +4913 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,105,106,107,108,109,119,120,121,122,128,129,130,131,140,141,142,143,149,150,151,152,161,162,163,164,170,171,172,173,183,184,185,186,191,192,193,194,195,205,206,207,212,213,214,215,227,228,229,233,234,235,236,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,358,359,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,406,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +4914 - 9,10,26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,91,98,99,100,101,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,277,295,296,297,298,315,316,317,318,319,320,328,329,336,337,338,339,340,341,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,487 +4915 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,149,150,159,160,161,162,168,169,170,171,172,180,181,182,190,191,192,193,194,202,203,204,205,206,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,494 +4916 - 48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,90,91,92,93,100,101,112,113,120,121,122,123,141,142,143,144,161,162,163,164,182,183,184,185,203,204,205,206,207,208,209,210,229,230,231,232,233,234,254,255,256,257,278,279,280,301,302,303,324,325,326,347,348,369,370,391,392,411,412,413,414,423,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +4917 - 87,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,173,174,183,184,185,186,196,204,205,206,207,225,226,227,228,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,297,298,299,300,320,321,322,342,343,344,364,365,366,377,378,379,380,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,490 +4918 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,122,123,124,125,138,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,208,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,298,299,300,301,302,303,321,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,403,404,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,490 +4919 - 34,35,36,37,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,127,128,129,130,140,141,142,143,149,150,151,152,161,162,163,164,172,173,174,182,183,184,185,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,237,238,239,240,246,247,248,249,259,260,261,262,268,269,270,271,280,281,282,283,284,290,291,292,293,301,302,303,304,305,311,312,313,314,322,323,324,325,326,333,334,335,336,342,343,344,345,346,347,355,356,357,358,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +4920 - 95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,167,168,169,170,171,178,179,180,181,182,183,184,185,189,190,191,192,193,201,202,203,204,205,211,212,213,214,215,232,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,492 +4921 - 11,12,13,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,207,226,227,228,229,235,236,237,248,249,250,251,255,256,257,258,259,260,270,271,272,276,277,278,279,280,281,282,283,292,293,294,296,297,298,299,300,303,304,305,314,315,316,318,319,320,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,406,407,408,409,491 +4922 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,122,123,124,125,126,136,137,138,146,147,148,158,159,169,170,171,180,181,202,203,213,214,215,224,225,234,235,236,237,246,247,248,255,256,257,258,268,269,270,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,322,323,324,336,337,338,339,340,341,344,345,346,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +4923 - 58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,224,225,226,227,228,229,232,233,234,235,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,381,382,383,385,386,387,388,403,404,405,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +4924 - 52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,433,452,453,454,455,475,476,477,486 +4925 - 99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,169,170,171,172,180,181,182,183,184,190,191,192,193,201,202,203,204,210,211,212,213,214,215,223,224,225,226,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,278,279,280,291,292,293,299,300,301,302,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,476,494 +4926 - 121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,170,171,177,178,179,180,181,182,183,191,192,193,198,199,200,201,202,213,214,215,220,234,235,236,256,257,258,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,492 +4927 - 52,60,61,73,74,75,81,82,83,94,95,96,103,104,105,116,117,118,125,126,127,137,138,139,140,146,147,148,149,159,160,161,162,168,169,170,171,181,182,183,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,277,278,279,280,281,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,473,474,475,489 +4928 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,124,125,126,138,139,140,141,147,148,159,160,161,162,169,170,181,182,183,188,189,190,191,192,203,204,205,210,211,212,213,214,225,226,227,231,232,233,234,235,236,247,248,249,253,254,255,256,257,258,269,270,271,274,275,276,277,278,279,291,292,293,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,335,336,337,338,339,340,341,343,344,345,359,360,361,365,366,367,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,494 +4929 - 35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,191,192,193,208,209,210,213,214,215,229,230,231,235,236,237,251,252,253,257,258,259,273,274,275,279,280,294,295,296,297,315,316,317,318,319,323,324,337,338,339,340,345,346,359,360,361,362,367,368,381,382,383,389,390,402,403,404,405,411,412,424,425,426,427,446,447,448,449,486 +4930 - 92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,454,473,474,475,476,477,492 +4931 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,166,167,168,169,170,171,180,181,182,183,186,187,188,189,190,191,192,201,202,203,208,209,210,211,212,213,214,222,223,224,225,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,299,300,301,313,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,471,472,473,474,494 +4932 - 6,7,8,9,10,11,28,29,30,31,32,33,34,53,54,55,56,57,77,78,79,99,100,101,121,122,123,124,144,145,146,166,167,168,188,189,209,210,211,231,232,233,253,254,255,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,401,402,403,404,407,408,409,410,411,412,413,414,424,425,430,431,432,433,434,435,487 +4933 - 62,63,64,65,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,131,140,141,142,143,144,145,146,147,161,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,290,291,292,293,294,299,300,301,313,314,321,322,323,343,344,345,364,365,366,367,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,490 +4934 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,146,147,148,149,160,161,162,163,167,168,169,170,171,172,181,182,183,184,188,189,190,191,192,194,203,204,205,206,209,210,211,212,213,214,216,224,225,226,227,230,231,232,233,234,235,236,238,246,247,248,249,250,251,252,253,254,255,256,257,258,260,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,433,434,450,451,452,453,454,455,456,472,473,474,475,476,477,494 +4935 - 73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,142,143,144,145,146,147,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,235,236,237,238,239,247,248,249,250,259,260,261,281,282,283,302,303,304,305,323,324,325,326,344,345,346,347,348,365,366,367,368,369,370,386,387,388,389,390,391,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +4936 - 30,31,52,53,74,75,96,97,98,118,119,120,140,141,142,163,164,165,185,186,187,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,430,431,452,453,486 +4937 - 14,15,16,17,18,34,35,36,37,38,39,40,55,56,57,58,59,60,61,76,77,78,79,80,81,97,98,99,100,101,118,119,120,121,122,125,126,127,128,129,139,140,141,142,143,146,147,148,149,150,151,160,161,162,163,164,165,168,169,170,171,172,173,181,182,183,184,185,186,189,190,191,192,194,195,196,203,204,205,206,207,211,212,213,216,217,218,224,225,226,227,228,234,238,239,240,245,246,247,248,249,260,261,262,263,267,268,269,270,271,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,485 +4938 - 28,29,30,31,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,98,99,100,101,102,112,113,114,122,123,124,125,134,135,145,146,147,167,168,169,170,190,191,192,212,213,214,234,235,236,252,253,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,319,320,321,322,323,324,325,326,333,334,335,336,339,340,341,342,343,344,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,370,371,372,378,379,380,381,382,383,384,385,392,393,394,395,415,416,417,438,439,461,487 +4939 - 62,63,64,83,84,85,98,99,100,105,106,120,121,122,126,127,128,141,142,143,147,148,149,150,162,163,164,165,169,170,171,183,184,185,186,190,191,192,193,205,206,207,208,212,213,214,226,227,228,229,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,319,320,321,322,323,324,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,489 +4940 - 17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,121,122,123,124,142,143,144,164,165,166,185,186,187,206,207,208,209,228,229,230,249,250,251,252,272,273,274,275,276,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,425,426,427,428,491 +4941 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,104,105,106,118,119,120,121,126,127,128,139,140,141,142,148,149,161,162,163,169,170,171,183,184,185,190,191,192,205,206,207,208,211,212,213,228,229,230,231,233,234,235,251,252,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,343,359,360,361,362,364,365,380,381,382,383,385,386,387,402,403,404,407,408,409,423,424,425,427,428,429,430,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +4942 - 32,33,34,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,409,426,427,428,429,430,449,450,451,452,486 +4943 - 97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,471,472,473,494 +4944 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,105,106,107,108,117,118,119,120,128,129,130,137,138,139,140,141,151,152,153,159,160,161,162,173,174,175,180,181,182,183,195,196,197,202,203,204,218,219,223,224,225,226,239,240,241,244,245,246,247,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,310,311,312,313,325,326,327,332,333,334,335,346,347,348,349,354,355,356,357,358,367,368,369,370,376,377,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +4945 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,446,447,448,486 +4946 - 33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,157,158,159,160,161,179,180,181,182,183,184,202,203,204,205,206,207,208,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,320,321,322,323,324,325,344,345,346,347,348,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,490 +4947 - 60,61,62,63,82,83,84,104,105,106,118,125,126,127,128,139,140,141,146,147,148,149,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,206,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,297,298,299,300,301,302,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,489 +4948 - 31,32,53,54,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,366,385,386,387,388,390,407,408,409,410,411,412,430,431,432,433,434,452,453,454,455,486 +4949 - 37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,214,215,216,226,227,228,229,230,231,236,237,238,247,248,249,250,251,252,257,258,259,260,268,269,270,271,272,273,279,280,281,282,289,290,291,292,293,294,300,301,302,303,311,312,313,314,315,322,323,324,325,333,334,335,336,343,344,345,346,347,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,485 +4950 - 76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,166,167,168,183,184,185,188,189,190,205,206,207,209,210,211,212,227,228,229,231,232,233,234,248,249,250,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,320,321,338,339,342,343,364,365,386,387,408,409,430,431,452,453,474,475,494 +4951 - 129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,204,205,206,207,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,270,271,273,274,275,276,277,298,299,319,320,321,333,334,340,341,342,343,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,490 +4952 - 13,14,15,16,34,35,36,37,56,57,58,59,77,78,79,80,98,99,100,120,121,122,141,142,143,163,164,165,184,185,186,206,207,208,228,229,230,250,251,252,253,254,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,315,316,317,321,322,337,338,339,342,343,344,360,361,364,365,366,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,491 +4953 - 35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,334,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,448,449,450,486 +4954 - 71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,127,145,146,147,148,149,169,170,171,172,192,193,194,213,214,215,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,339,340,341,342,343,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,444,445,446,447,465,466,467,468,492 +4955 - 76,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,142,143,144,145,146,147,149,150,151,152,153,158,159,160,161,171,172,173,174,180,181,182,183,193,194,195,201,202,203,204,205,206,207,208,209,210,211,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,267,268,275,276,277,278,279,299,300,301,320,321,322,332,333,334,343,344,345,354,355,356,357,364,365,366,367,376,377,378,379,380,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,490 +4956 - 53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,100,101,102,103,104,117,118,119,122,123,124,125,126,138,139,140,144,145,146,147,148,160,161,162,166,167,168,169,181,182,183,188,189,190,191,203,204,205,210,211,212,213,225,226,227,231,232,233,234,247,248,249,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,338,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,470,471,494 +4957 - 60,61,62,81,82,83,84,94,95,96,103,104,105,106,115,116,117,118,124,125,126,127,137,138,139,140,145,146,147,148,158,159,160,161,167,168,169,170,179,180,181,182,183,184,185,189,190,191,192,201,202,203,204,205,206,207,208,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,297,298,299,300,301,319,320,321,322,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,432,450,451,452,453,454,472,473,474,475,489 +4958 - 53,54,55,75,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,486 +4959 - 33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,126,127,128,129,138,139,140,141,142,148,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,217,225,226,227,228,236,237,238,239,246,247,248,249,258,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,333,334,335,336,344,345,346,347,348,355,356,357,358,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +4960 - 13,14,15,16,17,34,35,36,37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,100,102,103,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,187,188,189,190,191,192,193,203,204,205,206,208,209,210,211,212,213,214,215,216,225,226,227,230,231,232,235,236,237,238,246,247,248,249,252,253,254,258,259,260,261,268,269,270,273,274,275,281,282,283,290,291,292,295,296,297,303,304,305,311,312,313,314,317,318,319,325,326,327,334,335,336,339,340,341,345,346,347,348,349,356,357,358,359,361,362,363,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,491 +4961 - 75,76,77,96,97,98,99,103,104,117,118,119,120,124,125,126,139,140,141,142,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,211,212,213,225,226,227,232,233,234,235,247,248,249,254,255,256,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,492 +4962 - 26,27,28,29,30,31,32,48,49,50,51,52,53,54,70,71,72,73,74,75,76,77,78,92,93,94,97,98,99,100,114,115,116,120,121,122,136,137,138,142,143,144,158,165,166,187,188,209,210,231,232,252,253,254,274,275,276,295,296,297,317,318,319,338,339,340,359,360,361,362,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,456,457,458,459,460,461,487 +4963 - 10,11,12,32,33,34,53,54,55,56,75,76,77,96,97,98,99,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,204,205,206,225,226,227,228,233,234,235,236,237,247,248,249,254,255,256,257,258,259,260,268,269,270,271,275,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,302,303,304,312,313,314,315,318,319,320,323,324,325,326,334,335,336,337,338,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,491 +4964 - 53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,229,230,231,232,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,486 +4965 - 34,35,36,37,54,55,56,57,58,76,77,78,79,80,96,97,98,99,100,104,105,106,107,118,119,120,121,126,127,128,129,139,140,141,142,143,148,149,150,151,161,162,163,164,169,170,171,172,173,182,183,184,185,190,191,192,193,194,195,203,204,205,206,213,214,215,216,217,225,226,227,228,236,237,238,239,247,248,249,250,258,259,260,261,269,270,271,280,281,282,290,291,292,293,301,302,303,312,313,314,322,323,324,325,334,335,336,344,345,346,356,357,358,359,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,448,449,450,451,485 +4966 - 59,60,71,72,80,81,82,83,92,93,94,95,102,103,104,105,114,115,116,117,124,125,126,127,136,137,138,139,145,146,147,148,149,158,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,489 +4967 - 33,34,35,55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,486 +4968 - 56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,123,124,125,139,140,141,142,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,210,211,212,225,226,227,232,233,234,248,249,253,254,255,270,271,272,275,276,277,292,293,294,295,296,297,298,316,317,318,319,320,339,340,341,342,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,426,427,429,430,448,449,450,451,452,470,471,472,473,493 +4969 - 95,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,224,225,226,233,234,235,246,247,248,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +4970 - 72,73,75,76,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,146,147,148,159,160,161,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,232,233,234,235,247,248,249,255,256,257,258,269,270,278,279,280,291,301,302,303,323,324,325,346,347,368,369,390,391,401,402,412,413,423,424,425,434,435,446,447,448,454,455,456,457,469,470,471,472,473,474,475,476,477,478,490 +4971 - 34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,150,162,163,164,165,166,170,171,172,183,184,185,186,192,193,194,195,205,206,207,208,214,215,216,217,226,227,228,229,230,236,237,238,239,248,249,250,251,259,260,261,268,269,270,271,272,280,281,282,283,290,291,292,293,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,356,357,358,359,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +4972 - 74,75,76,95,96,97,98,115,116,117,118,119,128,129,137,138,139,140,148,149,150,151,152,158,159,160,161,168,169,170,171,172,173,174,179,180,181,182,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,489 +4973 - 12,13,14,15,33,34,35,36,37,56,57,58,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,225,226,227,228,236,237,247,248,249,250,256,257,258,259,260,261,269,270,271,276,277,278,279,280,281,282,283,291,292,296,297,298,299,300,303,304,305,313,314,318,319,320,321,325,326,327,334,335,336,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +4974 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,255,256,257,258,269,270,271,272,273,274,277,278,279,292,293,294,299,300,301,302,321,322,323,324,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,473,474,475,494 +4975 - 60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,146,147,148,149,150,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +4976 - 74,75,76,95,96,97,98,117,118,119,120,126,127,128,138,139,140,141,147,148,149,150,160,161,162,168,169,170,171,172,181,182,183,184,189,190,191,192,193,194,203,204,205,206,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,489 +4977 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,190,191,192,193,202,203,211,212,213,214,224,225,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +4978 - 46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,120,121,122,123,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,487 +4979 - 86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,278,279,280,300,301,302,322,323,324,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,490 +4980 - 57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,449,450,471,472,473,486 +4981 - 73,74,75,82,83,95,96,97,103,104,105,116,117,118,119,125,126,127,138,139,140,141,147,148,149,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,299,300,301,302,303,310,311,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,489 +4982 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,126,137,138,139,140,159,160,161,180,181,182,202,203,204,213,214,223,224,225,226,233,234,235,236,243,244,245,246,247,248,253,254,255,256,257,258,265,266,269,270,271,272,273,274,275,276,277,279,280,292,293,294,295,296,300,301,302,322,323,324,344,345,366,367,387,388,389,409,410,431,432,453,454,475,476,494 +4983 - 82,83,103,104,105,119,120,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,233,234,235,248,249,250,255,256,257,269,270,271,272,276,277,278,279,291,292,293,297,298,299,300,313,314,319,320,321,336,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,451,469,470,471,472,492 +4984 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,123,124,138,139,140,145,146,147,160,161,162,167,168,182,183,184,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,494 +4985 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,147,148,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,494 +4986 - 36,37,58,59,79,80,81,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,360,361,362,382,383,384,404,405,406,426,427,428,448,449,486 +4987 - 57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,146,147,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,204,205,206,207,211,212,213,214,215,226,227,228,229,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,342,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +4988 - 98,99,100,101,102,119,120,121,123,124,140,141,161,162,163,168,169,183,184,189,190,191,204,205,210,211,212,213,226,227,231,232,233,234,235,248,249,252,253,254,256,269,270,271,273,274,275,277,278,292,293,294,295,296,299,300,314,315,316,317,321,322,343,344,364,365,366,386,387,408,409,430,431,452,453,474,475,494 +4989 - 13,14,34,35,36,55,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,163,164,165,184,185,186,187,206,207,208,228,229,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,315,316,317,318,319,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,491 +4990 - 28,29,50,51,52,72,73,74,94,95,96,116,117,118,123,124,125,138,139,140,144,145,146,147,160,161,162,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,386,387,388,408,409,410,411,430,431,432,433,453,454,455,489 +4991 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,165,166,167,169,170,171,172,173,174,181,182,183,184,187,188,192,193,194,195,196,203,204,205,206,214,215,216,217,218,225,226,227,238,239,240,246,247,248,249,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,323,324,325,326,333,334,335,344,345,346,347,355,356,357,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +4992 - 35,36,37,57,58,59,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,429,449,450,486 +4993 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,125,126,127,128,139,140,141,142,143,146,147,148,149,150,161,162,163,164,168,169,170,171,183,184,185,189,190,191,205,206,207,208,210,211,212,213,227,228,229,230,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +4994 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,136,137,138,158,159,160,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,238,239,240,241,246,247,248,249,250,261,262,263,269,270,284,285,306,307,327,328,329,349,350,351,357,358,369,370,371,372,380,381,382,390,391,392,393,402,403,404,405,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +4995 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,486 +4996 - 52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,99,100,101,102,113,114,115,116,117,122,123,124,125,135,136,137,138,145,146,147,157,158,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,337,338,339,340,359,360,361,362,363,364,365,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,412,431,432,433,434,435,436,455,456,457,458,459,460,479,480,481,487 +4997 - 80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,160,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,247,248,249,254,255,256,270,271,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +4998 - 33,34,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,429,430,431,432,433,452,453,454,455,486 +4999 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,139,140,141,145,146,147,160,161,162,163,167,168,169,182,183,184,189,190,204,205,206,211,212,213,226,227,228,233,234,248,249,250,254,255,256,271,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +5000 - 56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,224,225,226,227,229,230,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,297,298,299,300,301,302,303,304,323,324,325,326,346,347,348,349,368,369,370,371,388,389,390,391,392,409,410,411,412,413,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,490 +5001 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +5002 - 31,32,33,34,35,52,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,366,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,486 +5003 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,123,124,125,126,138,139,143,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,257,258,259,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,346,363,364,365,366,367,377,383,384,385,386,387,388,398,399,400,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,465,466,467,468,488 +5004 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,491 +5005 - 93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,193,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,343,344,345,346,347,348,349,350,353,354,355,356,357,358,367,368,369,370,371,372,375,376,377,378,391,392,393,394,487 +5006 - 5,6,7,8,9,27,28,29,30,31,48,49,50,51,70,71,72,73,92,93,94,113,114,115,135,136,137,157,158,159,179,180,181,201,202,203,223,224,225,226,238,239,246,247,248,257,258,259,260,261,262,268,269,270,271,277,278,279,280,281,282,283,284,285,291,292,293,294,295,298,299,300,301,302,303,305,306,307,314,315,316,317,318,319,320,321,322,323,328,329,337,338,339,340,341,342,343,344,349,350,351,360,361,362,363,364,365,366,367,368,369,370,371,372,373,385,386,387,388,389,390,391,392,393,394,409,410,411,412,413,491 +5007 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,123,124,125,135,136,137,138,139,144,145,146,147,157,158,159,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,256,257,258,259,278,279,280,281,301,302,303,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,398,399,400,401,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +5008 - 31,32,33,34,52,53,54,55,56,57,74,75,77,78,79,95,96,97,100,101,102,117,118,119,122,123,124,140,144,145,146,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,278,279,293,294,295,296,297,300,301,302,316,317,322,323,324,344,345,358,366,367,379,380,387,388,389,401,402,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,488 +5009 - 33,34,35,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +5010 - 27,28,29,30,49,50,51,52,53,54,72,73,74,75,76,77,97,98,99,100,120,121,122,141,142,143,144,162,163,164,165,166,184,185,186,187,188,189,190,210,211,212,213,233,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,488 +5011 - 60,61,62,82,83,84,103,104,105,106,116,117,118,125,126,127,138,139,140,147,148,149,160,161,162,168,169,170,171,182,183,184,190,191,192,193,204,205,206,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,298,299,300,301,302,303,311,312,313,320,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,489 +5012 - 30,31,32,33,34,36,37,38,39,52,53,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,94,95,96,116,117,138,139,160,161,182,183,187,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,257,258,270,271,280,281,302,303,304,325,326,346,347,348,368,369,370,389,390,391,400,401,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,490 +5013 - 55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,139,140,141,142,143,147,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,191,192,193,194,211,212,213,214,215,233,234,235,236,254,255,256,257,274,275,276,277,278,294,295,296,297,298,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,387,388,389,396,397,398,399,400,409,410,411,418,419,420,431,432,433,487 +5014 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,100,101,102,103,104,124,125,126,127,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,231,232,233,253,254,255,275,276,277,278,297,298,299,300,321,322,323,342,343,344,345,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,488 +5015 - 35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,192,193,194,204,205,206,207,208,209,210,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,290,291,292,293,300,301,302,312,313,314,315,321,322,323,324,333,334,335,336,343,344,345,346,355,356,357,358,363,364,365,366,367,377,378,379,380,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +5016 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,101,102,103,114,115,116,117,124,125,126,136,137,138,147,148,149,169,170,171,192,193,214,215,216,227,228,229,236,237,238,247,248,249,250,251,252,253,258,259,260,268,269,270,271,272,273,274,275,276,279,280,281,289,290,291,292,295,296,297,298,299,301,302,303,311,312,313,319,320,321,322,323,324,325,333,334,335,343,344,345,346,347,355,356,357,365,366,367,368,378,379,380,387,388,389,390,400,401,402,403,404,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,487 +5017 - 15,16,17,18,34,35,36,37,38,39,40,55,56,57,58,59,60,61,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,193,194,195,196,203,204,205,206,215,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,250,259,260,261,262,267,268,269,270,271,281,282,283,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,485 +5018 - 96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,159,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,224,225,226,232,233,234,247,248,253,254,255,256,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +5019 - 75,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,160,161,162,167,168,169,181,182,183,184,189,190,191,203,204,205,210,211,212,225,226,227,232,233,234,248,249,254,255,256,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,492 +5020 - 55,56,57,58,77,78,79,80,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,320,340,341,362,363,384,385,405,406,407,427,428,429,449,450,471,472,486 +5021 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,83,84,85,97,98,99,100,104,105,106,117,118,119,120,121,126,127,128,139,140,141,147,148,149,160,161,162,169,170,171,182,183,184,190,191,192,205,206,207,211,212,213,214,227,228,229,230,232,233,234,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,362,363,364,378,379,380,381,383,384,385,386,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,493 +5022 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,139,144,145,146,166,167,168,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,271,272,273,293,294,295,296,316,317,318,319,320,340,341,342,343,364,365,366,386,387,388,409,410,431,432,452,453,469,470,471,472,473,474,475,488 +5023 - 60,61,76,77,82,83,97,98,99,103,104,105,119,120,121,125,126,127,140,141,142,146,147,148,149,161,162,163,164,168,169,170,182,183,184,185,190,191,192,203,204,205,206,207,212,213,214,222,223,224,225,226,227,228,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +5024 - 32,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,119,120,121,140,141,142,143,144,145,146,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,214,215,216,217,218,226,227,228,229,240,241,248,249,250,251,270,271,272,273,274,275,293,294,295,296,297,298,317,318,319,320,321,340,341,342,343,356,364,365,366,378,379,380,386,387,388,400,401,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,454,490 +5025 - 13,14,15,35,36,37,56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,164,165,166,185,186,187,207,208,209,228,229,230,250,251,252,272,273,274,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +5026 - 32,33,54,55,76,77,98,99,120,121,141,142,143,163,164,165,186,187,207,208,209,229,230,231,252,253,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,407,408,409,429,430,431,451,452,453,454,486 +5027 - 75,76,82,83,96,97,98,103,104,105,117,118,119,124,125,126,138,139,140,141,146,147,148,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,273,274,275,276,277,278,279,280,281,282,288,289,290,291,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,489 +5028 - 31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,101,102,103,104,115,116,117,118,119,124,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,180,181,182,183,191,192,193,202,203,204,205,213,214,215,216,224,225,226,235,236,237,238,246,247,248,257,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,301,302,303,304,313,314,315,323,324,325,326,335,336,337,338,345,346,347,357,358,359,360,366,367,368,369,379,380,381,382,388,389,390,391,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,485 +5029 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,141,145,146,147,148,160,161,162,167,168,169,170,181,182,183,186,187,188,189,190,191,192,203,204,205,209,210,211,212,213,214,224,225,226,231,232,233,234,235,236,246,247,248,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,278,279,280,291,292,293,294,295,296,299,300,301,314,315,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,455,474,475,476,494 +5030 - 33,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,100,101,102,103,116,117,118,123,124,125,126,138,139,146,147,148,160,161,162,168,169,170,171,183,184,191,192,193,213,214,215,234,235,236,237,250,251,252,253,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,319,320,321,322,323,324,325,332,333,340,341,342,343,344,345,346,347,348,349,354,355,356,358,359,360,361,362,363,364,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,392,393,394,395,399,400,401,402,403,404,487 +5031 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,302,303,304,313,314,315,316,324,325,326,345,346,347,348,367,368,369,370,387,388,389,390,391,408,409,410,411,412,413,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,488 +5032 - 12,13,34,35,56,57,77,78,79,99,100,101,120,121,122,142,143,144,164,165,185,186,187,188,189,207,208,209,210,211,212,229,230,231,232,233,234,251,252,255,256,272,273,274,277,278,279,294,295,296,299,300,301,316,317,318,321,322,338,339,340,342,343,344,360,361,362,364,365,366,382,383,384,385,386,387,405,406,407,408,409,427,428,429,430,491 +5033 - 56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,126,127,128,129,130,139,140,141,142,143,148,149,150,151,161,162,163,164,168,169,170,171,172,183,184,185,190,191,192,193,205,206,207,211,212,213,214,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,378,379,380,381,382,384,385,386,400,401,402,403,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +5034 - 54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,451,470,471,472,486 +5035 - 74,75,76,81,82,83,95,96,97,98,103,104,105,117,118,119,120,124,125,126,127,139,140,141,146,147,148,149,160,161,162,163,168,169,170,182,183,184,185,189,190,191,192,203,204,205,206,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,298,299,300,301,312,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,489 +5036 - 7,8,28,29,30,31,32,50,51,52,53,54,72,73,74,75,76,93,94,95,96,97,98,115,116,117,118,119,137,138,139,140,141,147,148,149,159,160,161,162,163,167,168,169,170,171,172,173,181,182,183,184,188,189,190,191,192,193,194,195,203,204,205,206,209,210,211,212,213,214,215,216,217,218,225,226,227,228,231,232,233,234,235,236,237,238,239,240,247,248,249,250,253,254,255,256,257,258,260,261,262,269,270,271,272,275,276,277,278,279,281,282,283,284,291,292,293,294,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,491 +5037 - 81,82,83,97,98,102,103,104,105,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,249,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +5038 - 54,55,75,76,77,96,97,98,99,103,104,118,119,120,121,125,126,140,141,142,147,148,161,162,163,169,170,182,183,184,190,191,192,203,204,205,212,213,214,224,225,226,234,235,236,246,247,248,249,250,251,252,253,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,344,345,366,367,388,389,410,411,432,433,454,455,476,477,489 +5039 - 57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,127,128,129,141,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,233,234,235,236,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,344,345,346,352,353,354,355,356,357,358,359,360,366,367,368,374,375,376,377,378,379,380,389,390,391,396,397,398,399,400,411,412,413,418,419,420,421,433,434,435,456,487 +5040 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,101,102,103,104,115,116,117,118,123,124,125,126,136,137,138,139,145,146,147,148,156,157,158,159,160,166,167,168,169,170,178,179,180,181,182,188,189,190,191,200,201,202,203,209,210,211,212,213,222,223,224,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,329,337,338,339,340,341,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,448,487 +5041 - 96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,254,255,256,276,277,278,279,299,300,301,320,321,322,332,333,341,342,343,344,354,355,356,357,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,490 +5042 - 30,31,32,51,52,53,54,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,99,100,101,102,103,104,115,116,117,118,119,121,122,123,124,125,126,127,137,138,139,140,143,144,146,147,148,149,159,160,161,162,166,169,170,171,172,180,181,182,183,184,192,193,194,202,203,204,205,206,214,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,249,250,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,293,303,304,305,306,311,312,313,314,315,325,326,327,334,335,336,337,346,347,348,349,356,357,358,359,360,367,368,369,370,379,380,381,382,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +5043 - 13,14,15,34,35,36,37,56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,213,228,229,230,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,280,281,282,292,293,294,295,296,297,298,302,303,314,315,316,317,318,319,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,491 +5044 - 31,32,33,34,53,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,454,486 +5045 - 55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,144,145,146,147,148,149,164,165,166,167,168,169,170,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,278,279,280,281,290,291,292,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +5046 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,116,117,118,124,125,126,127,137,138,139,140,147,148,149,159,160,161,169,170,171,172,180,181,182,183,192,193,194,202,203,204,205,214,215,216,217,224,225,226,236,237,238,239,246,247,248,258,259,260,261,268,269,270,280,281,282,290,291,292,302,303,304,312,313,314,323,324,325,326,334,335,336,344,345,346,347,356,357,358,365,366,367,368,369,378,379,380,386,387,388,389,390,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,485 +5047 - 14,15,16,35,36,37,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,209,227,228,229,230,249,250,251,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,323,324,325,335,336,337,338,339,340,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +5048 - 60,61,62,81,82,83,102,103,104,105,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,251,252,253,254,272,273,274,275,294,295,296,315,316,317,336,337,338,339,358,359,360,380,381,401,402,403,423,424,425,445,446,467,468,486 +5049 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,147,148,149,158,159,160,161,168,169,170,171,172,180,181,182,189,190,191,192,193,201,202,203,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +5050 - 29,30,31,32,33,34,50,51,52,53,54,55,56,71,72,73,78,79,93,94,100,101,102,103,114,115,123,124,125,126,136,137,138,145,146,147,159,160,161,167,168,169,182,183,184,188,189,190,205,206,207,208,210,211,212,228,229,230,231,232,233,252,253,254,274,275,276,277,296,297,298,299,300,317,318,319,321,322,323,339,340,344,345,346,360,361,362,367,368,369,382,383,390,391,404,405,411,412,413,426,427,428,432,433,434,435,449,450,451,452,453,454,455,456,493 +5051 - 11,12,13,14,33,34,35,54,55,56,57,76,77,78,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,205,206,207,226,227,228,248,249,250,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,291,292,293,296,297,298,299,300,301,302,303,304,313,314,315,318,319,320,323,324,325,326,335,336,337,338,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +5052 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,139,140,141,146,147,148,149,161,162,163,167,168,169,170,184,185,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,235,253,254,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,440,441,442,443,444,445,446,447,462,463,464,465,466,467,488 +5053 - 52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,122,123,124,125,126,144,145,146,147,148,164,165,166,167,168,184,185,186,187,188,189,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,276,277,278,279,280,281,300,301,302,303,323,324,325,345,346,347,366,367,368,369,386,387,388,389,390,391,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,488 +5054 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,160,161,162,163,164,182,183,184,203,204,205,206,225,226,227,247,248,249,269,270,271,291,292,293,313,314,315,316,335,336,337,338,339,340,358,359,360,361,362,363,364,381,382,383,384,385,386,387,388,389,407,408,409,410,411,430,431,432,433,446,449,451,452,453,454,455,467,468,469,470,471,472,473,474,475,476,490 +5055 - 59,60,61,62,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,127,128,129,140,141,142,149,150,151,162,163,171,172,173,192,193,194,213,214,215,216,234,235,236,237,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,364,365,366,367,374,375,376,377,378,379,380,381,386,387,388,389,396,397,398,399,400,409,410,411,419,420,431,432,487 +5056 - 55,56,57,76,77,78,79,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,147,163,164,165,168,169,185,186,187,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,294,295,297,298,299,316,317,319,320,321,338,339,341,342,343,360,361,363,364,365,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,471,472,473,493 +5057 - 56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,127,128,129,149,150,151,170,171,172,173,191,192,193,194,195,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,293,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,386,387,388,389,390,396,397,398,399,400,401,409,410,411,412,419,420,432,433,434,487 +5058 - 8,16,17,29,30,31,38,39,50,51,52,59,60,61,72,73,74,81,82,83,93,94,95,96,103,104,105,115,116,117,124,125,126,127,137,138,139,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,190,191,192,193,202,203,204,212,213,214,215,223,224,225,226,234,235,236,245,246,247,256,257,258,267,268,269,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,387,388,389,409,410,411,431,432,433,489 +5059 - 39,40,60,61,62,82,83,84,103,104,105,125,126,127,139,146,147,148,160,161,162,168,169,170,182,183,184,189,190,191,203,204,205,211,212,213,224,225,226,227,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,294,295,296,297,298,299,300,318,319,320,340,341,342,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,489 +5060 - 29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,99,100,101,102,114,115,116,121,122,123,124,136,137,138,144,145,146,147,158,159,160,167,168,169,170,180,181,182,189,190,191,192,193,202,203,204,211,212,214,215,216,224,225,226,236,237,238,239,246,247,248,259,260,261,268,269,270,271,281,282,283,291,292,293,303,304,305,313,314,315,325,326,327,335,336,337,338,346,347,348,349,358,359,360,361,368,369,370,381,382,383,384,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +5061 - 15,16,17,36,37,38,39,58,59,60,79,80,81,100,101,102,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,228,229,230,250,251,252,271,272,273,276,277,278,279,280,293,294,295,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,491 +5062 - 91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,168,169,170,171,172,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,470,471,472,473,492 +5063 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,189,190,191,192,193,201,202,203,204,210,211,212,213,214,215,223,224,225,230,231,232,233,234,235,236,237,245,246,247,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,278,279,280,290,291,292,293,294,295,299,300,301,302,313,314,315,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +5064 - 14,15,36,37,38,57,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,147,148,149,162,163,164,165,166,167,169,170,171,184,185,186,187,191,192,193,205,206,207,208,212,213,214,215,226,227,228,229,234,235,236,237,247,248,249,250,251,255,256,257,258,269,270,271,272,273,277,278,279,280,290,291,292,293,298,299,300,301,302,311,312,313,314,315,320,321,322,323,333,334,335,336,337,340,341,342,343,344,355,356,357,358,359,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,424,425,426,427,428,485 +5065 - 35,36,37,38,56,57,58,59,60,77,78,79,80,98,99,100,101,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,192,193,194,195,204,205,206,207,209,211,214,215,216,217,225,226,227,228,229,236,237,238,239,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,289,290,291,292,293,301,302,303,304,311,312,313,314,323,324,325,326,332,333,334,335,336,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,376,377,378,379,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +5066 - 48,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,156,157,158,159,160,161,162,163,164,165,166,178,179,180,181,182,183,184,185,186,187,188,189,200,201,202,203,204,209,210,211,212,213,233,234,235,236,257,258,259,260,280,281,282,303,304,305,312,313,325,326,327,328,333,334,335,336,348,349,350,351,356,357,358,359,371,372,373,379,380,381,382,383,394,395,402,403,404,405,406,407,408,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,449,450,451,452,453,454,455,456,457,458,459,460,474,475,476,477,478,479,490 +5067 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,147,148,149,169,170,171,191,192,193,211,212,213,214,215,233,234,235,236,247,248,249,250,251,252,254,255,256,257,258,262,267,268,269,270,271,272,273,274,275,276,277,278,279,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,343,344,345,346,347,348,354,355,356,357,358,367,368,487 +5068 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,210,211,212,226,227,228,229,230,232,233,234,247,248,249,250,251,254,255,256,270,271,276,277,278,298,299,300,320,321,322,342,343,344,364,365,367,386,387,388,389,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,447,448,449,450,451,452,486 +5069 - 39,40,41,42,43,55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,108,109,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,299,300,301,302,312,313,322,323,324,344,345,346,355,356,357,366,367,368,376,377,378,379,380,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,490 +5070 - 55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,103,104,118,119,120,139,140,141,161,162,163,182,183,184,204,205,206,209,210,225,226,227,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,449,450,451,452,470,471,472,490 +5071 - 64,65,80,81,82,83,84,85,86,87,95,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,181,182,183,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,298,299,300,301,321,322,323,343,344,345,365,366,367,376,377,378,386,387,388,389,398,399,400,401,402,403,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +5072 - 55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,116,117,118,119,137,138,139,140,159,160,161,180,181,182,194,195,201,202,203,214,215,216,217,222,223,224,234,235,236,237,238,244,245,255,256,257,258,259,260,266,267,276,277,278,280,281,288,289,296,297,298,299,301,302,303,310,311,315,316,317,318,319,323,324,333,334,335,336,337,338,339,344,345,346,356,357,358,359,365,366,367,387,388,389,408,409,410,429,430,431,451,452,453,472,473,474,494 +5073 - 35,36,56,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,231,232,233,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +5074 - 92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,145,146,147,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,278,279,299,300,301,321,322,323,343,344,345,365,366,386,387,388,408,409,410,429,430,431,451,452,453,472,473,474,492 +5075 - 54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,103,104,105,116,117,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,255,256,257,258,270,271,272,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,378,379,380,386,387,388,389,400,401,402,407,408,409,410,421,422,423,424,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +5076 - 30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,77,78,79,80,94,100,101,102,123,124,125,145,146,147,166,167,168,187,188,189,190,208,209,210,211,228,229,230,231,232,250,251,252,253,254,273,274,275,276,277,292,293,297,298,299,300,314,315,321,322,323,335,336,337,344,345,346,358,359,366,367,368,380,381,382,388,389,402,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +5077 - 49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,122,123,124,125,126,143,144,145,146,163,164,165,166,167,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,256,257,258,259,268,269,270,279,280,281,282,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,387,388,389,390,391,399,400,401,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +5078 - 63,84,85,86,95,96,105,106,107,108,116,117,118,119,127,128,129,130,136,137,138,139,140,141,148,149,150,151,157,158,159,160,161,170,171,172,173,178,179,180,181,182,191,192,193,194,195,200,201,202,203,213,214,215,216,221,222,223,224,233,234,235,236,237,238,243,244,245,246,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,321,322,323,324,333,334,335,336,337,338,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,410,427,428,429,430,431,449,450,451,452,471,472,473,489 +5079 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,147,148,149,158,159,160,161,162,169,170,171,180,181,182,190,191,192,193,202,203,204,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +5080 - 26,27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,97,98,99,100,101,102,120,121,122,123,124,125,144,145,146,147,165,166,167,168,169,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,358,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,488 +5081 - 73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,160,161,162,167,168,169,181,182,183,184,188,189,190,204,205,210,211,212,232,233,234,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +5082 - 34,35,56,57,58,77,78,79,80,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +5083 - 13,14,15,16,17,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,104,105,106,116,117,118,119,126,127,128,139,140,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,277,278,279,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,412,413,414,415,419,420,421,422,423,424,425,435,436,487 +5084 - 13,14,15,16,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,318,321,322,323,324,335,336,337,338,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +5085 - 64,65,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,140,141,142,162,163,164,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,255,256,257,268,269,270,278,279,300,301,302,313,314,321,322,323,332,333,334,335,336,343,344,345,354,355,356,357,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,425,426,427,428,490 +5086 - 93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,466,467,468,469,492 +5087 - 95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,169,170,171,181,182,183,191,192,193,202,203,204,205,213,214,215,224,225,226,234,235,236,246,247,248,255,256,257,258,277,278,279,280,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,492 +5088 - 10,11,12,13,31,32,33,34,52,53,54,55,56,73,74,75,76,95,96,97,116,117,118,119,137,138,139,140,159,160,161,180,181,182,202,203,204,224,225,226,237,238,239,240,246,247,248,256,257,259,260,261,262,263,268,269,270,275,276,277,278,279,281,282,283,284,285,290,291,292,296,297,298,299,300,307,312,313,314,315,316,317,318,319,320,329,335,336,337,338,339,340,341,349,350,351,358,359,360,361,362,363,364,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,491 +5089 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,125,126,127,138,139,140,141,147,148,149,159,160,161,162,169,170,171,181,182,183,190,191,192,193,202,203,204,211,212,213,214,224,225,226,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +5090 - 49,50,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,136,137,138,139,140,141,142,143,144,145,146,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,278,279,280,281,282,283,302,303,304,305,306,325,326,327,328,337,338,348,349,359,360,361,369,370,371,381,382,383,384,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,488 +5091 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,126,127,128,129,130,139,140,141,142,149,150,151,161,162,163,170,171,172,183,184,185,191,192,193,194,205,206,207,212,213,214,215,227,228,229,230,233,234,235,236,250,251,252,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,363,364,365,378,379,380,381,385,386,387,399,400,401,402,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +5092 - 39,40,60,61,62,82,83,84,93,94,104,105,106,115,116,125,126,127,137,138,139,147,148,149,159,160,161,169,170,171,172,180,181,182,183,191,192,193,194,202,203,204,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,278,279,280,287,288,289,290,291,292,300,301,302,309,310,311,312,321,322,323,330,331,332,333,343,344,345,353,354,365,366,367,386,387,388,389,408,409,410,411,430,431,432,453,454,489 +5093 - 59,60,61,62,63,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,127,128,129,130,139,140,141,142,143,144,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,192,193,194,203,204,205,206,213,214,215,234,235,236,237,255,256,257,258,272,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,337,338,339,340,341,342,343,344,353,354,355,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,386,387,388,389,390,397,398,399,400,401,402,403,409,410,411,412,413,432,433,434,435,487 +5094 - 8,9,10,11,30,31,32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,79,80,99,100,101,102,103,122,123,124,125,126,144,145,146,147,148,167,168,169,170,190,191,192,212,213,214,215,235,236,237,257,258,259,268,269,270,271,272,273,279,280,281,290,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,411,412,413,414,415,425,426,427,428,429,487 +5095 - 35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,320,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,446,447,448,449,486 +5096 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,125,126,128,129,130,131,139,140,141,142,146,147,148,149,150,151,152,153,162,163,164,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,228,229,230,231,232,233,249,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,341,342,343,356,357,358,359,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +5097 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,98,99,100,101,102,103,104,123,124,125,126,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,257,258,259,260,267,268,269,270,271,272,273,280,281,282,283,289,290,291,292,302,303,304,323,324,325,326,344,345,346,347,348,366,367,368,369,370,386,387,388,389,390,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +5098 - 92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,165,166,167,168,169,170,171,177,178,179,180,181,189,190,191,192,193,194,199,200,201,202,203,213,214,215,216,222,223,224,225,235,236,237,238,243,244,245,246,257,258,259,260,266,267,268,279,280,281,300,301,302,303,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,492 +5099 - 13,14,35,36,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,486 +5100 - 52,53,60,74,75,76,81,82,95,96,97,103,104,117,118,119,124,125,126,138,139,140,141,146,147,148,160,161,162,168,169,170,180,181,182,183,184,186,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,275,276,277,278,279,280,281,288,289,290,291,292,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,388,389,390,410,411,412,413,432,433,434,435,454,455,456,476,477,478,489 +5101 - 32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,103,104,105,106,116,117,124,125,126,127,128,145,146,147,148,149,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,254,255,256,257,258,259,278,279,280,281,301,302,303,323,324,325,344,345,346,347,352,365,366,367,368,369,374,375,376,377,382,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,488 +5102 - 78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,149,150,151,152,153,161,162,163,169,170,171,172,173,174,183,184,185,190,191,192,193,194,195,205,206,207,208,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,333,334,335,336,337,339,340,341,342,354,355,356,357,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,427,443,444,445,446,447,493 +5103 - 54,55,75,76,77,78,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,165,166,167,168,169,170,171,172,173,174,181,182,183,184,187,188,189,190,191,194,195,196,202,203,204,205,216,217,218,223,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,266,267,268,269,280,281,282,283,287,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,331,332,333,343,344,345,346,347,353,354,364,365,366,367,368,375,376,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,450,465,466,467,468,485 +5104 - 28,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,79,80,81,82,92,93,94,95,101,102,103,104,105,114,115,116,117,123,124,125,126,127,136,137,138,139,145,146,147,148,149,158,159,160,161,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,320,321,322,323,324,325,326,336,337,338,339,345,346,347,348,349,358,359,360,361,367,368,369,370,371,380,381,382,383,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,493 +5105 - 13,14,15,35,36,37,56,57,58,59,78,79,80,100,101,102,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,486 +5106 - 115,116,117,118,119,120,121,137,138,139,140,141,142,143,160,161,162,163,164,165,166,173,174,175,186,187,192,193,194,195,196,197,208,209,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,251,252,253,254,255,256,270,271,272,273,274,275,276,291,292,293,294,295,296,313,314,315,316,317,318,338,339,340,360,361,362,381,382,383,403,404,405,425,426,427,448,449,492 +5107 - 11,12,13,14,15,31,32,33,34,35,36,37,51,52,53,54,55,58,59,72,73,74,75,79,80,81,94,95,96,101,102,103,116,117,123,124,125,145,146,147,166,167,168,188,189,190,210,211,231,232,233,252,253,254,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,345,346,347,348,349,354,355,356,358,359,360,361,362,369,370,371,372,376,377,378,379,380,381,382,383,392,393,394,395,398,399,400,401,402,403,415,416,417,421,422,423,424,437,438,439,487 +5108 - 53,54,55,56,57,74,75,76,77,78,79,96,97,100,101,102,117,118,119,120,122,123,124,139,140,141,142,144,145,146,161,162,167,168,183,184,189,190,205,211,212,226,227,233,234,248,249,255,256,270,271,277,278,292,293,299,300,314,315,321,322,337,343,344,359,360,365,366,381,382,386,387,388,404,408,409,426,427,430,431,448,449,450,451,452,470,471,472,473,474,485 +5109 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,160,161,162,166,167,168,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,236,237,247,248,249,250,251,252,258,259,260,269,270,271,272,273,280,281,282,291,292,293,294,302,303,323,324,325,345,346,347,367,368,369,388,389,390,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,488 +5110 - 105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,196,203,204,205,206,225,226,227,228,230,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +5111 - 14,15,16,36,37,38,58,59,79,80,81,101,102,122,123,124,144,145,146,161,162,166,167,182,183,184,187,188,189,204,205,206,209,210,211,215,216,225,226,227,230,231,232,237,238,247,248,249,252,253,254,257,258,259,269,270,271,274,275,278,279,280,281,291,292,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,360,361,362,382,383,403,404,405,425,426,489 +5112 - 75,76,77,78,95,96,97,98,99,100,101,117,118,122,123,125,138,139,144,145,146,147,159,160,167,168,169,180,181,182,189,190,191,202,203,210,211,212,213,224,225,232,233,234,235,246,253,254,255,256,257,267,268,275,276,278,279,290,296,297,298,300,301,312,313,317,318,319,322,323,334,335,336,338,339,340,344,345,357,358,359,360,361,366,367,380,381,382,387,388,389,409,410,431,432,453,454,475,476,494 +5113 - 75,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,138,139,140,141,142,147,148,149,159,160,161,162,168,169,170,180,181,182,183,190,191,192,202,203,204,212,213,214,224,225,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +5114 - 29,50,51,71,72,73,92,93,94,95,102,103,104,105,114,115,116,123,124,125,126,127,128,129,135,136,137,138,144,145,146,147,148,149,150,151,152,157,158,159,160,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,186,187,188,189,190,194,195,196,197,200,201,202,203,207,208,209,210,211,217,218,219,222,223,224,225,229,230,231,232,239,240,241,244,245,246,247,250,251,252,253,260,261,262,263,266,267,268,272,273,274,275,282,283,284,285,288,289,290,294,295,296,303,304,305,306,310,311,312,316,317,318,324,325,326,327,332,333,334,338,339,340,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,491 +5115 - 60,61,62,63,64,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,140,141,142,143,146,147,148,149,162,163,164,168,169,170,183,184,185,189,190,191,205,206,210,211,212,227,228,229,231,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,364,365,366,381,382,383,386,387,388,402,403,404,407,408,409,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +5116 - 53,54,74,75,76,77,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,209,211,212,213,214,215,216,217,218,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,314,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,472,473,474,475,490 +5117 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,146,147,148,149,160,161,162,169,170,171,182,183,191,192,193,204,205,211,212,213,214,226,227,233,234,235,236,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,316,317,318,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,449,450,451,471,472,473,494 +5118 - 50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,114,115,116,137,138,139,159,160,161,181,182,183,203,204,205,225,226,227,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,279,280,281,282,292,293,302,303,304,305,325,326,327,348,349,370,371,391,392,393,412,413,414,415,424,425,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,490 +5119 - 57,58,59,60,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,172,173,174,182,183,184,185,186,187,188,189,190,194,195,196,203,204,205,206,207,217,218,225,226,227,228,239,240,245,246,247,248,260,261,262,266,267,268,269,270,280,281,282,283,287,288,289,290,291,302,303,304,309,310,311,312,321,322,323,324,325,331,332,333,341,342,343,344,345,346,353,354,355,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,485 +5120 - 31,32,33,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,122,123,124,125,126,137,138,139,140,146,147,148,149,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,214,215,216,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,315,324,325,326,334,335,336,337,345,346,347,348,356,357,358,359,360,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +5121 - 37,38,39,58,59,60,61,79,80,81,82,101,102,103,104,116,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,208,209,210,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,315,316,317,318,337,338,339,340,359,360,361,365,380,381,382,383,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,486 +5122 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,188,189,190,191,192,210,211,212,213,230,231,232,233,234,235,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,471,492 +5123 - 29,30,31,32,33,34,35,36,37,38,39,49,50,51,52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,275,276,277,278,279,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,366,367,368,369,376,377,378,379,380,381,382,383,384,385,389,390,391,397,398,399,400,401,402,403,404,405,411,412,413,414,418,419,420,421,422,423,424,425,426,433,434,435,436,441,442,443,444,445,446,456,457,458,487 +5124 - 74,75,76,77,94,95,96,97,98,99,100,116,117,118,119,120,121,122,124,125,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,165,166,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,313,314,315,316,317,318,319,322,323,324,337,338,339,340,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +5125 - 77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,145,146,147,148,157,158,159,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,275,276,277,278,279,280,281,300,301,302,303,324,325,326,345,346,347,348,365,366,367,368,369,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,444,445,446,447,448,449,464,465,466,467,468,469,488 +5126 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,125,138,139,140,141,160,161,166,167,182,183,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,257,258,259,271,272,279,280,281,302,303,324,325,346,347,368,369,378,379,389,390,400,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +5127 - 98,99,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,147,148,161,162,163,164,165,169,170,182,183,184,185,186,191,192,203,204,205,206,207,212,213,214,225,226,227,228,234,235,236,247,248,256,257,258,278,279,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,428,429,430,449,450,451,452,470,471,472,473,474,492 +5128 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,124,125,138,139,140,147,148,160,161,169,170,182,183,190,191,192,203,204,205,211,212,213,225,226,227,233,234,235,248,249,254,255,256,270,271,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,475,476,494 +5129 - 57,58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,108,109,116,117,118,119,120,123,124,125,129,130,131,138,139,140,144,145,146,150,151,152,153,159,160,161,171,172,173,174,175,181,182,183,191,192,193,194,195,203,204,205,206,212,213,214,215,226,227,228,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,339,341,342,343,357,358,359,360,364,365,366,378,379,380,385,386,387,388,399,400,401,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,466,467,468,493 +5130 - 34,35,36,37,38,39,40,41,56,57,58,59,60,61,62,63,74,75,76,78,79,83,84,85,86,94,95,96,97,98,106,107,108,116,117,118,119,120,128,129,130,137,138,139,140,150,151,152,158,159,160,161,172,173,174,180,181,182,193,194,195,201,202,203,204,215,216,217,223,224,225,236,237,238,239,244,245,246,247,258,259,260,266,267,268,269,278,279,280,281,288,289,290,291,299,300,301,302,303,310,311,312,313,321,322,323,324,332,333,334,335,342,343,344,345,354,355,356,357,363,364,365,366,376,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +5131 - 102,103,104,105,106,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,161,162,163,164,165,169,170,171,182,183,184,190,191,192,193,203,204,205,212,213,214,215,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,472,494 +5132 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,100,101,102,103,104,105,106,107,125,126,127,128,129,149,150,151,152,171,172,173,192,193,194,195,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,366,367,378,379,380,381,382,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,487 +5133 - 37,38,39,40,41,58,59,60,61,62,63,64,79,80,81,82,83,84,85,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,189,190,191,192,193,194,195,203,204,205,206,207,214,215,216,217,225,226,227,237,238,239,240,245,246,247,248,260,261,262,266,267,268,269,270,282,283,284,288,289,290,291,304,305,306,309,310,311,312,325,326,327,331,332,333,346,347,348,349,353,354,355,367,368,369,370,375,376,377,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,485 +5134 - 49,50,51,71,72,73,74,92,93,94,95,96,114,115,116,117,135,136,137,138,157,158,159,171,172,173,178,179,180,181,192,193,194,195,196,200,201,202,213,214,215,216,217,218,219,222,223,224,234,235,236,237,238,239,240,241,244,245,246,255,256,257,258,259,260,261,262,263,266,267,268,276,277,278,279,280,281,282,283,284,288,289,290,298,299,300,301,302,303,304,305,310,311,312,320,321,322,323,324,325,333,334,335,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,380,381,382,383,386,387,491 +5135 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,317,318,319,338,339,340,341,359,360,361,362,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,486 +5136 - 73,74,75,76,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,162,163,164,165,166,179,180,181,184,185,186,187,188,201,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,300,319,320,321,322,342,343,344,345,365,366,367,388,389,390,410,411,412,427,428,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,477,490 +5137 - 10,11,12,13,14,15,16,17,18,30,31,32,33,34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,60,61,62,63,83,84,85,105,106,107,127,128,129,148,149,150,170,171,172,191,192,193,212,213,214,215,234,235,236,246,247,255,256,257,266,267,268,269,270,271,276,277,278,287,288,289,290,291,292,293,294,295,297,298,299,300,309,310,311,314,315,316,317,318,319,320,321,327,331,332,333,338,339,340,341,342,343,344,347,348,349,350,353,354,355,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,380,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,400,401,402,403,404,410,411,412,413,420,421,422,423,424,425,487 +5138 - 33,34,54,55,56,76,77,98,99,100,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,429,430,431,451,452,453,486 +5139 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,73,74,78,79,80,81,82,102,103,104,123,124,125,126,145,146,147,166,167,168,169,186,187,188,189,190,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,278,279,280,292,301,302,303,323,324,325,345,346,347,353,366,367,368,369,374,375,376,377,378,379,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +5140 - 77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,204,205,206,207,226,227,228,229,230,249,250,251,252,253,254,273,274,275,276,277,297,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,377,385,386,387,388,389,399,400,406,407,408,409,410,411,420,421,422,423,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,490 +5141 - 36,37,58,59,79,80,81,101,102,103,122,123,124,144,145,146,163,164,166,167,185,186,187,188,189,206,207,208,209,210,216,217,227,228,229,230,231,232,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,315,316,317,337,338,339,358,359,360,380,381,401,402,403,423,424,444,445,446,489 +5142 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,79,80,81,82,83,93,94,95,96,103,104,105,106,114,115,116,117,126,127,128,136,137,138,148,149,150,151,158,159,160,171,172,173,179,180,181,182,193,194,195,196,201,202,203,204,215,216,217,218,223,224,225,226,238,239,240,245,246,247,248,260,261,262,267,268,269,270,282,283,284,290,291,292,304,305,306,312,313,314,315,325,326,327,328,334,335,336,337,347,348,349,357,358,359,360,368,369,370,371,379,380,381,382,383,384,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,485 +5143 - 109,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,204,205,206,207,225,226,227,228,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,298,299,319,320,321,334,335,341,342,343,356,357,362,363,364,378,379,380,383,384,385,386,400,401,402,403,404,405,406,407,424,425,426,427,428,490 +5144 - 57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,138,139,140,141,159,160,161,162,167,168,181,182,183,186,187,188,189,190,191,192,193,202,203,204,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,258,259,260,261,268,269,270,271,272,281,282,283,291,292,293,303,304,305,325,326,327,347,348,349,368,369,370,371,388,389,390,391,392,400,407,408,409,410,411,412,413,421,422,423,424,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,490 +5145 - 13,14,15,34,35,36,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,162,163,164,165,184,185,186,205,206,207,227,228,229,236,237,238,239,248,249,250,256,257,258,259,260,261,270,271,272,277,278,279,280,282,283,291,292,293,294,297,298,299,300,302,303,304,313,314,315,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,384,385,386,387,388,407,408,409,410,491 +5146 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,212,226,227,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,406,407,428,429,450,451,472,473,474,494 +5147 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,124,125,138,139,140,141,142,146,147,148,159,160,161,162,163,168,169,170,181,182,183,184,190,191,192,203,204,205,212,213,214,233,234,235,255,256,257,277,278,279,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,492 +5148 - 55,56,57,58,77,78,79,80,98,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,469,470,471,486 +5149 - 41,42,60,61,62,63,64,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,125,126,127,128,139,140,141,142,147,148,149,161,162,163,167,168,169,170,183,184,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,299,300,301,314,315,316,317,321,322,323,335,336,337,338,342,343,344,345,357,358,359,364,365,366,378,379,380,384,385,386,387,400,401,402,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,493 +5150 - 51,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,123,124,125,126,127,128,136,137,138,139,147,148,149,150,151,158,159,160,170,171,172,173,174,179,180,181,182,193,194,195,196,201,202,203,204,216,217,218,223,224,225,238,239,240,245,246,247,260,261,262,263,266,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,314,326,327,328,329,333,334,335,336,347,348,349,350,355,356,357,358,368,369,370,371,372,378,379,380,381,389,390,391,392,393,400,401,402,403,404,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,485 +5151 - 97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,124,125,126,127,128,129,138,139,140,141,142,148,149,150,159,160,161,162,171,180,181,182,191,192,193,194,202,203,204,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,494 +5152 - 31,32,33,52,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,454,486 +5153 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,103,104,105,119,120,121,122,124,125,126,141,142,146,147,148,168,169,170,189,190,191,211,212,213,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,297,298,299,300,311,312,313,319,320,321,322,332,333,334,339,340,341,342,343,344,345,353,354,355,356,360,361,362,363,365,366,367,375,376,377,378,381,382,383,384,387,388,389,390,391,392,398,399,400,401,402,403,404,405,409,410,411,412,413,421,422,423,424,432,433,434,435,454,455,456,487 +5154 - 28,29,30,50,51,52,53,72,73,74,75,95,96,97,98,117,118,119,120,121,140,141,142,143,163,164,165,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,486 +5155 - 33,34,35,53,54,55,56,57,74,75,76,77,95,96,97,98,117,118,119,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,275,276,277,278,279,280,300,301,302,321,322,323,324,343,344,345,346,355,356,357,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,490 +5156 - 29,30,31,50,51,52,53,54,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,121,122,123,124,125,126,127,136,137,138,148,149,150,158,159,160,171,172,173,180,181,193,194,195,202,203,216,217,218,224,225,238,239,240,245,246,247,260,261,262,268,269,282,283,284,290,291,304,305,312,313,314,326,327,334,335,336,347,348,349,357,358,359,369,370,371,379,380,381,382,390,391,392,402,403,404,405,406,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +5157 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +5158 - 48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,271,272,273,274,277,278,279,280,293,294,295,296,299,300,301,302,315,316,317,322,323,324,325,336,337,338,339,344,345,346,347,348,358,359,360,361,367,368,369,370,380,381,382,383,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,493 +5159 - 11,12,13,32,33,34,53,54,55,56,75,76,77,96,97,98,118,119,120,139,140,141,161,162,163,182,183,184,185,204,205,206,214,215,226,227,228,234,235,236,237,238,247,248,249,254,255,256,257,258,259,260,269,270,271,275,276,277,278,280,281,282,291,292,297,298,299,301,302,303,313,314,318,319,320,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,406,407,408,491 +5160 - 32,33,34,35,53,54,55,56,57,58,75,76,77,79,80,81,96,97,98,103,104,118,119,125,126,139,140,141,148,149,161,162,163,170,171,183,184,191,192,193,204,205,206,214,215,226,227,236,237,247,248,249,258,259,269,270,271,280,281,291,292,293,302,303,313,314,315,323,324,325,335,336,337,345,346,357,358,359,366,367,368,380,381,388,389,390,402,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +5161 - 36,37,38,58,59,79,80,81,101,102,103,119,120,123,124,125,141,142,145,146,162,163,164,166,167,168,184,185,186,188,189,190,205,206,207,210,211,212,227,228,229,232,233,234,239,240,248,249,250,253,254,255,260,261,262,269,270,271,275,276,277,279,280,281,282,283,284,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,383,384,385,405,406,407,427,428,448,449,450,489 +5162 - 75,76,77,78,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,315,316,317,318,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,455,456,475,476,477,478,494 +5163 - 48,49,50,51,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,144,145,146,147,165,166,167,168,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,234,235,236,237,248,249,257,258,259,279,280,281,302,303,323,324,325,345,346,347,361,367,368,369,381,382,383,388,389,390,391,402,403,404,405,410,411,412,424,425,426,429,430,431,432,433,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +5164 - 8,9,10,11,30,31,32,33,53,54,55,75,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,166,167,182,183,184,185,187,188,189,204,205,206,209,210,211,225,226,227,228,231,232,233,247,248,249,254,255,275,276,277,297,298,299,319,320,321,341,342,343,348,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,486 +5165 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,160,161,162,169,170,171,182,183,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,257,276,277,278,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,494 +5166 - 9,10,11,12,30,31,32,33,52,53,54,73,74,75,95,96,97,116,117,118,137,138,139,140,159,160,161,181,182,183,203,204,205,212,213,214,215,225,226,227,233,234,235,236,237,247,248,249,255,256,257,258,259,269,270,271,277,278,279,280,281,291,292,293,294,299,300,301,302,303,314,315,316,321,322,323,324,325,337,338,339,340,343,344,345,346,359,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,413,491 +5167 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,125,126,139,140,141,147,161,162,163,168,169,170,183,184,188,189,190,191,192,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,252,253,254,255,274,275,276,296,297,298,317,318,319,338,339,340,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +5168 - 75,76,77,78,96,97,98,99,100,101,102,103,119,120,121,122,123,124,125,126,142,143,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,445,446,447,448,467,468,469,492 +5169 - 34,35,55,57,58,65,76,77,78,79,80,87,97,98,99,100,101,102,103,104,105,109,118,119,120,121,123,124,125,126,127,128,131,139,140,141,142,147,148,149,150,151,153,160,161,162,163,171,172,173,181,182,183,184,193,194,195,196,203,204,205,206,216,217,218,224,225,226,227,238,239,240,246,247,248,259,260,261,262,263,267,268,269,270,280,281,282,283,285,288,289,290,291,301,302,303,304,307,310,311,312,313,322,323,324,325,329,332,333,334,343,344,345,346,351,354,355,356,357,360,361,362,363,364,365,366,367,373,376,377,378,379,380,381,382,383,384,385,386,387,388,395,398,399,400,401,402,403,404,405,406,407,417,421,422,423,424,425,426,427,485 +5170 - 97,98,99,100,101,118,119,120,121,122,123,124,139,140,141,145,146,161,162,167,168,183,184,189,190,191,205,206,211,212,213,227,228,233,234,249,250,254,255,256,271,272,275,276,277,278,293,294,295,296,297,298,299,317,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,428,429,450,451,472,473,494 +5171 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,125,126,138,139,140,147,148,159,160,161,168,169,170,171,180,181,182,189,190,191,192,193,202,203,204,213,214,215,224,225,234,235,236,246,247,248,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +5172 - 89,90,91,92,93,94,95,96,97,98,99,112,113,114,115,116,117,118,119,120,121,122,123,135,136,138,139,140,141,142,143,144,145,146,165,166,167,168,169,189,190,191,192,212,213,214,234,235,236,256,257,258,277,278,279,280,299,300,301,302,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,492 +5173 - 94,95,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,147,148,149,150,158,159,160,161,162,163,164,170,171,172,179,180,181,182,183,191,192,193,194,201,202,203,213,214,215,235,236,237,256,257,258,259,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,474,492 +5174 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,116,120,121,122,141,142,143,144,163,164,165,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,233,234,235,236,248,249,250,251,256,257,258,259,270,271,272,279,280,281,292,293,294,301,302,303,304,324,325,326,346,347,348,367,368,369,370,381,382,389,390,391,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +5175 - 35,36,57,58,59,79,80,81,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,406,424,425,426,427,428,446,447,448,486 +5176 - 24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,68,69,70,74,75,76,77,78,98,99,100,120,121,122,141,142,143,144,162,163,164,165,166,185,186,187,188,189,190,209,210,211,212,213,233,234,235,236,237,257,258,259,280,281,282,303,304,305,325,326,327,347,348,349,369,370,371,377,378,389,390,391,392,399,400,401,402,403,404,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,488 +5177 - 13,14,15,34,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,184,185,186,205,206,207,214,215,216,227,228,229,234,235,236,237,238,249,250,251,255,256,257,258,259,260,271,272,276,277,278,279,280,281,282,293,294,297,298,299,302,303,315,316,318,319,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,408,409,426,427,428,429,430,431,491 +5178 - 94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,147,159,160,181,182,203,204,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,254,255,256,257,269,270,271,272,278,279,280,292,293,301,302,314,315,323,324,325,346,347,368,369,390,391,392,413,414,434,435,436,456,457,458,478,479,490 +5179 - 58,59,79,80,81,101,102,103,119,120,123,124,140,141,142,145,146,161,162,163,166,167,168,183,184,188,189,190,204,205,206,210,211,212,226,227,232,233,236,237,238,239,247,248,249,253,254,255,256,257,258,259,260,261,262,268,269,270,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,334,335,336,337,340,341,342,362,363,364,384,385,405,406,407,427,428,429,449,450,470,471,472,489 +5180 - 53,54,74,75,76,96,97,98,118,119,120,140,141,142,161,162,163,164,183,184,185,205,206,207,211,212,227,228,229,233,234,235,249,250,251,252,255,256,257,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,319,320,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +5181 - 52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,122,123,124,143,144,145,146,165,166,167,185,186,187,188,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,254,255,256,257,271,277,278,279,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,399,400,401,409,410,411,421,422,423,424,425,430,431,432,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +5182 - 31,32,33,52,53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +5183 - 13,14,35,36,56,57,58,77,78,79,99,100,101,120,121,122,141,142,143,162,163,164,165,183,184,185,186,205,206,207,226,227,228,234,235,236,237,248,249,250,254,255,256,257,258,259,269,270,271,275,276,277,278,279,280,281,291,292,293,294,296,297,298,299,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,361,362,363,383,384,385,406,407,428,429,430,491 +5184 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,183,184,185,186,187,188,189,205,206,207,210,211,212,226,227,228,232,233,234,247,248,249,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +5185 - 38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,85,101,102,103,105,106,107,127,128,147,148,149,169,170,171,190,191,192,211,212,213,232,233,234,243,244,245,246,247,248,249,253,254,255,264,265,266,267,268,269,270,271,272,273,274,275,276,286,287,288,289,290,291,292,293,294,295,296,297,308,309,310,313,314,315,316,317,318,319,320,330,331,332,333,334,335,336,337,341,342,343,364,365,386,387,388,389,408,409,410,411,431,432,433,454,487 +5186 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,122,123,124,125,134,135,136,137,145,146,147,157,167,168,169,188,189,190,191,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,302,321,322,323,324,325,345,346,347,368,369,370,380,390,391,392,401,402,403,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,488 +5187 - 35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,103,104,105,106,118,119,120,125,126,127,146,147,148,149,168,169,170,189,190,191,192,211,212,213,232,233,234,253,254,255,256,274,275,276,277,287,288,289,290,291,292,293,294,295,296,297,298,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,365,366,367,368,369,370,371,377,378,379,380,381,390,391,392,393,394,413,414,415,416,436,437,438,458,459,460,487 +5188 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,106,107,108,119,120,121,122,129,140,141,142,143,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,252,253,254,255,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,321,322,323,335,336,337,338,343,344,345,357,358,364,365,366,379,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,491 +5189 - 99,100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,211,212,213,214,215,216,217,223,224,225,226,227,228,237,238,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,287,288,289,290,304,305,306,309,310,311,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,485 +5190 - 12,13,14,15,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,206,207,208,228,229,230,249,250,251,252,271,272,273,274,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,365,366,367,368,369,370,380,381,382,383,389,390,391,392,402,403,404,405,410,411,412,413,414,491 +5191 - 119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,223,224,225,237,238,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,303,304,305,306,307,310,311,312,313,314,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,485 +5192 - 93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,167,168,169,189,190,191,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,319,320,321,341,342,343,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +5193 - 38,39,40,41,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,139,140,141,142,143,160,161,162,163,182,183,184,203,204,205,206,225,226,227,228,247,248,249,250,251,252,253,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,320,321,322,342,343,344,345,364,365,366,386,387,388,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,490 +5194 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,142,143,146,147,160,161,162,163,168,169,181,182,183,184,189,190,191,203,204,205,211,212,213,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,297,298,299,319,320,321,340,341,342,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,494 +5195 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,147,148,149,159,160,161,162,168,169,170,181,182,183,189,190,191,192,202,203,204,210,211,212,213,224,225,226,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,276,277,278,293,294,298,299,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,494 +5196 - 9,10,11,12,31,32,33,34,52,53,54,73,74,75,94,95,96,97,116,117,118,138,139,140,160,161,182,183,203,204,205,225,226,227,248,249,257,258,259,270,271,276,277,278,279,280,281,282,283,292,293,294,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,326,327,337,338,339,340,341,348,349,350,359,360,361,362,363,370,371,382,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,413,414,491 +5197 - 120,121,122,123,141,142,143,144,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,205,206,207,208,209,212,227,228,229,230,231,232,249,250,251,252,253,254,275,276,277,297,298,299,319,320,340,341,342,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,401,402,403,404,405,490 +5198 - 31,32,33,34,35,36,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,143,144,145,147,148,149,158,159,160,169,170,171,172,179,180,181,182,192,193,194,195,201,202,203,204,214,215,216,217,223,224,225,236,237,238,239,245,246,247,259,260,261,267,268,269,270,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,325,326,327,328,334,335,336,337,347,348,349,350,356,357,358,359,368,369,370,371,378,379,380,381,382,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +5199 - 106,107,125,126,127,128,129,133,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,198,199,213,214,215,220,221,234,235,236,237,242,256,257,258,278,279,280,299,300,301,302,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,474,492 +5200 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,191,192,193,213,214,215,234,235,236,237,256,257,258,277,278,279,280,299,300,301,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,452,453,454,474,475,476,477,492 +5201 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,142,143,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,299,300,301,302,311,312,313,322,323,324,344,345,346,366,367,368,387,388,389,390,409,410,411,429,430,431,432,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +5202 - 70,71,72,73,74,75,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +5203 - 55,56,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,142,143,149,150,151,170,171,172,173,192,193,194,213,214,215,216,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,308,309,310,311,312,313,318,319,320,321,322,323,324,325,326,330,331,332,333,334,339,340,341,342,343,344,345,346,347,348,352,353,354,355,359,360,361,362,363,364,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,391,392,397,398,399,400,401,402,403,404,405,421,422,424,487 +5204 - 78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,185,188,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +5205 - 32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,103,104,105,106,126,127,128,148,149,150,169,170,171,172,191,192,193,212,213,214,215,234,235,236,255,256,257,258,265,266,267,268,277,278,279,286,287,288,289,290,291,292,293,294,298,299,300,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,330,331,332,333,335,336,337,338,339,340,341,342,343,344,345,353,354,355,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,393,398,399,400,401,402,403,404,412,413,414,415,434,435,436,437,456,457,458,487 +5206 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,123,124,125,126,127,138,139,140,141,161,162,163,183,184,185,186,205,206,207,208,209,210,211,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,278,279,280,281,295,296,301,302,303,324,325,346,347,348,359,368,369,370,379,380,381,382,390,391,392,401,402,403,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,490 +5207 - 35,36,56,57,78,79,99,100,101,121,122,142,143,144,164,165,166,183,184,185,186,187,188,192,193,205,206,207,208,209,210,214,215,226,227,228,229,230,231,236,237,238,248,249,250,251,252,253,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,305,306,314,315,316,317,318,327,328,338,339,340,360,361,382,383,403,404,405,425,426,447,448,489 +5208 - 10,11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,94,95,96,97,101,102,103,104,115,116,117,118,119,125,126,127,136,137,138,139,140,147,148,149,158,159,160,161,170,171,172,180,181,182,183,192,193,194,195,202,203,204,205,214,215,216,217,224,225,226,236,237,238,239,246,247,248,249,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,359,360,361,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,485 +5209 - 69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,388,389,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +5210 - 71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,256,257,258,259,260,277,278,279,280,281,282,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,361,362,363,364,365,366,381,382,383,384,385,386,387,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,488 +5211 - 10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,96,97,98,117,118,119,120,139,140,141,161,162,163,182,183,184,191,192,193,204,205,206,212,213,214,215,225,226,227,233,234,235,236,237,247,248,249,253,254,255,256,257,258,259,260,269,270,271,275,276,277,278,280,281,291,292,293,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,384,385,388,389,406,407,408,409,410,428,429,430,431,491 +5212 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,140,141,142,143,147,148,161,162,163,164,167,168,169,170,182,183,184,189,190,191,192,203,204,205,206,210,211,212,213,225,226,227,232,233,234,247,248,249,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,320,321,342,343,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +5213 - 79,80,81,82,83,88,89,97,98,99,100,101,102,103,104,105,106,110,111,112,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,147,148,149,150,154,155,156,157,158,159,160,161,162,163,169,170,171,172,177,178,179,180,181,182,191,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,367,384,385,386,387,388,389,405,406,407,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,492 +5214 - 40,41,61,62,63,83,84,85,104,105,106,107,126,127,128,140,141,142,147,148,149,150,161,162,163,164,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,268,269,270,271,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,450,451,452,489 +5215 - 90,91,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,146,147,148,149,150,156,157,158,169,170,171,190,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,492 +5216 - 24,25,26,46,47,48,49,50,51,52,68,69,70,71,72,73,74,75,92,94,95,96,97,98,117,118,119,120,121,138,139,140,141,142,143,159,160,161,162,163,164,165,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,282,283,300,301,302,303,304,305,322,323,324,325,326,342,343,344,345,346,347,348,349,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,488 +5217 - 37,38,39,40,53,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,106,107,108,117,118,119,120,128,129,130,139,140,150,151,152,172,173,174,193,194,195,214,215,216,217,236,237,238,257,258,259,260,279,280,281,288,289,290,291,292,293,294,295,296,297,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,348,353,354,355,356,357,363,364,365,366,367,368,369,370,375,376,377,378,379,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,412,413,421,422,423,424,425,426,427,428,487 +5218 - 33,34,35,55,56,57,58,71,72,78,79,80,93,94,100,101,102,115,116,122,123,124,125,137,138,139,144,145,146,147,159,160,161,166,167,168,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,321,322,323,324,343,344,345,346,366,367,368,369,388,389,390,391,392,410,411,412,413,414,433,434,435,436,455,456,457,489 +5219 - 77,78,79,80,81,97,98,99,100,101,102,103,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,145,146,147,148,149,150,151,159,160,161,162,164,167,168,169,170,171,172,181,182,183,186,187,189,190,191,192,203,204,211,212,213,225,226,227,228,229,232,233,234,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,321,322,323,338,339,340,344,345,346,359,360,361,362,366,367,368,381,382,383,387,388,389,403,404,405,409,410,411,425,426,430,431,432,447,448,450,451,452,453,454,469,470,471,472,473,474,493 +5220 - 15,16,17,35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,228,229,230,231,250,251,252,271,272,273,274,275,276,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,336,337,338,343,344,345,359,360,361,365,366,367,381,382,383,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +5221 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,127,128,129,139,140,141,147,148,149,150,151,160,161,162,168,169,170,171,172,182,183,184,188,189,190,191,192,204,205,206,207,210,211,212,213,227,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,320,321,336,337,338,341,342,343,357,358,359,360,363,364,365,379,380,381,384,385,386,400,401,402,403,405,406,407,408,422,423,424,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,493 +5222 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,122,123,124,125,138,139,140,141,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,204,205,206,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,449,450,451,452,471,472,473,474,494 +5223 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,120,121,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,234,235,236,246,247,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,369,370,371,379,380,381,382,383,384,487 +5224 - 36,37,57,58,59,79,80,81,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,448,449,450,486 +5225 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,126,127,128,129,130,137,138,139,140,146,147,148,149,150,151,152,159,160,161,166,167,168,169,170,171,172,181,182,183,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,312,313,314,315,318,319,320,321,334,335,336,341,342,343,356,357,364,365,366,378,379,386,387,388,400,401,402,408,409,410,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +5226 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,91,92,93,94,99,100,112,113,114,115,121,122,134,135,142,143,144,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,256,257,258,259,280,281,282,302,303,304,325,326,346,347,348,368,369,370,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +5227 - 68,69,70,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,259,260,269,270,271,272,273,274,280,281,282,291,292,293,294,301,302,303,304,323,324,325,344,345,346,347,352,353,365,366,367,368,374,375,386,387,388,389,396,397,407,408,409,410,418,419,420,426,427,428,429,430,431,440,441,442,443,444,445,446,447,448,449,450,451,452,463,464,465,466,467,468,469,470,471,488 +5228 - 26,27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,99,100,101,102,103,104,105,124,125,126,127,128,148,149,150,170,171,172,192,193,194,214,215,216,236,237,238,257,258,259,260,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,392,393,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,441,442,443,444,445,487 +5229 - 110,111,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,192,193,194,213,214,215,216,235,236,237,256,257,258,259,278,279,280,300,301,302,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,492 +5230 - 70,71,72,73,92,93,94,95,96,97,98,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,164,165,166,167,168,169,189,190,191,210,211,212,213,232,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +5231 - 36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +5232 - 75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,179,180,181,182,183,184,185,201,202,203,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,233,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,367,368,369,378,389,390,391,399,400,411,412,413,422,423,433,434,435,444,445,446,447,448,453,454,455,456,457,467,468,469,470,471,472,473,474,475,476,477,478,490 +5233 - 54,55,56,57,58,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,124,125,126,145,146,147,148,167,168,169,188,189,190,191,209,210,211,212,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,299,300,301,313,322,323,324,344,345,346,366,367,368,387,388,389,408,409,410,411,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +5234 - 7,8,9,10,28,29,30,31,50,51,71,72,73,93,94,95,115,116,117,137,138,139,159,160,181,182,191,192,193,203,204,210,211,212,213,214,215,216,217,225,226,230,231,232,233,234,235,236,237,238,239,247,248,249,251,252,253,254,260,261,262,269,270,271,272,273,274,275,283,284,291,292,293,294,295,296,304,305,306,314,315,316,317,325,326,327,328,336,337,338,346,347,348,349,359,360,361,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +5235 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,148,149,150,160,161,162,169,170,171,172,181,182,183,191,192,193,194,203,204,212,213,214,224,225,226,233,234,235,236,246,247,248,255,256,257,269,270,271,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,341,342,343,363,364,365,384,385,386,406,407,427,428,429,449,450,470,471,472,494 +5236 - 53,54,55,74,75,76,77,78,95,96,97,98,99,100,106,107,108,116,117,118,119,121,122,126,127,128,129,130,137,138,139,143,147,148,149,150,151,158,159,160,168,169,170,171,172,179,180,181,182,190,191,192,193,201,202,203,211,212,213,214,223,224,225,226,232,233,234,235,246,247,248,249,250,251,253,254,255,256,269,270,271,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,322,338,339,340,342,343,344,345,346,360,361,362,366,367,368,369,382,383,384,389,390,391,404,405,410,411,412,413,426,427,428,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,493 +5237 - 52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,140,141,142,143,144,149,150,151,152,162,163,164,165,171,172,173,174,182,183,184,185,186,194,195,196,204,205,206,207,216,217,218,225,226,227,228,238,239,240,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,289,290,291,292,302,303,304,311,312,313,323,324,325,326,332,333,334,344,345,346,347,354,355,356,364,365,366,367,375,376,377,378,385,386,387,388,397,398,399,405,406,407,408,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,485 +5238 - 61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,162,163,164,184,185,186,206,207,228,229,230,250,251,252,272,273,274,275,295,296,297,298,318,319,320,321,341,342,343,344,358,363,364,365,366,380,381,386,387,388,402,403,404,408,409,410,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,454,470,471,472,473,474,490 +5239 - 101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,151,152,153,160,161,162,163,164,165,174,175,180,181,182,183,184,185,191,192,196,201,202,203,204,205,206,211,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,254,255,256,257,258,266,267,268,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,340,341,342,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,469,470,471,494 +5240 - 35,36,37,56,57,58,59,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,447,448,449,486 +5241 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +5242 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,160,161,162,163,164,165,169,170,171,182,183,184,185,186,191,192,193,204,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,291,292,293,294,301,302,303,313,314,315,316,323,324,336,337,338,344,345,346,358,359,360,366,367,368,380,381,382,387,388,389,390,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,485 +5243 - 105,106,125,126,127,128,132,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,204,205,206,207,208,212,213,214,215,234,235,236,255,256,257,258,277,278,279,298,299,300,320,321,322,341,342,343,346,362,363,364,365,367,368,384,385,386,388,389,390,405,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,471,472,492 +5244 - 98,99,100,101,102,118,119,120,121,122,123,124,126,127,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,234,235,236,237,245,246,247,248,249,250,251,255,256,257,258,267,268,269,270,271,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,494 +5245 - 73,74,75,76,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,118,120,121,122,123,124,125,126,127,128,129,147,148,149,150,168,169,170,171,188,189,190,191,192,209,210,211,212,213,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,299,300,301,321,322,323,342,343,344,345,364,365,366,367,374,375,376,385,386,387,388,396,397,398,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,488 +5246 - 52,53,54,55,56,57,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,137,138,139,140,141,142,143,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,260,275,276,277,278,279,280,281,282,283,299,300,301,302,303,304,305,321,322,323,324,325,326,327,335,343,344,345,346,347,348,349,355,356,357,358,364,365,366,367,368,369,370,371,377,378,379,380,381,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,470,471,488 +5247 - 102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,169,170,171,172,173,181,182,183,184,189,190,191,192,193,194,203,204,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,297,298,312,313,314,315,319,320,321,322,333,334,335,336,342,343,344,354,355,356,357,364,365,366,376,377,378,384,385,386,387,398,399,400,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,493 +5248 - 54,55,56,57,58,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,149,150,162,163,164,165,166,170,171,172,184,185,186,187,188,191,192,193,194,206,207,208,210,211,212,213,214,215,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,362,363,364,378,379,380,385,386,401,402,403,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,452,470,471,472,473,474,493 +5249 - 99,100,101,102,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,212,213,214,215,216,217,218,224,225,226,227,228,236,237,238,239,240,241,246,247,248,249,260,261,262,263,267,268,269,270,283,284,285,288,289,290,291,304,305,306,307,310,311,312,324,325,326,327,328,332,333,334,344,345,346,347,348,349,354,355,356,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,485 +5250 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,59,71,72,76,77,78,79,80,81,82,83,94,102,103,104,105,106,126,127,128,129,149,150,151,170,171,172,191,192,193,194,204,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,301,302,303,310,324,325,326,330,331,332,347,348,349,352,353,369,370,371,374,375,391,392,393,396,397,398,399,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,488 +5251 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,139,146,147,148,149,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,257,258,259,270,271,272,273,274,275,279,280,281,291,292,293,294,295,296,301,302,303,313,314,315,316,317,323,324,336,345,346,366,367,368,388,389,390,410,411,412,423,431,432,433,434,444,445,446,447,448,452,453,454,455,467,468,469,470,471,472,473,474,475,476,488 +5252 - 9,10,31,32,33,52,53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,166,183,184,185,186,187,188,204,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,252,253,254,275,276,277,297,298,299,319,320,321,342,343,344,345,360,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,435,486 +5253 - 76,77,78,79,80,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,148,149,150,159,160,161,162,167,168,169,170,171,172,181,182,183,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,254,255,256,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,384,385,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,494 +5254 - 70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +5255 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +5256 - 91,92,93,94,95,96,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,185,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,492 +5257 - 30,31,51,52,53,54,72,73,74,94,95,96,115,116,117,127,128,129,136,137,138,139,147,148,149,150,151,152,157,158,159,160,168,169,170,171,172,173,174,175,179,180,181,182,189,190,191,192,193,194,195,196,197,201,202,203,209,210,211,212,213,217,218,219,222,223,224,225,231,232,233,234,239,240,241,244,245,246,252,253,254,255,261,262,266,267,268,273,274,275,283,284,288,289,290,295,296,303,304,305,310,311,312,316,317,318,322,323,324,325,326,332,333,334,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,491 +5258 - 59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,123,124,125,126,127,128,137,138,139,140,147,148,149,159,160,161,162,169,170,171,181,182,183,184,191,192,193,204,205,206,207,212,213,214,226,227,228,229,233,234,235,236,249,250,251,252,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,380,381,382,383,386,387,388,401,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +5259 - 36,37,38,58,59,60,79,80,81,101,102,103,118,119,123,124,125,139,140,141,145,146,161,162,163,166,167,168,182,183,184,188,189,190,204,205,206,210,211,226,227,228,231,232,233,239,240,241,247,248,249,253,254,255,259,260,261,262,263,269,270,271,275,276,278,279,280,281,282,283,284,285,290,291,292,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,383,384,405,406,426,427,428,448,449,450,489 +5260 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,163,164,165,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +5261 - 91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,144,145,146,157,158,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,234,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,300,301,302,313,314,315,316,322,323,324,335,336,337,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,475,476,477,488 +5262 - 28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,92,93,94,98,99,100,101,114,115,116,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,345,348,349,350,351,357,358,359,360,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,410,411,412,413,414,424,425,426,427,428,429,447,448,449,450,487 +5263 - 35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,105,106,107,117,118,119,127,128,129,149,150,151,170,171,172,192,193,194,213,214,215,234,235,236,249,250,251,252,253,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,318,319,320,321,322,323,324,325,330,331,332,339,340,341,342,343,344,345,346,347,348,352,353,360,361,362,363,368,369,370,371,374,375,380,381,382,383,384,391,392,393,396,397,398,399,400,401,402,403,404,414,415,419,420,421,422,423,424,442,443,444,487 +5264 - 31,32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +5265 - 35,36,37,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,359,360,361,380,381,382,383,402,403,404,423,424,425,426,427,445,446,447,448,486 +5266 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,185,186,187,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,298,317,318,319,320,339,340,341,342,343,362,363,364,365,366,384,385,386,387,388,407,408,409,410,411,430,431,432,433,434,435,453,454,455,456,457,486 +5267 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,105,106,116,117,118,119,138,139,140,148,160,161,169,170,181,182,183,190,191,192,204,205,206,211,212,213,226,227,228,229,230,232,233,234,235,250,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,301,317,318,319,321,322,323,338,339,340,341,343,344,345,360,361,362,364,365,366,382,383,384,385,386,387,388,403,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,493 +5268 - 75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,144,145,146,147,158,159,160,161,166,167,168,169,179,180,181,182,183,188,189,190,191,192,201,202,203,204,210,211,212,213,214,215,222,223,224,225,233,234,235,236,237,244,245,246,247,255,256,257,258,259,267,268,269,277,278,279,280,281,289,290,291,292,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,366,367,368,388,389,390,410,411,432,433,453,454,455,475,476,477,494 +5269 - 12,13,33,34,35,54,55,56,57,75,76,77,78,97,98,99,118,119,120,139,140,141,160,161,162,163,182,183,184,193,194,195,196,197,203,204,205,213,214,215,216,217,218,219,224,225,226,233,234,235,236,240,241,245,246,247,254,255,256,257,261,262,263,266,267,268,275,276,277,281,282,283,284,288,289,290,296,297,298,300,301,302,303,304,305,310,311,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,385,386,387,388,389,491 +5270 - 29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,367,368,369,370,371,379,380,381,382,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,487 +5271 - 36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,143,144,145,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,273,274,275,294,295,296,297,316,317,318,338,339,340,359,360,361,381,382,383,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +5272 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,60,73,74,75,78,79,80,81,82,83,96,97,102,103,104,105,119,120,125,126,127,141,142,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,487 +5273 - 141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,211,212,226,227,228,248,249,250,270,271,272,273,274,293,294,295,296,297,298,317,318,319,320,341,342,362,363,364,377,378,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,490 +5274 - 76,77,97,98,99,118,119,120,121,125,139,140,141,142,146,147,148,160,161,162,163,168,169,170,180,181,182,183,184,190,191,192,202,203,204,205,212,213,214,223,224,225,226,233,234,235,236,239,240,244,245,246,247,253,254,255,256,257,258,259,260,261,262,263,266,267,268,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,452,453,454,455,475,476,477,489 +5275 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,150,151,152,161,162,163,164,165,172,173,174,182,183,184,185,186,194,195,196,203,204,205,206,207,208,216,217,218,225,226,227,228,229,230,237,238,239,246,247,248,249,250,251,259,260,261,268,269,270,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,368,377,378,379,384,385,386,387,388,389,399,400,401,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +5276 - 57,58,59,79,80,81,82,100,101,102,103,122,123,124,125,142,143,144,145,146,160,161,163,164,165,166,167,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,249,252,253,254,274,275,276,278,279,295,296,297,298,299,300,301,317,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,383,384,385,405,406,407,427,428,429,430,449,450,451,471,472,473,492 +5277 - 36,37,38,58,59,60,61,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,424,425,426,427,446,447,448,486 +5278 - 35,36,37,38,55,56,57,58,59,60,61,77,78,79,80,81,82,83,84,97,98,99,100,104,105,106,119,120,121,126,127,128,140,141,142,143,148,149,150,163,164,165,170,171,172,186,192,193,194,214,215,216,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,299,300,301,302,303,311,312,313,321,322,323,333,334,335,342,343,344,345,355,356,357,362,363,364,365,366,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,487 +5279 - 14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,103,104,105,121,124,125,126,127,146,147,148,167,168,169,170,189,190,191,210,211,212,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,289,290,291,292,294,295,296,297,298,299,300,310,311,312,313,315,316,317,318,319,320,321,322,323,332,333,334,336,337,338,339,340,342,343,344,345,346,347,348,353,354,355,357,358,359,360,366,367,368,369,370,371,375,376,377,378,379,380,381,390,391,392,393,398,399,400,401,402,420,421,422,423,487 +5280 - 32,33,34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,104,117,118,119,138,139,140,141,160,161,162,182,183,184,204,205,226,227,231,232,233,234,248,249,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,321,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,367,368,369,381,382,383,384,385,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,491 +5281 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,124,125,126,145,146,147,166,167,168,169,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,278,279,280,291,292,293,294,295,300,301,302,313,314,315,316,322,323,324,343,344,345,346,365,366,367,386,387,388,389,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +5282 - 49,50,51,52,53,54,55,56,62,70,71,72,73,74,75,76,77,78,79,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,145,146,147,148,149,150,159,160,161,162,163,164,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,298,299,300,301,302,314,315,316,317,321,322,323,324,335,336,337,338,344,345,346,347,357,358,359,360,366,367,368,369,370,379,380,381,382,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,478,493 +5283 - 39,40,41,61,62,82,83,84,104,105,106,125,126,127,141,142,147,148,149,163,164,169,170,184,185,186,190,191,192,205,206,207,212,213,214,227,228,229,234,235,248,249,250,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,320,321,322,335,336,341,342,343,362,363,364,365,384,385,386,405,406,407,427,428,429,449,450,489 +5284 - 128,129,130,131,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,224,225,226,227,246,247,248,268,269,290,291,292,312,313,314,315,316,317,318,336,337,338,339,340,341,342,362,363,364,365,386,387,388,405,406,407,408,409,410,427,428,429,430,431,451,490 +5285 - 87,107,108,109,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,204,205,206,207,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,276,277,278,299,300,320,321,322,341,342,343,344,355,362,363,364,365,377,378,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,445,446,447,490 +5286 - 56,57,58,59,60,61,77,78,79,80,82,83,98,99,100,101,104,105,119,120,121,125,126,127,141,142,143,147,148,162,163,164,169,170,184,185,186,190,191,206,207,212,213,227,228,229,231,232,233,234,249,250,251,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,297,298,300,301,316,317,318,322,323,337,338,339,344,345,359,360,365,366,381,382,387,388,402,403,404,408,409,410,424,425,426,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +5287 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,235,236,237,247,248,249,250,255,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,291,292,293,297,298,299,300,301,302,303,304,313,314,315,318,319,320,321,323,324,325,326,335,336,337,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +5288 - 9,10,11,12,31,32,33,51,52,53,54,55,73,74,75,76,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,142,143,144,145,146,147,148,149,150,158,159,160,161,165,166,167,168,169,170,171,172,173,174,180,181,182,191,192,193,194,195,196,202,203,204,215,216,217,218,219,223,224,225,226,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,326,327,328,329,332,333,334,335,346,347,348,349,350,354,355,356,357,358,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,485 +5289 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,76,77,78,79,97,98,99,102,103,119,120,121,124,125,126,141,142,143,145,146,147,148,163,164,165,167,168,169,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,293,294,295,298,299,315,316,320,321,336,337,338,341,342,343,358,359,360,363,364,365,380,381,382,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,493 +5290 - 60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,381,382,383,402,403,404,405,424,425,426,427,446,447,448,468,469,470,471,486 +5291 - 36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,166,167,169,170,171,172,181,182,183,184,185,186,192,193,194,195,203,204,205,206,207,215,216,217,224,225,226,227,237,238,239,246,247,248,249,259,260,261,267,268,269,270,281,282,283,289,290,291,303,304,305,310,311,312,313,324,325,326,332,333,334,345,346,347,348,354,355,356,366,367,368,369,376,377,378,386,387,388,389,390,398,399,400,401,402,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,485 +5292 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,99,100,101,121,122,123,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,279,280,281,282,302,303,304,313,314,324,325,326,334,335,336,346,347,348,356,357,358,359,367,368,369,370,379,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +5293 - 59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +5294 - 49,50,70,71,72,73,83,92,93,94,95,103,104,105,114,115,116,117,125,126,127,136,137,138,139,147,148,158,159,160,161,168,169,170,180,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,228,232,233,234,235,238,239,247,248,249,250,251,252,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,293,294,295,296,297,298,299,300,301,302,303,304,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,474,475,476,489 +5295 - 38,58,59,60,61,79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,142,143,144,145,148,149,150,164,165,166,169,170,171,172,191,192,193,212,213,214,233,234,235,254,255,256,257,275,276,277,278,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,359,360,361,362,367,368,369,370,371,372,375,376,378,379,380,381,382,383,392,393,397,398,399,400,401,402,403,419,420,421,422,423,487 +5296 - 29,30,31,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,103,104,105,106,113,114,127,128,129,150,151,172,173,193,194,195,213,214,215,216,234,235,236,237,252,253,254,255,256,257,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,393,394,395,398,399,400,401,402,403,404,405,420,421,422,423,424,442,443,444,487 +5297 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,124,125,126,145,146,147,166,167,168,169,186,187,188,189,190,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,488 +5298 - 35,36,37,57,58,59,74,75,76,79,80,81,96,97,98,101,102,103,117,118,119,120,123,124,125,139,140,141,142,145,146,147,160,161,162,163,166,167,168,169,182,183,184,185,188,189,190,191,203,204,205,206,207,210,211,212,213,225,226,227,228,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,320,321,322,323,324,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,489 +5299 - 40,41,42,61,62,63,83,84,85,104,105,106,125,126,127,128,141,147,148,149,162,163,164,168,169,170,183,184,185,190,191,192,204,205,206,207,211,212,213,225,226,227,228,232,233,234,246,247,248,249,251,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,318,319,320,321,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,489 +5300 - 54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,409,427,428,429,430,431,449,450,451,452,472,473,474,486 +5301 - 86,87,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,152,153,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,275,276,277,278,279,291,299,300,301,321,322,323,342,343,344,345,362,363,364,365,366,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,490 +5302 - 96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,144,145,146,147,158,159,160,166,167,168,169,179,180,181,188,189,190,191,201,202,203,209,210,211,212,213,224,225,226,227,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,256,257,269,270,271,272,273,274,278,279,299,300,301,321,322,323,343,344,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,475,494 +5303 - 11,12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,205,206,207,226,227,228,248,249,250,256,257,258,259,270,271,272,276,277,278,279,280,281,282,291,292,293,296,297,298,299,300,301,302,303,304,313,314,315,318,319,320,321,324,325,326,335,336,337,339,340,341,342,344,345,346,347,357,358,359,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +5304 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,158,159,160,161,162,163,180,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,252,253,254,255,256,257,258,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,345,346,347,366,367,368,369,386,387,388,389,390,401,402,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +5305 - 95,96,104,105,106,116,117,118,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,186,191,192,193,202,203,204,205,213,214,215,225,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,492 +5306 - 54,55,75,76,77,96,97,98,99,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,173,174,175,183,184,185,205,206,226,227,228,248,249,250,271,272,273,274,275,276,294,295,296,297,298,299,311,319,320,321,322,333,334,341,342,343,344,355,356,357,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,426,427,428,490 +5307 - 56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,105,106,107,118,119,120,121,122,126,127,128,140,141,142,143,148,149,150,162,163,169,170,171,172,184,185,186,190,191,192,193,206,207,208,211,212,213,214,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,293,294,295,296,297,298,314,315,316,317,319,320,321,335,336,337,338,341,342,343,356,357,358,363,364,365,378,379,380,385,386,387,400,401,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +5308 - 53,54,55,56,75,76,77,78,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,470,471,472,486 +5309 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,105,106,116,117,118,119,120,124,125,126,127,128,129,137,138,139,140,145,146,147,148,150,159,160,161,165,166,167,168,180,181,182,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,248,249,250,253,254,255,274,275,276,281,282,283,296,297,298,303,304,305,317,318,319,339,340,341,360,361,362,382,383,391,403,404,405,413,424,425,426,435,446,447,448,457,467,468,469,479,480,494 +5310 - 51,52,59,60,61,72,73,74,81,82,83,94,95,96,103,104,105,116,117,118,125,126,127,137,138,139,147,148,159,160,161,169,170,180,181,182,191,192,193,202,203,204,213,214,215,223,224,225,235,236,237,245,246,247,255,256,257,258,259,266,267,268,274,275,276,277,278,279,280,281,288,289,290,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,323,324,325,332,333,334,335,336,337,338,345,346,347,354,355,356,357,367,368,369,389,390,391,411,412,413,433,434,435,455,456,477,478,489 +5311 - 36,37,38,39,57,58,59,60,61,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,149,161,162,163,164,165,170,171,182,183,184,185,192,193,194,204,205,206,207,215,216,217,225,226,227,237,238,246,247,248,249,259,260,268,269,270,281,282,289,290,291,301,302,303,311,312,313,323,324,325,333,334,335,344,345,346,347,354,355,356,361,362,364,365,366,367,377,378,383,384,385,386,387,388,399,400,401,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +5312 - 76,77,78,79,80,98,99,100,101,102,103,119,120,121,123,124,125,140,141,142,161,162,163,183,184,204,205,206,226,227,233,234,235,248,249,250,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,320,321,322,342,343,364,365,386,387,408,409,430,431,452,453,474,475,494 +5313 - 39,40,61,62,82,83,84,104,105,119,125,126,127,140,141,142,147,148,149,161,162,163,169,170,183,184,185,190,191,192,204,205,206,212,213,214,225,226,227,228,233,234,235,247,248,249,255,256,257,268,269,270,271,272,273,274,276,277,278,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,489 +5314 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,225,226,227,228,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,324,325,326,335,336,337,338,339,340,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +5315 - 61,62,63,64,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,159,160,161,162,163,164,182,183,184,204,205,206,226,227,228,229,249,250,251,252,272,273,274,275,276,295,296,297,298,299,319,320,321,322,342,343,344,365,366,367,376,377,387,388,389,398,399,400,409,410,411,421,422,423,424,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,476,490 +5316 - 57,58,59,60,78,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,469,470,471,486 +5317 - 11,12,13,32,33,34,35,53,54,55,56,75,76,77,96,97,98,117,118,119,120,139,140,141,160,161,162,182,183,184,203,204,205,225,226,227,233,234,235,236,237,246,247,248,253,254,255,256,257,258,259,260,268,269,270,274,275,276,277,278,279,280,281,282,290,291,292,295,296,297,298,299,303,304,305,313,314,315,317,318,319,320,325,326,327,335,336,337,338,339,340,341,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +5318 - 32,33,34,53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,163,164,165,166,171,172,173,174,175,180,181,182,185,186,187,188,195,196,197,201,202,203,204,208,209,210,211,212,218,219,223,224,225,240,241,245,246,247,262,263,267,268,269,284,285,289,290,291,305,306,307,311,312,313,327,328,329,333,334,335,336,348,349,350,355,356,357,358,368,369,370,371,372,378,379,380,381,382,384,385,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,485 +5319 - 94,95,97,98,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,165,166,167,168,169,170,171,179,180,181,182,190,191,192,201,202,203,211,212,213,214,224,233,234,235,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,472,492 +5320 - 8,9,10,11,30,31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,344,345,346,347,348,359,360,361,362,363,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,491 +5321 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,105,106,107,120,121,122,126,127,128,141,142,143,148,149,150,163,164,169,170,171,185,186,191,192,207,208,212,213,214,229,230,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,315,316,317,318,319,320,336,337,338,341,342,357,358,359,363,364,378,379,380,385,386,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,493 +5322 - 27,28,29,30,31,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,315,322,323,324,336,337,343,344,345,346,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,488 +5323 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,139,140,141,142,143,147,148,149,161,162,163,169,170,171,182,183,184,190,191,192,193,204,205,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,274,276,277,278,298,299,300,320,321,341,342,343,363,364,385,386,406,407,408,428,429,449,450,451,471,472,473,494 +5324 - 31,32,33,34,35,53,54,55,56,57,74,75,76,78,79,96,97,98,100,101,118,119,120,122,123,139,140,141,144,145,161,162,163,165,166,167,183,184,185,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,234,235,236,249,250,251,252,253,256,257,258,271,272,273,274,275,278,279,280,293,294,295,296,297,300,301,302,315,316,317,318,319,322,323,324,337,338,339,340,341,344,345,359,360,361,362,363,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,491 +5325 - 36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,105,106,107,119,120,121,122,123,128,129,130,140,141,142,143,144,150,151,152,161,162,163,164,165,173,174,182,183,184,185,186,187,194,195,196,204,205,206,207,208,216,217,218,225,226,227,228,229,230,238,239,246,247,248,249,250,251,252,259,260,261,268,269,270,273,274,275,281,282,283,290,291,292,295,296,297,298,302,303,304,311,312,313,319,324,325,326,333,334,335,345,346,347,355,356,357,365,366,367,368,369,377,378,379,386,387,388,389,399,400,401,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +5326 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,124,125,137,138,139,140,145,146,147,159,160,161,167,168,169,170,180,181,182,189,190,191,192,201,202,203,210,211,212,213,214,223,224,232,233,234,235,236,245,246,253,254,255,256,257,267,268,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,299,300,301,312,313,314,315,316,321,322,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +5327 - 79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,167,168,169,181,182,183,184,185,188,189,190,203,204,205,206,210,211,212,225,226,227,232,233,234,253,254,255,275,276,277,296,297,298,318,319,320,339,340,341,342,348,361,362,363,370,382,383,384,385,392,404,405,406,407,414,426,427,428,447,448,449,450,469,470,471,492 +5328 - 9,10,11,12,30,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,117,118,119,121,122,123,124,125,139,140,141,144,145,146,147,161,162,163,167,168,169,182,183,184,189,190,191,205,206,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,302,313,314,315,320,321,322,323,324,325,334,335,336,337,342,343,344,345,346,347,348,356,357,358,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,390,391,392,393,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,487 +5329 - 56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,171,172,173,182,183,184,185,187,188,193,194,195,203,204,205,206,215,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,333,334,335,345,346,347,348,355,356,357,367,368,369,377,378,379,387,388,389,390,391,400,401,402,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,485 +5330 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,80,81,82,96,97,98,103,104,105,118,119,126,127,139,140,141,148,149,161,162,163,170,171,183,184,185,186,192,193,205,206,214,215,226,227,228,236,237,248,249,250,258,259,270,271,279,280,292,293,301,302,314,315,316,323,324,336,337,338,345,346,359,360,366,367,368,381,382,388,389,403,404,405,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,485 +5331 - 100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,169,170,171,182,183,184,185,190,191,192,204,205,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,492 +5332 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,121,122,123,124,125,141,143,144,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,205,206,207,208,209,210,211,229,230,231,232,233,253,254,255,275,276,277,278,297,298,299,300,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,488 +5333 - 56,57,58,59,60,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,127,128,129,139,140,141,142,148,149,150,160,161,162,163,169,170,171,172,182,183,184,190,191,192,193,204,205,211,212,213,214,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,344,358,359,360,361,364,365,366,380,381,382,386,387,388,401,402,403,407,408,409,410,423,424,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +5334 - 8,9,10,30,31,50,51,52,53,72,73,74,94,95,115,116,117,137,138,139,149,150,151,159,160,168,169,170,171,172,173,180,181,182,189,190,191,194,195,196,202,203,204,210,211,212,213,216,217,224,225,226,232,233,234,237,238,239,246,247,252,253,254,255,258,259,260,261,267,268,269,270,274,275,276,280,281,282,289,290,291,292,295,296,297,301,302,303,304,311,312,313,314,317,318,322,323,324,325,333,334,335,336,337,338,339,340,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +5335 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,103,104,112,113,114,115,116,117,125,126,133,134,135,136,137,146,147,148,156,157,158,167,168,169,170,188,189,190,191,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,281,282,283,292,293,294,304,305,326,327,348,349,369,370,371,390,391,392,400,401,410,411,412,413,414,421,422,423,424,425,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,488 +5336 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,104,105,106,113,114,115,116,126,127,128,135,136,137,147,148,149,168,169,170,171,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,280,281,282,302,303,304,324,325,326,346,347,348,367,368,369,379,380,388,389,390,391,400,401,407,408,409,410,411,412,421,422,423,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473,488 +5337 - 97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,161,162,163,183,184,185,204,205,206,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,257,258,259,268,269,270,271,272,280,281,290,291,292,302,303,323,324,325,343,344,345,346,363,364,365,366,367,377,378,379,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,490 +5338 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,105,106,107,118,119,120,121,122,127,128,129,140,141,142,143,149,150,151,162,163,164,172,173,183,184,185,186,205,206,207,208,226,227,228,229,231,232,233,248,249,250,251,253,254,255,256,270,271,272,273,275,276,277,278,292,293,294,298,299,300,301,314,315,316,320,321,322,323,336,337,338,339,342,343,344,345,358,359,360,361,364,365,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,450,451,452,453,454,491 +5339 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,115,116,117,118,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,279,280,281,301,302,303,323,324,325,343,344,345,346,364,365,366,367,377,378,379,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +5340 - 93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,141,142,143,144,145,146,147,148,149,158,159,160,169,170,171,180,181,182,190,191,192,193,201,202,203,212,213,214,224,225,234,235,236,255,256,257,277,278,279,298,299,300,301,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +5341 - 55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,124,125,126,127,128,129,140,141,142,147,148,149,162,163,164,169,170,171,184,185,186,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,319,320,321,335,336,337,338,342,343,356,357,358,359,363,364,365,377,378,379,385,386,387,399,400,401,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +5342 - 71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,117,118,122,123,124,125,126,143,144,145,146,147,164,165,166,167,184,185,186,205,206,207,225,226,227,228,229,230,232,233,247,248,249,250,254,255,256,257,270,271,277,278,279,280,300,301,302,322,323,324,343,344,345,365,366,367,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,432,447,448,449,450,451,452,467,468,469,470,471,472,488 +5343 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,104,105,106,116,117,118,119,120,127,128,129,137,138,139,140,149,150,151,159,160,161,171,172,182,183,184,192,193,194,204,205,206,207,213,214,215,227,228,229,230,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,341,342,343,357,358,359,364,365,378,379,380,385,386,387,400,401,406,407,408,422,423,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,471,493 +5344 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,104,105,118,119,120,121,126,127,128,139,140,141,142,148,149,150,160,161,162,163,170,171,172,173,182,183,184,192,193,194,195,203,204,205,206,214,215,216,217,225,226,227,236,237,238,239,247,248,249,258,259,260,269,270,279,280,281,282,290,291,292,301,302,303,304,312,313,314,322,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,359,364,365,366,367,368,379,380,381,382,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +5345 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,273,274,275,294,295,296,297,315,316,317,318,337,338,339,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +5346 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,95,101,102,103,104,105,122,123,124,125,126,142,143,144,145,146,147,163,164,165,166,167,184,185,186,187,206,207,208,209,210,211,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,277,278,279,280,281,301,302,303,304,323,324,325,326,344,345,346,347,348,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,488 +5347 - 40,41,61,62,83,84,104,105,106,126,127,140,141,142,147,148,149,162,163,164,168,169,170,183,184,185,190,191,192,205,206,207,211,212,213,226,227,228,233,234,235,248,249,250,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,334,335,336,340,341,342,361,362,363,364,382,383,384,385,404,405,406,426,427,428,448,449,489 +5348 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,96,97,98,117,118,119,120,139,140,141,160,161,162,163,182,183,184,189,190,203,204,205,206,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,280,281,282,290,291,292,293,294,295,303,304,305,312,313,314,315,316,324,325,326,327,335,336,337,338,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +5349 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,126,127,128,139,140,141,142,148,149,150,160,161,162,170,171,172,181,182,183,190,191,192,193,203,204,205,211,212,213,214,225,226,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,494 +5350 - 6,7,8,9,27,28,29,30,31,32,49,50,51,52,53,54,55,70,71,72,75,76,77,93,98,99,100,120,121,141,142,143,162,163,164,165,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,227,228,229,232,233,234,235,255,256,257,258,278,279,280,281,301,302,303,324,325,346,347,356,357,358,359,360,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,488 +5351 - 13,14,15,34,35,36,37,56,57,58,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,234,235,236,237,238,247,248,249,250,254,255,256,257,258,259,260,261,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,300,303,304,305,312,313,314,318,319,320,321,323,324,325,326,334,335,336,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,491 +5352 - 11,12,13,31,32,33,34,35,53,54,55,56,75,76,77,96,97,98,118,119,140,141,161,162,163,182,183,184,185,192,193,204,205,206,214,215,226,227,228,236,237,248,249,250,258,259,269,270,271,272,279,280,281,282,291,292,293,294,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,390,391,392,412,413,414,434,435,436,489 +5353 - 38,39,59,60,61,80,81,82,83,102,103,104,123,124,125,126,145,146,147,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,423,424,425,426,445,446,447,486 +5354 - 55,56,57,58,76,77,78,79,80,81,98,99,100,102,103,104,119,120,121,124,125,126,140,141,142,145,146,147,162,163,164,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,229,230,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,494 +5355 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,105,106,107,108,118,119,120,121,127,128,129,140,141,142,148,149,150,162,163,169,170,171,184,185,190,191,192,193,206,207,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,318,319,335,336,337,340,341,342,356,357,358,362,363,364,377,378,379,384,385,386,399,400,404,405,406,407,421,422,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +5356 - 55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,471,472,486 +5357 - 100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,148,149,161,162,163,164,168,169,170,182,183,184,185,189,190,191,192,204,205,210,211,212,213,214,225,226,227,231,232,233,234,235,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,315,316,317,319,320,321,340,341,342,362,363,364,383,384,385,405,406,426,427,428,448,449,469,470,471,494 +5358 - 58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,141,142,143,144,145,162,163,164,165,183,184,185,186,187,204,205,206,207,208,226,227,228,229,247,248,249,250,251,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,383,384,385,386,387,388,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,466,467,468,469,490 +5359 - 40,41,61,62,63,83,84,104,105,106,126,127,141,142,147,148,149,163,164,169,170,184,185,186,190,191,192,205,206,207,212,213,214,226,227,228,233,234,235,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,298,299,300,312,313,314,315,320,321,334,335,336,341,342,343,363,364,365,384,385,386,406,407,427,428,429,448,449,450,451,489 +5360 - 97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,144,145,159,160,161,162,165,166,167,180,181,182,183,186,187,188,189,190,202,203,204,207,208,209,210,211,212,224,225,228,229,230,231,233,234,246,247,249,250,251,255,256,268,269,270,271,272,277,278,291,292,293,299,300,301,321,322,323,344,345,366,367,388,389,390,410,411,412,433,434,455,456,457,477,478,479,494 +5361 - 59,60,80,81,82,102,103,104,123,124,125,145,146,147,166,167,168,188,189,190,209,210,211,212,231,232,233,252,253,254,274,275,276,296,297,317,318,319,339,340,360,361,362,382,383,403,404,405,425,426,427,446,447,448,468,469,470,486 +5362 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,116,117,118,119,138,139,140,141,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,236,237,238,239,259,260,261,281,282,283,303,304,305,324,325,326,327,344,345,346,347,348,357,358,366,367,368,369,378,379,387,388,389,390,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,490 +5363 - 33,34,35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,103,104,105,117,118,119,120,125,126,147,148,168,169,170,190,191,211,212,213,233,234,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,301,302,303,312,313,314,315,317,318,319,324,325,326,334,335,336,338,339,340,341,346,347,348,355,356,357,359,360,361,362,368,369,370,377,378,380,381,382,383,390,391,392,399,400,401,402,403,404,412,413,414,421,422,423,424,425,435,444,445,446,487 +5364 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,124,125,126,137,138,139,140,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,493 +5365 - 65,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,130,131,140,141,142,143,144,145,146,147,162,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,301,302,313,314,315,316,323,324,335,336,337,344,345,346,365,366,367,385,386,387,388,389,399,400,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,466,467,468,469,470,490 +5366 - 32,33,34,35,53,54,55,56,57,75,76,77,96,97,98,106,118,119,120,127,128,129,139,140,141,142,148,149,150,151,161,162,163,164,170,171,172,183,184,185,186,190,191,192,193,194,205,206,207,208,212,213,214,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,344,360,361,362,363,364,365,366,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,493 +5367 - 78,79,80,81,82,83,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,140,141,142,143,148,149,161,162,163,169,170,171,182,183,184,190,191,192,193,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,467,468,469,470,494 +5368 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,99,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,315,316,317,318,337,338,339,359,360,372,373,380,381,382,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,487 +5369 - 79,80,81,82,83,100,101,102,103,104,105,106,120,121,122,123,124,127,128,141,142,143,144,149,150,162,163,164,170,171,172,183,184,185,191,192,193,204,205,206,211,212,213,214,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,297,298,299,318,319,320,339,340,341,360,361,362,381,382,383,403,404,405,424,425,426,446,447,448,467,468,469,494 +5370 - 9,10,11,12,30,31,32,33,34,51,52,53,54,73,74,75,76,95,96,97,98,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,204,205,206,210,211,212,213,214,226,227,228,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,301,302,303,304,305,314,315,316,317,318,319,321,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +5371 - 99,100,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,277,278,290,291,292,293,299,300,312,313,314,320,321,322,334,335,342,343,344,362,363,364,365,383,384,385,386,399,403,404,405,406,407,421,422,423,424,425,426,427,443,444,445,446,447,490 +5372 - 9,10,11,12,31,32,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,118,119,120,121,122,139,140,141,142,143,161,162,163,164,165,184,185,186,187,188,189,207,208,209,210,211,212,213,231,232,233,234,235,236,254,255,256,257,258,278,279,280,300,301,302,303,321,322,323,324,325,342,343,344,345,346,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,488 +5373 - 39,40,61,62,82,83,104,105,125,126,127,142,143,147,148,163,164,165,168,169,170,184,185,186,189,190,191,206,207,208,211,212,213,227,228,229,233,234,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,313,314,318,319,320,340,341,361,362,363,383,384,403,404,405,406,425,426,427,447,448,489 +5374 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,104,105,106,116,117,118,119,138,139,140,141,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,225,226,227,231,232,233,234,235,236,248,255,256,257,258,259,278,279,280,281,301,302,303,323,324,325,326,345,346,347,367,368,369,380,381,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,490 +5375 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,103,104,105,118,119,120,124,125,126,127,140,141,146,147,148,167,168,169,170,188,189,190,191,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,279,280,292,293,294,301,302,303,314,315,323,324,344,345,346,366,367,368,379,386,387,388,389,399,400,401,407,408,409,410,420,421,422,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,488 +5376 - 49,59,70,71,80,81,92,93,102,103,114,115,124,125,136,137,138,147,158,159,160,169,180,181,182,191,192,202,203,204,213,214,224,225,226,235,236,246,247,248,257,258,269,270,279,280,291,292,299,300,301,302,313,314,315,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,346,347,359,360,368,369,390,391,412,413,434,435,436,457,458,479,480,481,489 +5377 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,116,117,118,125,126,139,147,148,168,169,170,189,190,191,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,280,281,293,294,295,302,303,323,324,325,344,345,346,347,365,366,367,368,385,386,387,388,389,398,399,405,406,407,408,409,410,420,421,422,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,488 +5378 - 55,56,57,58,59,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,187,188,205,206,207,208,209,210,211,229,230,231,232,233,234,253,254,255,256,277,278,279,299,300,301,302,321,322,323,324,335,336,337,342,343,344,345,346,357,358,359,363,364,365,366,367,368,378,379,380,381,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,490 +5379 - 49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,103,104,105,106,116,125,126,127,128,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,260,261,262,269,270,271,272,273,283,284,291,292,304,305,306,326,327,328,334,346,347,348,349,355,356,367,368,369,370,377,387,388,389,390,391,398,405,406,407,408,409,410,411,412,419,420,421,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,463,464,465,466,467,468,469,470,488 +5380 - 55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,486 +5381 - 78,79,80,81,82,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,140,141,142,143,147,148,149,162,163,164,169,170,171,183,184,185,190,191,192,193,204,205,206,212,213,214,215,225,226,227,233,234,235,236,247,248,249,255,256,257,268,269,270,276,277,278,279,290,291,292,297,298,299,300,312,313,319,320,321,334,335,339,340,341,342,343,356,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,402,403,405,406,407,427,428,429,448,449,450,470,471,472,494 +5382 - 31,32,33,34,51,52,53,54,55,56,57,58,59,60,72,73,74,75,77,78,79,80,81,82,83,93,94,95,97,98,99,100,101,102,103,104,105,106,114,115,116,118,119,120,121,125,126,127,128,135,136,137,139,140,141,142,148,149,150,151,157,158,159,160,161,162,170,171,172,173,178,179,180,182,183,192,193,194,195,199,200,201,202,205,214,215,216,217,221,222,223,237,238,239,243,244,245,259,260,261,265,266,267,268,281,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,313,325,326,327,328,332,333,334,335,336,347,348,349,350,355,356,357,358,359,360,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,485 +5383 - 35,36,37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,121,122,123,124,128,129,142,143,144,145,150,151,163,164,165,166,167,172,173,184,185,186,187,188,189,193,194,195,205,206,207,208,209,210,211,215,216,217,226,227,228,229,237,238,247,248,249,250,258,259,260,268,269,270,271,280,281,282,290,291,292,301,302,303,311,312,313,322,323,324,333,334,335,343,344,345,346,354,355,356,357,364,365,366,367,376,377,378,385,386,387,388,398,399,400,405,406,407,408,409,420,421,422,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,485 +5384 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,81,82,83,94,95,96,97,104,105,106,115,116,117,118,137,138,139,158,159,160,161,180,181,182,189,190,202,203,204,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,237,245,246,247,248,252,253,254,255,257,258,259,267,268,269,273,274,275,276,280,281,282,290,291,292,295,296,297,302,303,304,312,313,314,317,318,319,324,325,326,334,335,336,337,340,341,342,346,347,348,357,358,359,360,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +5385 - 59,60,61,81,82,83,102,103,104,105,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,470,486 +5386 - 33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,95,96,97,98,116,117,118,119,137,138,139,140,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,235,236,237,238,246,247,248,249,258,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,347,348,349,356,357,358,359,360,368,369,370,371,379,380,381,382,383,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,491 +5387 - 80,81,82,83,84,100,101,102,103,104,105,106,120,121,122,123,124,125,127,128,141,142,143,144,145,148,149,150,158,161,162,163,164,165,170,171,172,180,182,183,184,185,191,192,193,194,201,204,205,206,213,214,215,223,225,226,227,234,235,236,247,248,254,255,256,257,268,269,270,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,469,470,471,494 +5388 - 26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,100,101,102,103,123,124,125,145,146,147,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,277,278,279,280,301,302,303,323,324,325,326,335,336,346,347,348,356,357,358,359,360,368,369,370,378,379,380,381,382,383,384,385,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,488 +5389 - 37,38,58,59,60,61,80,81,82,102,103,104,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,390,402,403,404,424,425,426,446,447,448,486 +5390 - 58,59,60,61,78,79,80,81,82,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,344,345,346,362,366,367,368,383,384,388,389,390,404,405,406,410,411,426,427,428,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +5391 - 13,14,15,16,17,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,82,83,96,97,98,99,104,105,118,119,120,125,126,127,147,148,149,168,169,170,190,191,192,211,212,213,214,232,233,234,235,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,321,322,323,324,332,333,334,335,336,338,339,340,341,345,346,354,355,356,358,359,360,361,362,367,368,375,376,377,379,380,381,382,389,390,397,398,399,400,401,402,403,410,411,412,419,420,421,422,423,424,433,434,487 +5392 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,408,427,428,429,430,449,450,451,486 +5393 - 103,104,105,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,190,191,192,204,205,206,207,208,212,213,214,226,227,233,234,235,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,492 +5394 - 57,58,59,60,72,73,79,80,81,82,93,94,95,96,100,101,102,103,104,115,116,117,118,122,123,124,125,126,137,138,139,140,144,145,146,147,159,160,161,166,167,168,169,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,232,233,234,246,247,248,249,254,255,256,257,269,270,271,276,277,278,279,291,292,293,294,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,453,454,455,475,476,489 +5395 - 79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,126,127,140,141,142,148,149,150,151,161,162,163,169,170,171,172,173,182,183,184,191,192,193,194,203,204,205,212,213,214,215,225,226,233,234,235,236,246,247,248,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,469,470,471,494 +5396 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +5397 - 39,40,41,42,60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,382,398,399,400,401,402,403,419,420,421,422,423,424,441,442,443,444,445,446,486 +5398 - 80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,277,278,279,280,299,300,301,302,322,323,324,337,343,344,345,346,358,359,365,366,367,368,380,381,387,388,389,403,404,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +5399 - 60,61,62,63,64,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,150,151,152,163,164,165,166,167,172,173,174,184,185,186,187,188,189,193,194,195,205,206,207,209,210,211,212,215,216,217,226,227,228,229,232,233,234,236,237,238,247,248,249,250,257,258,259,269,270,271,278,279,280,281,290,291,292,293,299,300,301,302,312,313,314,321,322,323,333,334,335,342,343,344,355,356,357,363,364,365,377,378,379,383,384,385,386,387,398,399,400,403,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,465,466,467,468,469,485 +5400 - 39,40,61,62,82,83,84,93,94,95,104,105,115,116,117,126,127,138,139,148,149,160,161,169,170,171,181,182,183,191,192,203,204,205,213,214,225,226,227,234,235,236,247,248,255,256,257,269,270,271,275,276,277,278,279,291,292,293,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,335,336,337,338,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,489 +5401 - 17,18,19,37,38,39,40,41,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,184,185,186,205,206,207,208,226,227,228,229,247,248,249,250,255,256,257,258,269,270,271,275,276,277,278,279,280,281,290,291,292,295,296,297,298,299,300,301,302,303,312,313,316,317,318,319,320,323,324,325,334,335,338,339,340,344,345,346,347,356,357,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,491 +5402 - 95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,165,166,167,168,169,173,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,234,235,236,247,248,249,250,251,256,257,258,259,270,271,272,273,278,279,280,281,292,293,294,295,300,301,302,303,314,315,316,317,322,323,324,336,337,338,344,345,346,357,358,359,360,366,367,368,379,380,381,382,388,389,390,403,409,410,411,412,431,432,433,434,453,454,455,474,475,476,477,490 +5403 - 35,36,37,38,39,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,126,127,128,141,142,143,147,148,149,169,170,171,191,192,193,212,213,214,233,234,235,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,324,325,326,333,334,335,336,337,338,339,340,341,346,347,348,354,355,356,357,358,359,360,361,368,369,370,371,375,376,377,378,379,380,381,382,390,391,392,397,398,399,400,401,402,403,413,414,419,420,421,422,423,441,442,443,444,487 +5404 - 3,4,5,25,26,47,48,69,70,90,91,112,113,126,127,128,129,134,135,147,148,149,150,151,152,156,157,168,169,170,173,174,175,178,179,189,190,191,196,197,200,201,211,212,218,219,222,223,232,233,234,240,241,245,255,262,263,267,268,277,278,284,285,289,290,299,300,305,306,312,313,321,322,327,328,335,336,343,344,348,349,358,359,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,491 +5405 - 43,64,65,85,86,106,107,108,127,128,129,140,141,149,150,151,161,162,163,164,170,171,172,182,183,184,185,191,192,193,204,205,206,212,213,214,225,226,227,234,235,236,238,246,247,248,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,312,313,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,489 +5406 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,78,79,80,81,82,92,93,94,95,96,102,103,104,114,115,116,117,124,125,126,127,136,137,138,146,147,148,158,159,160,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,257,258,259,260,269,270,271,272,280,281,282,283,291,292,293,303,304,305,313,314,315,325,326,327,334,335,336,347,348,349,356,357,358,368,369,370,378,379,380,381,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,493 +5407 - 80,81,82,83,101,102,103,104,105,106,107,108,122,123,124,125,126,127,128,129,130,143,144,145,146,147,148,149,150,151,152,164,165,166,167,168,169,172,173,174,185,186,187,188,189,194,195,196,205,206,207,208,209,216,217,218,226,227,228,229,230,238,239,240,247,248,249,250,251,259,260,261,268,269,270,271,280,281,282,283,288,289,290,291,292,301,302,303,310,311,312,313,322,323,324,325,331,332,333,334,342,343,344,345,346,353,354,355,356,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,444,445,485 +5408 - 75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,149,150,151,152,153,161,162,163,164,169,170,171,172,173,174,175,184,185,186,187,190,191,192,193,194,195,207,208,209,211,212,213,214,215,216,229,230,231,232,233,234,235,236,252,253,254,255,256,257,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,464,465,466,467,468,469,470,493 +5409 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,126,127,128,139,140,141,147,148,149,167,168,169,170,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,236,237,238,249,250,251,252,259,260,271,272,280,281,282,301,302,303,304,322,323,324,325,343,344,345,346,352,362,363,364,365,366,367,374,381,382,383,384,385,386,387,396,397,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,440,441,442,443,444,445,488 +5410 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,170,171,172,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +5411 - 59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,127,128,129,140,141,142,143,149,150,162,163,164,170,171,172,184,185,191,192,193,206,207,212,213,214,228,229,233,234,235,250,251,254,255,256,257,272,273,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,383,384,385,401,402,405,406,407,422,423,424,426,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +5412 - 32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,118,119,121,122,123,124,136,137,138,139,140,142,143,144,145,158,159,160,161,164,165,166,167,180,181,182,185,186,187,188,207,208,209,210,229,230,231,232,233,252,253,254,255,256,275,276,277,278,297,298,299,300,301,320,321,322,323,324,343,344,345,346,347,366,367,368,369,382,383,384,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,488 +5413 - 99,100,101,102,103,115,116,119,120,121,122,123,124,125,138,139,140,141,142,143,144,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,319,320,321,340,341,342,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,494 +5414 - 71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,140,141,142,143,144,145,146,147,157,158,159,160,162,163,164,165,166,167,168,169,178,179,180,181,182,184,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,254,255,256,257,258,269,270,271,272,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,475,476,477,494 +5415 - 78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,161,162,163,164,183,184,185,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,277,278,279,280,300,301,302,323,324,344,345,346,365,366,367,368,385,386,387,388,389,398,399,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,490 +5416 - 51,52,73,74,95,96,97,104,105,106,116,117,118,126,127,128,138,139,140,147,148,149,160,161,168,169,170,171,181,182,183,189,190,191,192,203,204,205,210,211,212,213,225,226,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,277,278,291,292,293,294,295,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +5417 - 15,16,17,36,37,38,57,58,59,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,184,185,186,191,192,193,206,207,208,211,212,213,214,215,216,227,228,229,232,233,234,235,236,237,238,248,249,250,253,254,255,256,258,259,270,271,272,274,275,276,277,279,280,281,292,293,295,296,297,298,300,301,302,313,314,315,317,318,319,321,322,323,335,336,339,340,341,342,343,344,357,358,360,361,362,363,364,365,379,380,381,382,383,384,385,386,401,402,403,404,405,406,491 +5418 - 11,12,13,14,15,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,75,76,77,80,81,82,97,98,99,102,103,104,119,120,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,276,277,278,279,298,299,300,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,383,384,385,386,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,487 +5419 - 15,16,17,36,37,38,57,58,59,60,79,80,81,100,101,102,121,122,123,124,142,143,144,145,164,165,166,185,186,187,206,207,208,213,214,215,227,228,229,230,233,234,235,236,237,238,249,250,251,253,254,255,256,257,258,259,260,270,271,272,274,275,276,277,280,281,282,292,293,294,295,296,297,298,301,302,303,313,314,315,316,317,318,319,322,323,324,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,402,403,404,405,406,491 +5420 - 53,54,55,75,76,77,80,81,97,98,99,100,102,103,104,118,119,120,121,122,124,125,126,140,141,142,143,146,147,161,162,163,168,169,183,184,185,190,191,205,206,211,212,213,227,228,233,234,235,236,249,250,255,256,257,258,271,272,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,454,474,475,476,489 +5421 - 86,87,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,163,164,165,166,167,184,185,186,187,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,277,278,279,290,291,292,293,294,295,299,300,301,312,313,314,315,321,322,323,335,336,343,344,345,364,365,366,385,386,387,388,399,400,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,490 +5422 - 89,90,91,92,93,94,95,111,112,113,114,115,116,117,118,119,120,121,133,134,139,140,141,142,143,144,145,146,165,166,167,168,169,190,191,212,213,214,235,236,257,258,279,280,301,302,322,323,324,344,345,346,366,367,387,388,389,409,410,430,431,432,452,453,473,474,475,492 +5423 - 40,41,42,43,61,62,63,64,82,83,84,85,86,103,104,105,106,107,108,123,124,125,126,127,128,129,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,399,400,401,402,403,404,421,422,423,424,425,442,443,444,445,446,447,486 +5424 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,188,189,190,202,203,204,210,211,212,224,225,226,227,228,231,232,233,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,295,296,297,298,299,318,319,320,321,322,340,341,342,343,344,345,362,363,364,366,367,368,384,385,386,389,390,406,407,408,409,411,412,413,429,430,431,432,433,434,435,452,453,454,455,456,457,474,475,476,477,478,479,493 +5425 - 97,98,99,100,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,184,185,186,189,190,191,210,211,212,231,232,233,234,253,254,255,274,275,276,296,297,298,311,317,318,319,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,492 +5426 - 60,61,82,83,84,95,104,105,106,116,117,118,126,127,128,138,139,140,148,149,159,160,161,169,170,171,180,181,182,183,190,191,192,202,203,204,212,213,214,223,224,225,233,234,235,236,245,246,247,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,313,320,321,322,342,343,363,364,365,385,386,387,407,408,409,411,429,430,431,432,433,451,452,453,454,473,474,475,476,489 +5427 - 60,61,81,82,83,103,104,105,124,125,126,127,145,146,147,148,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,444,445,446,466,467,486 +5428 - 56,57,58,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,424,425,426,427,446,447,448,449,469,470,471,486 +5429 - 61,62,63,82,83,84,100,103,104,105,120,121,122,125,126,127,141,142,143,146,147,148,162,163,164,167,168,169,170,183,184,185,189,190,191,204,205,206,210,211,212,225,226,227,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,296,297,298,318,319,339,340,341,360,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,468,469,489 +5430 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,106,118,119,120,121,125,126,127,128,140,141,142,143,144,145,146,147,148,149,162,163,164,165,167,168,169,170,184,185,186,188,189,190,191,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,299,300,314,315,316,317,321,322,323,336,337,338,343,344,345,358,359,360,366,367,379,380,381,387,388,389,402,403,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +5431 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,204,205,206,207,225,226,227,228,234,235,236,237,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,273,274,275,276,277,278,279,280,281,282,290,291,292,294,295,296,297,298,302,303,304,312,313,314,315,316,317,318,323,324,325,334,335,336,337,338,339,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,491 +5432 - 48,49,68,69,70,71,72,90,91,92,93,94,112,113,114,115,134,135,136,137,148,149,150,151,155,156,157,158,159,170,171,172,173,174,177,178,179,180,192,193,194,195,196,199,200,201,202,214,215,216,217,221,222,223,224,225,236,237,238,239,240,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,324,325,326,327,346,347,348,349,368,369,370,371,372,391,392,393,394,489 +5433 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,128,129,138,139,140,141,142,149,150,151,159,160,161,162,163,171,172,173,180,181,182,183,192,193,194,195,202,203,204,213,214,215,216,217,223,224,225,234,235,236,237,238,244,245,246,247,254,255,256,257,258,259,266,267,268,275,276,277,278,279,280,281,288,289,290,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,321,322,323,324,333,334,335,336,337,338,339,340,343,344,345,364,365,366,367,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,494 +5434 - 73,94,95,96,117,118,139,140,141,161,162,163,183,184,185,205,206,207,227,228,229,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,297,298,299,300,301,302,303,304,305,306,307,314,315,487 +5435 - 36,37,38,58,59,60,79,80,81,82,92,93,101,102,103,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,274,275,276,295,296,297,316,317,318,319,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,445,446,447,448,486 +5436 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,104,105,106,107,115,116,128,129,137,138,139,149,150,151,159,160,161,170,171,172,182,183,184,191,192,193,204,205,206,207,212,213,214,228,229,230,233,234,235,251,252,253,255,256,274,275,276,277,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,342,343,357,358,359,360,364,365,379,380,386,387,400,401,407,408,409,422,423,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +5437 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,125,126,127,138,139,140,141,146,147,148,149,160,161,167,168,169,170,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,277,278,279,292,293,294,300,301,302,322,323,324,344,345,346,365,366,367,387,388,389,407,408,409,410,420,421,422,423,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +5438 - 36,37,58,59,79,80,81,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,273,274,275,295,296,297,316,317,318,338,339,340,360,361,362,381,382,383,403,404,405,425,426,427,447,448,449,486 +5439 - 36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +5440 - 9,10,11,12,13,14,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,102,103,104,105,124,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,238,247,248,249,250,251,252,256,257,258,259,267,268,269,270,271,272,273,274,275,276,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,391,392,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,487 +5441 - 11,12,13,32,33,34,53,54,55,56,75,76,77,96,97,98,118,119,120,139,140,141,161,162,182,183,184,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,237,247,248,249,252,253,254,255,256,258,259,260,269,270,271,273,274,275,276,279,280,281,291,292,295,296,297,301,302,303,313,314,316,317,318,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,404,405,406,491 +5442 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,105,106,107,118,119,120,121,122,123,127,128,129,138,139,140,141,142,144,145,150,151,152,159,160,161,162,163,172,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,244,245,246,259,260,261,265,266,267,268,281,282,283,287,288,289,303,304,305,309,310,324,325,326,331,332,346,347,348,353,354,366,367,368,369,375,376,377,387,388,389,390,397,398,399,408,409,410,411,420,421,422,423,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,485 +5443 - 56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,142,146,147,148,161,162,163,167,168,169,170,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,278,279,280,293,294,295,296,300,301,302,315,316,322,323,324,344,345,346,365,366,367,386,387,388,389,400,401,407,408,409,410,422,423,424,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +5444 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,118,119,120,140,141,142,162,163,164,184,185,186,206,207,208,209,228,229,230,231,232,233,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,321,322,323,324,343,344,345,346,365,366,367,380,381,382,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,490 +5445 - 35,36,37,38,39,55,56,57,58,59,60,61,62,77,78,81,82,83,84,85,99,100,101,102,103,104,106,107,108,122,123,124,125,128,129,130,142,143,144,145,146,150,151,152,163,164,165,166,167,172,173,174,184,185,186,187,194,195,196,205,206,207,208,216,217,226,227,228,229,238,239,248,249,250,259,260,261,269,270,271,280,281,282,290,291,292,293,301,302,303,304,312,313,314,322,323,324,325,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +5446 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,146,147,148,160,161,162,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,210,211,212,213,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,494 +5447 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,119,120,121,122,141,142,143,162,163,164,183,184,185,205,206,207,226,227,228,234,235,236,237,238,248,249,250,255,256,257,258,259,260,270,271,275,276,277,278,279,280,281,282,291,292,293,296,297,298,299,300,302,303,304,313,314,315,318,319,320,323,324,325,335,336,337,339,340,341,343,344,345,346,357,358,359,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +5448 - 8,9,29,30,31,51,52,53,72,73,74,75,94,95,96,97,115,116,117,118,137,138,139,159,160,161,165,166,167,168,169,170,171,181,182,183,186,187,188,189,190,191,192,193,203,204,205,208,209,210,211,212,213,214,215,216,225,226,229,230,231,232,237,238,246,247,248,250,251,252,253,254,259,260,268,269,270,272,273,274,275,280,281,282,290,291,292,294,295,296,297,298,301,302,303,304,313,314,317,318,319,320,321,322,323,324,325,326,335,336,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +5449 - 82,83,99,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,184,185,189,190,191,210,211,212,232,233,234,253,254,255,275,276,277,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,468,469,470,492 +5450 - 6,7,8,9,10,28,29,30,31,32,33,50,51,52,53,54,55,76,77,78,98,99,100,120,121,122,141,142,143,144,161,162,163,164,165,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,256,257,258,270,271,272,273,275,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,361,367,368,369,381,382,383,384,385,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +5451 - 36,37,57,58,59,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,383,402,403,404,424,425,426,446,447,448,486 +5452 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +5453 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,80,81,82,102,103,104,123,124,125,144,145,146,147,165,166,167,168,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,233,234,235,236,249,250,251,256,257,258,271,272,278,279,280,300,301,302,322,323,324,343,344,345,365,366,367,378,385,386,387,388,399,400,401,402,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,488 +5454 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,102,103,104,113,114,115,125,126,127,135,136,137,148,149,150,157,158,159,170,171,172,179,180,181,193,194,195,201,202,203,216,217,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,303,304,305,306,311,312,313,325,326,327,334,335,336,346,347,348,349,356,357,358,367,368,369,370,379,380,381,382,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +5455 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,104,105,106,119,120,121,122,125,126,127,140,141,142,143,147,148,149,162,163,164,168,169,170,183,184,185,189,190,191,205,206,210,211,212,227,228,229,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,321,337,338,339,342,343,344,358,359,360,364,365,366,380,381,386,387,388,401,402,403,407,408,409,423,424,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +5456 - 34,35,56,57,58,78,79,80,100,101,102,113,114,115,122,123,124,135,136,137,144,145,146,157,158,159,166,167,168,179,180,181,188,189,190,191,201,202,203,210,211,212,213,223,224,225,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,298,299,300,301,313,314,315,320,321,322,323,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,432,433,434,435,436,437,438,455,456,457,458,459,489 +5457 - 34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,82,83,95,96,97,98,99,104,105,116,117,118,119,120,125,126,127,138,139,140,147,148,149,160,161,169,170,190,191,192,211,212,213,233,234,235,254,255,256,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,338,339,340,341,347,348,349,354,355,356,359,360,361,362,371,376,377,380,381,382,383,398,401,402,403,404,420,421,422,423,424,442,443,444,445,487 +5458 - 33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,207,208,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,320,321,322,323,324,335,336,337,338,339,343,344,345,346,356,357,358,359,360,364,365,366,367,368,377,378,379,380,381,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,493 +5459 - 12,13,14,15,33,34,35,36,54,55,56,57,76,77,78,97,98,99,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,226,227,228,234,235,236,237,248,249,254,255,256,257,258,259,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,299,302,303,304,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,340,343,344,345,346,357,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +5460 - 92,93,94,95,96,97,114,115,116,117,118,119,120,121,122,123,124,136,137,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,166,167,168,169,170,171,172,173,174,180,181,193,194,195,202,203,204,214,215,216,224,225,226,235,236,237,246,247,248,256,257,258,259,269,270,278,279,280,291,292,300,301,313,314,321,322,323,343,344,345,364,365,366,386,387,388,408,409,429,430,431,451,452,453,472,473,474,492 +5461 - 36,37,38,39,40,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,121,122,123,127,128,129,149,150,151,170,171,172,192,193,194,213,214,215,234,235,236,255,256,257,258,276,277,278,279,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,358,359,360,361,362,367,368,369,375,376,377,378,379,380,381,382,390,391,396,397,398,399,400,401,402,419,420,421,422,423,441,442,443,444,487 +5462 - 99,120,121,122,123,127,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,217,218,219,225,226,227,228,229,247,248,249,250,269,270,271,272,273,274,292,293,294,295,296,315,316,317,318,338,339,340,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,427,443,444,445,446,447,448,467,468,490 +5463 - 16,17,18,37,38,39,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,164,165,166,185,186,187,188,206,207,208,209,227,228,229,230,235,236,237,238,248,249,250,251,254,255,256,257,258,259,260,270,271,272,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,302,303,304,312,313,314,315,316,317,318,319,320,322,323,324,325,326,334,335,336,337,338,339,340,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,491 +5464 - 32,33,34,35,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,101,102,103,118,119,120,124,140,141,162,163,183,184,185,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,278,279,280,301,302,322,323,324,344,345,346,365,366,367,382,383,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,490 +5465 - 102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,169,170,171,182,183,184,191,192,193,204,205,206,212,213,214,227,228,234,235,236,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,468,469,470,492 +5466 - 8,9,10,11,30,31,32,33,34,35,52,53,54,55,56,57,58,76,77,78,79,80,81,100,101,102,103,123,124,125,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,253,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,387,388,389,390,391,402,403,404,405,410,411,412,413,414,433,434,435,436,487 +5467 - 57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,106,107,108,119,120,121,122,123,127,128,129,141,142,143,148,149,150,151,162,163,164,169,170,171,172,185,186,189,190,191,192,193,207,208,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,319,320,321,334,335,336,341,342,343,355,356,357,363,364,365,377,378,384,385,386,399,400,406,407,408,421,422,423,426,427,428,429,443,444,445,446,447,448,449,450,466,467,468,469,470,471,493 +5468 - 72,73,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,163,164,165,166,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,210,211,212,213,224,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,315,316,317,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +5469 - 102,103,104,105,117,118,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,190,191,192,202,203,204,205,211,212,213,214,224,225,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,492 +5470 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,151,169,170,171,172,173,191,192,193,194,195,213,214,215,216,234,235,236,237,238,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,358,359,360,361,362,363,367,368,369,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,419,420,421,422,423,424,441,442,443,444,487 +5471 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,166,167,169,170,171,181,182,183,184,185,191,192,193,203,204,205,206,213,214,215,224,225,226,227,235,236,237,246,247,248,258,259,260,268,269,270,280,281,282,290,291,292,302,303,304,311,312,313,324,325,326,333,334,335,345,346,347,348,355,356,357,358,366,367,368,369,378,379,380,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +5472 - 72,73,74,75,76,92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,164,165,166,167,179,180,181,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,325,344,345,346,347,367,368,369,388,389,390,391,409,410,411,412,413,430,431,432,433,434,435,452,453,454,455,456,472,473,474,475,476,477,488 +5473 - 34,35,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,429,449,450,486 +5474 - 29,30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,99,100,101,121,122,123,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,274,275,276,277,298,299,300,320,321,322,337,342,343,344,358,359,364,365,366,380,381,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,488 +5475 - 8,9,10,11,29,30,31,32,33,34,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,99,100,101,116,117,118,121,122,123,124,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,411,412,413,414,424,425,426,427,428,487 +5476 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,119,120,123,124,125,126,145,146,147,148,168,169,170,171,190,191,192,193,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,319,320,321,322,323,324,325,326,333,334,335,336,337,341,342,343,344,345,346,347,348,355,356,357,358,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,487 +5477 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,122,123,124,143,144,145,146,164,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,257,258,259,279,280,281,302,303,323,324,325,345,346,347,365,366,367,368,385,386,387,388,389,390,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,469,470,471,472,488 +5478 - 9,10,11,12,31,32,33,34,53,54,55,56,75,76,96,97,98,118,119,120,139,140,141,142,161,162,163,164,183,184,185,190,191,192,205,206,207,211,212,213,214,215,227,228,229,232,233,234,235,236,237,249,250,251,254,255,256,257,258,259,270,271,272,273,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +5479 - 16,17,18,38,39,40,59,60,61,62,74,75,81,82,83,95,96,97,103,104,105,116,117,118,119,124,125,126,127,138,139,140,141,146,147,148,159,160,161,162,168,169,170,181,182,183,184,190,191,202,203,204,205,211,212,213,224,225,226,233,234,235,246,247,248,254,255,256,257,268,269,270,271,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,385,386,387,407,408,409,429,430,431,489 +5480 - 34,35,36,37,38,56,57,58,59,60,78,79,80,81,82,83,97,98,99,100,101,103,104,105,118,119,120,121,122,123,125,126,127,140,141,142,143,144,145,147,148,149,162,163,164,165,169,170,171,183,184,185,186,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,234,235,236,237,248,249,250,255,256,257,258,259,270,271,272,277,278,279,280,292,293,294,299,300,301,313,314,315,316,320,321,322,323,335,336,337,338,342,343,344,358,359,360,363,364,365,366,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +5481 - 107,108,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,205,206,207,208,209,227,228,229,249,250,251,271,272,273,293,294,295,315,316,317,337,338,339,340,360,361,362,377,382,383,384,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,448,490 +5482 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,116,117,118,120,121,122,123,124,125,126,140,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,384,385,386,387,388,389,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,466,467,468,469,488 +5483 - 8,9,10,11,29,30,31,32,33,51,52,53,54,72,73,74,75,94,95,96,115,116,117,118,136,137,138,139,149,150,151,158,159,160,161,169,170,171,172,173,174,180,181,182,189,190,191,192,193,194,195,196,202,203,204,211,212,213,214,215,216,217,218,219,223,224,225,226,232,233,234,235,236,238,239,240,245,246,247,254,255,256,260,261,262,267,268,269,275,276,277,278,282,283,284,288,289,290,291,296,297,298,302,303,304,305,310,311,312,313,318,319,320,321,322,323,324,325,326,332,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,491 +5484 - 11,12,13,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,95,96,97,98,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,203,204,205,213,214,225,226,227,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,303,304,305,306,313,314,315,325,326,327,335,336,337,346,347,348,349,358,359,360,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,491 +5485 - 98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,168,169,170,177,178,179,180,181,182,190,191,192,200,212,213,214,233,234,235,236,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,450,451,452,471,472,473,474,492 +5486 - 70,71,72,73,74,75,91,92,93,94,95,96,97,98,119,120,121,142,143,144,165,166,187,188,189,210,211,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,319,320,321,322,342,343,344,365,366,367,388,389,410,411,432,433,454,455,475,476,477,488 +5487 - 54,55,56,75,76,77,78,79,82,83,84,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,172,173,174,185,186,187,194,195,196,207,208,209,215,216,217,228,229,230,235,236,237,238,239,250,251,252,255,256,257,258,259,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,333,334,335,336,337,338,339,340,355,356,357,358,361,362,377,378,379,380,383,384,401,402,403,404,405,406,407,423,424,425,426,427,428,429,447,448,449,450,451,471,472,473,493 +5488 - 54,55,56,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,119,120,121,123,124,125,126,140,141,142,161,162,163,164,183,184,185,204,205,206,226,227,247,248,249,269,270,271,272,273,274,275,291,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,342,343,363,364,365,385,386,387,402,403,406,407,408,409,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,490 +5489 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,171,172,181,182,183,184,202,203,204,213,214,224,225,226,234,235,236,237,246,247,248,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,316,317,322,323,324,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,451,452,453,473,474,475,494 +5490 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,205,206,207,210,211,212,213,228,229,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,468,469,470,471,492 +5491 - 36,37,38,56,57,58,59,60,76,77,78,79,80,81,82,83,84,96,97,98,99,100,103,104,105,106,107,117,118,119,120,121,125,126,127,128,129,130,138,139,140,141,147,148,149,150,151,152,158,159,160,161,162,172,173,174,179,180,181,182,183,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,303,304,305,309,310,311,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,364,365,366,367,368,375,376,377,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,485 +5492 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,125,126,127,128,136,137,138,139,140,149,150,151,157,158,159,160,172,173,174,179,180,181,182,194,195,196,197,200,201,202,203,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,427,485 +5493 - 57,58,59,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,425,426,427,447,448,449,450,469,470,471,472,486 +5494 - 69,90,91,92,111,112,113,114,115,116,133,134,135,136,137,138,139,149,150,151,154,155,156,157,158,159,160,161,162,170,171,172,173,176,177,178,179,180,181,182,183,184,185,191,192,193,194,195,199,200,201,202,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,227,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,365,366,367,368,389,390,410,411,412,433,434,455,456,477,478,479,492 +5495 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,122,123,124,125,145,146,147,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,355,356,357,358,359,360,361,362,378,379,380,381,487 +5496 - 88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,134,135,142,143,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,301,302,303,324,325,346,347,348,368,369,370,390,391,392,411,412,413,433,434,435,455,456,457,475,476,477,478,488 +5497 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,92,93,99,100,101,121,122,123,143,144,145,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,257,258,259,260,272,280,281,282,302,303,304,305,325,326,327,346,347,348,366,367,368,369,370,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +5498 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,147,148,149,159,160,161,162,169,170,171,180,181,182,183,190,191,192,193,202,203,204,212,213,214,215,224,225,226,234,235,236,237,246,247,248,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +5499 - 94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,168,169,170,178,179,180,190,191,192,201,212,213,214,233,234,235,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,474,492 +5500 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,256,257,258,259,260,267,268,269,270,271,272,273,278,279,280,281,282,290,291,292,293,294,295,300,301,302,303,304,314,315,316,317,322,323,324,325,336,337,338,339,340,344,345,346,347,359,360,361,362,365,366,367,368,369,381,382,383,384,385,387,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,491 +5501 - 55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,126,127,128,129,141,142,143,148,149,150,151,162,163,164,165,168,169,170,171,172,173,184,185,186,189,190,191,192,193,194,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,450,468,469,470,471,493 +5502 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,149,159,160,161,162,166,167,168,169,170,171,181,182,183,187,188,189,190,191,202,203,204,208,209,210,211,212,224,225,226,230,231,232,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,291,292,293,294,295,296,297,313,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,473,474,475,476,493 +5503 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,149,150,158,159,160,161,172,179,180,181,182,193,194,195,201,202,203,212,213,214,215,216,217,222,223,224,233,234,235,236,237,238,244,245,246,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,321,322,323,324,334,335,336,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,472,473,474,494 +5504 - 35,36,37,38,56,57,58,59,60,61,62,78,79,83,84,85,95,96,97,100,101,106,107,115,116,117,118,119,120,122,123,128,129,137,138,139,141,142,144,145,150,151,159,160,163,164,165,173,174,180,181,182,185,186,187,195,196,202,203,204,207,208,217,218,223,224,225,229,230,238,239,245,246,247,260,261,267,268,269,282,283,289,290,291,304,305,311,312,313,325,326,327,333,334,335,347,348,356,357,358,368,369,370,378,379,380,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +5505 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,128,129,140,141,142,143,144,145,146,147,148,151,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,209,210,211,212,213,215,216,224,225,226,227,231,232,233,237,238,245,246,247,248,254,255,256,259,260,267,268,269,281,282,288,289,290,302,303,304,310,311,312,323,324,325,326,332,333,344,345,346,347,353,354,355,365,366,367,375,376,377,385,386,387,388,389,397,398,399,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,485 +5506 - 7,8,9,10,11,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,77,78,79,80,81,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,368,369,370,371,372,373,378,379,380,381,382,383,393,394,395,487 +5507 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,380,381,382,402,403,404,424,425,426,427,446,447,448,486 +5508 - 35,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,146,147,148,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,212,213,214,215,226,227,228,234,235,236,237,247,248,249,250,256,257,258,259,269,270,271,272,278,279,280,291,292,293,300,301,302,313,314,315,321,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,361,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +5509 - 7,8,9,10,11,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,99,100,101,102,123,124,125,145,146,147,168,169,190,191,212,213,233,234,235,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,423,424,487 +5510 - 31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,116,117,118,120,121,122,123,138,139,140,142,143,144,145,160,161,162,164,165,166,167,182,183,184,186,187,188,189,204,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,252,253,254,274,275,295,296,297,316,317,318,319,338,339,340,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,446,447,448,449,487 +5511 - 51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,145,146,147,158,167,168,169,188,189,190,191,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,301,302,303,323,324,325,345,346,347,366,367,368,369,386,387,388,389,390,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +5512 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,148,149,150,158,159,160,161,170,171,172,180,181,182,193,194,201,202,203,215,223,224,225,233,234,235,236,245,246,247,255,256,257,258,267,268,269,276,277,278,279,280,289,290,291,297,298,299,300,301,302,311,312,313,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,343,344,345,356,357,358,359,360,361,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +5513 - 117,118,119,120,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,208,213,214,225,226,234,235,236,256,257,258,278,279,280,300,301,302,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,492 +5514 - 51,52,53,73,74,75,76,83,94,95,96,97,104,105,106,115,116,117,118,119,125,126,127,128,136,137,138,139,140,147,148,149,150,158,159,160,161,169,170,171,172,180,181,182,183,190,191,192,193,194,201,202,203,204,212,213,214,215,216,223,224,225,226,234,235,236,237,245,246,247,248,252,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,338,339,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,489 +5515 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,129,130,142,143,144,163,164,165,166,185,186,187,194,195,196,197,207,208,209,212,213,214,215,216,217,218,219,229,230,231,232,233,234,235,236,237,238,239,240,241,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,332,333,334,335,336,337,338,339,340,354,355,356,357,360,361,362,376,377,382,383,398,399,400,401,402,403,404,405,420,421,422,423,424,425,426,427,442,443,444,445,446,447,448,465,466,467,468,469,493 +5516 - 35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,168,169,170,171,172,182,183,184,185,186,190,191,192,193,194,195,203,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,238,239,246,247,248,249,250,256,257,258,259,260,261,268,269,270,271,272,278,279,280,281,282,290,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,334,335,336,337,338,342,343,344,345,346,356,357,358,359,360,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +5517 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,146,147,148,149,150,158,159,160,170,171,172,180,181,191,192,193,194,201,202,203,211,212,213,214,215,216,223,224,225,226,227,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,278,279,280,292,293,294,295,296,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,494 +5518 - 82,83,102,103,104,105,117,118,119,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,195,196,209,210,211,212,215,216,217,218,231,232,233,234,235,236,237,238,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,338,339,340,341,359,360,361,381,382,383,402,403,404,405,424,425,426,446,447,448,468,469,470,492 +5519 - 73,74,75,76,77,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,143,144,156,157,158,159,160,161,165,166,178,179,180,181,186,187,188,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,281,282,293,294,303,304,325,326,327,347,348,368,369,370,390,391,392,411,412,413,428,429,432,433,434,435,450,451,452,453,454,455,456,472,473,474,475,476,477,488 +5520 - 55,58,59,60,61,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,150,151,152,153,158,159,160,161,164,173,174,175,179,180,181,182,183,195,196,197,201,202,203,204,217,218,219,223,224,225,226,238,239,240,241,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,310,311,312,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,358,367,368,369,370,377,378,379,380,381,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +5521 - 38,39,40,59,60,61,62,63,81,82,83,84,102,103,104,105,124,125,126,145,146,147,148,159,167,168,169,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,231,232,233,234,238,239,240,245,246,247,253,254,255,256,257,258,259,260,261,262,267,268,269,274,275,276,277,278,279,280,281,282,283,289,290,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,379,380,381,382,383,384,385,404,405,406,426,427,428,448,449,489 +5522 - 55,56,57,58,59,62,63,64,65,76,77,78,79,80,81,83,84,85,86,87,96,97,98,99,100,101,104,105,106,107,108,109,118,119,120,121,125,126,127,128,129,139,140,141,146,147,148,149,150,160,161,162,163,167,168,169,170,181,182,183,184,188,189,190,191,203,204,205,209,210,211,212,225,226,227,230,231,232,233,247,248,249,251,252,253,254,269,270,271,272,273,274,275,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,358,359,360,361,363,364,365,366,379,380,381,382,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,493 +5523 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,403,404,405,424,425,426,427,428,446,447,448,449,486 +5524 - 50,51,72,73,74,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,170,171,172,173,179,180,181,182,183,184,186,193,194,195,196,201,202,203,204,216,217,218,223,224,225,226,238,239,240,241,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,329,332,333,334,335,346,347,348,349,350,354,355,356,357,358,359,360,361,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,485 +5525 - 51,52,53,63,64,73,74,75,84,85,86,95,96,97,98,105,106,107,108,117,118,119,127,128,129,130,139,140,141,148,149,150,151,160,161,162,163,169,170,171,172,182,183,184,191,192,193,194,203,204,205,206,212,213,214,215,224,225,226,227,228,233,234,235,236,237,245,246,247,248,249,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,489 +5526 - 40,41,42,43,59,60,61,62,63,64,65,80,81,82,83,84,85,86,87,101,102,103,104,105,122,123,124,125,142,143,144,145,146,164,165,166,184,185,186,187,206,207,208,227,228,229,230,249,250,251,270,271,272,292,293,294,296,297,298,299,313,314,315,317,318,319,320,321,322,335,336,337,339,340,341,342,343,344,345,357,358,359,365,366,367,379,380,381,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,491 +5527 - 14,15,16,17,18,35,36,37,38,39,40,56,57,58,59,60,77,78,79,80,99,100,101,120,121,122,141,142,143,161,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,233,234,235,236,248,249,250,253,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,280,281,291,292,293,295,296,297,298,301,302,303,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,340,344,345,346,358,359,360,361,362,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +5528 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,116,117,118,119,120,121,138,139,140,141,142,161,162,163,183,184,185,186,205,206,207,208,229,230,231,251,252,253,254,274,275,276,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,490 +5529 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,191,192,193,194,195,203,204,205,206,207,212,213,214,215,216,217,225,226,227,228,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,281,282,283,290,291,292,296,297,298,299,300,302,303,304,305,312,313,314,318,319,320,322,323,324,325,326,334,335,336,337,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,491 +5530 - 34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,102,103,104,105,106,107,117,118,119,125,126,127,128,129,138,139,140,141,147,148,149,150,151,159,160,161,162,170,171,172,173,181,182,183,192,193,194,202,203,204,214,215,216,223,224,225,236,237,238,245,246,247,258,259,260,266,267,268,269,280,281,282,288,289,290,302,303,304,310,311,312,323,324,325,332,333,344,345,346,347,354,355,365,366,367,368,369,376,377,378,385,386,387,388,389,390,398,399,400,401,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +5531 - 101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,168,169,170,179,180,181,182,183,184,190,191,192,201,202,203,204,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,492 +5532 - 28,29,31,32,33,34,50,51,53,54,55,56,72,73,74,77,78,79,95,96,99,100,101,117,118,119,121,122,123,140,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,230,231,232,233,251,252,253,254,255,256,273,274,277,278,279,295,296,300,301,302,317,323,324,338,339,345,346,347,360,361,368,369,382,383,389,390,404,405,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +5533 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,122,123,124,135,136,137,143,144,145,146,157,158,164,165,166,167,168,179,180,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,271,272,276,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +5534 - 29,30,31,32,33,50,51,52,53,54,55,71,72,73,74,75,76,77,78,92,93,94,95,99,100,114,115,116,121,122,123,137,143,144,145,164,165,166,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,232,233,234,235,256,257,258,278,279,280,293,301,302,303,313,314,315,323,324,325,335,336,345,346,347,357,358,359,367,368,369,379,380,381,388,389,390,402,403,404,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,488 +5535 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,122,123,124,145,146,166,167,168,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,272,278,279,280,301,302,323,324,345,346,366,367,368,386,387,388,389,390,399,400,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +5536 - 33,34,54,55,56,76,77,78,98,99,100,120,121,122,141,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,429,430,431,432,433,451,452,453,454,486 +5537 - 48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,97,98,99,100,101,102,103,114,115,123,124,125,126,146,147,148,169,170,171,191,192,193,212,213,214,215,234,235,236,237,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,338,339,340,341,342,343,350,351,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,487 +5538 - 62,63,64,65,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,145,146,147,148,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,248,249,250,269,270,271,272,291,292,293,294,295,296,297,313,314,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,490 +5539 - 58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,356,357,358,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,429,430,447,448,449,450,451,452,470,471,472,473,486 +5540 - 27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,122,123,124,125,144,145,146,147,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,235,236,253,254,255,256,257,258,259,278,279,280,281,301,302,303,323,324,325,344,345,346,347,365,366,367,368,369,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +5541 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,168,169,170,182,183,184,185,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,473,494 +5542 - 96,97,98,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,147,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,193,194,195,196,197,201,202,203,218,219,222,223,224,240,241,244,245,262,263,266,267,283,284,285,288,289,304,305,306,307,310,311,324,325,326,327,328,332,333,334,335,336,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,485 +5543 - 19,20,40,41,42,62,63,64,84,85,86,105,106,107,118,127,128,129,139,140,141,149,150,151,161,162,163,170,171,172,173,182,183,184,185,191,192,193,194,203,204,205,206,207,212,213,214,215,216,224,225,226,227,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,427,428,429,489 +5544 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,138,139,146,147,148,160,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,320,321,322,342,343,344,363,364,365,384,385,386,387,405,406,407,408,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,471,488 +5545 - 95,96,97,98,99,100,101,102,103,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,170,171,172,173,178,179,180,181,182,191,192,193,194,200,201,202,212,213,214,215,223,233,234,235,236,237,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +5546 - 58,59,76,77,78,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,146,147,148,149,158,159,160,161,168,169,170,181,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,342,343,344,345,360,361,362,364,365,366,367,381,382,383,384,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,493 +5547 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,91,92,93,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,190,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,258,259,260,272,273,281,282,303,304,325,326,346,347,348,368,369,370,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +5548 - 52,53,74,75,96,97,118,119,120,140,141,142,162,163,164,184,185,186,206,207,208,228,229,230,231,251,252,253,273,274,275,296,297,298,318,319,320,321,341,342,343,364,365,386,387,388,408,409,410,431,432,454,455,476,477,486 +5549 - 141,142,143,144,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,211,212,213,214,215,216,225,226,227,247,248,249,250,251,270,271,272,273,293,294,295,296,297,317,318,319,340,341,342,362,363,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,490 +5550 - 57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,425,426,447,448,469,470,486 +5551 - 42,43,53,54,55,63,64,65,74,75,76,77,84,85,86,87,95,96,97,98,105,106,107,108,116,117,118,119,120,127,128,129,137,138,139,140,141,148,149,150,151,159,160,161,169,170,171,172,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,233,234,235,236,245,246,247,248,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,445,446,447,448,489 +5552 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,81,82,83,92,93,94,95,103,114,115,116,137,138,139,159,160,161,182,183,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,258,259,260,261,280,281,282,283,302,303,304,305,324,325,326,327,346,347,348,357,358,367,368,369,370,379,380,388,389,390,391,401,402,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,490 +5553 - 100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,171,172,173,181,182,183,184,185,192,193,194,202,203,204,205,213,214,215,223,224,225,226,234,235,236,237,245,246,247,248,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,494 +5554 - 163,164,165,166,167,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,239,240,243,244,245,261,262,266,267,268,283,284,289,290,304,305,306,325,326,327,346,347,348,367,368,369,388,389,390,409,410,411,431,432,492 +5555 - 37,38,39,59,60,61,80,81,82,83,102,103,104,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,445,446,447,486 +5556 - 30,31,51,52,53,59,60,61,72,73,74,80,81,82,93,94,95,102,103,104,115,116,117,124,125,126,136,137,138,146,147,148,158,159,160,168,169,170,180,181,182,190,191,192,202,203,204,212,213,214,224,225,226,234,235,236,246,247,248,256,257,258,269,270,271,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,489 +5557 - 35,36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +5558 - 63,64,65,83,84,85,86,100,101,103,104,105,106,107,108,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,183,184,185,186,187,205,206,207,208,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,300,301,302,321,322,323,324,343,344,345,363,364,365,366,377,384,385,386,387,388,398,399,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,465,466,467,468,469,490 +5559 - 33,34,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,123,124,125,126,127,128,139,140,141,142,146,147,148,149,150,161,162,163,164,170,171,172,183,184,185,192,193,194,204,205,206,207,214,215,216,217,225,226,227,228,236,237,238,239,247,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,312,313,314,315,323,324,325,334,335,336,343,344,345,346,347,356,357,358,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,447,448,449,450,485 +5560 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,145,146,147,148,161,162,163,167,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,210,211,212,213,214,215,225,226,227,232,233,234,235,236,237,246,247,248,254,255,256,257,258,268,269,270,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,361,362,363,383,384,404,405,406,426,427,428,448,449,450,470,471,472,494 +5561 - 56,57,58,59,60,78,79,80,81,82,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,486 +5562 - 54,55,56,57,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,145,146,147,148,149,158,159,160,161,162,167,168,169,170,171,172,179,180,181,182,183,189,190,191,192,193,194,201,202,203,204,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,258,259,260,268,269,270,271,272,273,274,275,276,280,281,282,301,302,303,304,323,324,325,326,345,346,347,348,360,365,366,367,368,369,381,382,383,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,494 +5563 - 60,61,81,82,83,84,102,103,104,105,106,118,124,125,126,127,139,140,145,146,147,148,161,162,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,225,226,227,231,232,233,247,248,249,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,338,339,340,360,361,362,381,382,383,403,404,405,424,425,426,446,447,467,468,469,489 +5564 - 29,30,32,33,34,50,51,52,54,55,56,57,58,72,73,78,79,80,81,93,94,95,102,103,104,115,116,125,126,137,138,148,149,159,160,170,171,172,181,182,193,194,203,204,215,216,225,226,237,238,247,248,259,260,269,270,281,282,291,292,302,303,304,313,314,315,324,325,326,336,337,346,347,358,359,360,367,368,369,381,382,383,389,390,391,404,405,406,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,485 +5565 - 9,10,11,12,31,32,33,34,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,148,161,162,163,164,168,169,170,171,183,184,185,188,189,190,191,192,193,194,204,205,206,207,209,210,211,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,258,259,260,269,270,271,272,274,275,276,280,281,282,291,292,293,295,296,297,302,303,304,313,314,315,317,318,319,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +5566 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,99,100,101,102,103,104,105,113,114,115,116,117,118,122,123,124,125,126,127,134,135,136,137,138,145,146,147,148,149,150,156,157,158,159,160,168,169,170,171,172,173,178,179,180,181,191,192,193,194,195,199,200,201,202,203,214,215,216,217,222,223,224,225,236,237,238,239,240,244,245,246,247,258,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,291,302,303,304,305,310,311,312,313,314,324,325,326,327,333,334,335,336,346,347,348,349,355,356,357,358,359,360,367,368,369,370,378,379,380,381,382,383,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,485 +5567 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,165,166,170,171,172,183,184,185,186,192,193,194,204,205,206,207,208,214,215,216,225,226,227,228,229,236,237,238,247,248,249,250,258,259,260,268,269,270,271,272,279,280,281,290,291,292,293,300,301,302,303,311,312,313,314,315,322,323,324,325,333,334,335,336,343,344,345,346,355,356,357,362,363,364,365,366,367,368,377,378,379,380,381,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +5568 - 77,78,79,98,99,100,101,119,120,121,140,141,142,143,153,161,162,163,164,173,174,175,182,183,184,194,195,196,203,204,205,216,217,218,224,225,226,237,238,239,245,246,247,258,259,260,266,267,268,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,321,322,323,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,449,450,451,489 +5569 - 10,11,12,13,14,31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,79,80,81,82,97,98,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,367,368,369,370,371,372,377,378,379,380,381,382,383,384,392,393,399,400,401,402,403,404,421,422,423,424,487 +5570 - 115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,172,184,188,189,190,191,192,193,194,213,214,215,234,235,236,237,256,257,258,277,278,279,298,299,300,301,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,492 +5571 - 82,83,84,85,86,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,204,205,206,207,226,227,228,248,249,250,270,271,272,273,293,294,295,296,316,317,318,339,340,341,361,362,363,384,385,386,406,407,408,427,428,429,430,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,473,490 +5572 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,138,139,140,144,145,146,147,166,167,168,187,188,189,190,206,207,208,209,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,275,276,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,472,473,488 +5573 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,78,79,80,94,95,96,101,102,117,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,323,324,325,326,335,336,337,338,340,341,342,343,347,357,358,359,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,487 +5574 - 29,30,31,32,50,51,52,53,54,55,72,73,74,75,76,77,97,98,99,120,121,142,143,163,164,165,185,186,187,207,208,209,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,340,341,342,343,362,363,364,365,385,386,387,388,407,408,409,410,430,431,432,453,454,486 +5575 - 35,36,55,56,57,58,59,76,77,78,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +5576 - 57,72,73,79,94,95,101,102,116,117,123,124,138,139,145,146,160,161,167,168,182,183,189,190,204,205,211,212,226,227,233,234,248,249,255,256,270,271,277,278,292,293,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,344,345,359,366,367,388,389,410,411,432,433,454,455,476,477,489 +5577 - 95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,202,203,204,211,212,213,214,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,492 +5578 - 33,34,35,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,486 +5579 - 75,76,77,78,97,98,99,100,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,256,257,258,259,267,268,269,270,279,280,281,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,385,386,387,388,405,406,407,408,409,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,490 +5580 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,104,105,115,116,117,118,119,124,125,126,127,128,136,137,138,139,140,146,147,148,149,150,158,159,160,161,171,172,179,180,181,182,193,194,195,201,202,203,215,216,217,223,224,225,238,239,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,326,327,328,333,334,335,336,348,349,350,356,357,358,370,371,372,378,379,380,381,382,391,392,393,401,402,403,404,405,406,407,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,485 +5581 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,92,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,165,172,173,174,181,182,183,184,185,193,194,195,196,202,203,204,205,206,215,216,217,218,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,261,266,267,268,269,278,279,280,281,282,288,289,290,291,300,301,302,303,304,309,310,311,312,320,321,322,323,324,325,331,332,333,334,339,340,341,342,343,344,345,346,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,485 +5582 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,126,127,128,129,130,135,136,137,138,139,149,150,151,152,156,157,158,159,160,171,172,173,174,178,179,180,193,194,195,196,200,201,202,215,216,217,218,221,222,223,224,237,238,239,240,243,244,245,246,259,260,261,265,266,267,268,281,282,283,287,288,289,290,302,303,304,305,309,310,311,312,324,325,326,327,332,333,334,335,346,347,348,354,355,356,357,358,367,368,369,370,376,377,378,379,380,381,382,383,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +5583 - 36,37,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,152,160,161,162,163,164,165,166,171,172,173,174,180,181,182,183,184,185,186,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,236,237,238,239,240,244,245,246,247,248,249,257,258,259,260,261,266,267,268,269,270,278,279,280,281,282,283,288,289,290,291,300,301,302,303,304,305,309,310,311,312,321,322,323,324,325,326,331,332,333,334,341,342,343,344,345,346,347,348,353,354,355,356,357,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,485 +5584 - 57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,120,121,123,124,125,140,141,142,145,146,147,148,161,162,163,168,169,170,182,183,184,190,191,204,205,211,212,213,225,226,227,232,233,234,247,248,253,254,255,256,269,270,274,275,276,277,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,341,342,362,363,364,384,385,386,406,407,408,428,429,450,451,452,453,454,473,474,475,476,494 +5585 - 8,9,10,30,31,32,33,34,35,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,101,102,103,104,124,125,126,127,147,148,149,169,170,171,172,191,192,193,194,213,214,215,216,235,236,237,238,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,319,320,321,322,323,328,331,332,333,334,335,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,487 +5586 - 103,104,105,125,126,127,145,146,147,148,154,155,156,157,158,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,212,213,214,234,235,236,256,257,258,278,279,280,300,301,322,323,344,345,366,367,388,389,410,411,432,433,454,455,476,477,478,492 +5587 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,100,101,102,103,114,115,116,122,123,124,125,143,144,145,146,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,229,230,231,232,234,235,236,237,257,258,259,279,280,281,301,302,303,304,311,322,323,324,325,343,344,345,346,347,357,358,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,488 +5588 - 9,10,11,12,31,32,33,34,55,56,57,78,79,100,101,122,123,144,145,146,166,167,168,188,189,190,202,203,204,205,210,211,212,224,225,226,227,228,229,232,233,234,246,247,249,250,251,252,253,254,255,256,268,269,273,274,275,276,277,278,290,291,297,298,299,300,301,302,312,313,320,321,322,323,324,325,326,327,328,334,335,336,341,342,343,345,346,347,348,349,350,351,357,358,359,362,363,364,372,373,380,381,382,383,384,385,402,403,404,405,406,487 +5589 - 96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,169,170,171,172,173,180,181,182,183,184,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,492 +5590 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,166,167,168,169,170,171,172,173,174,178,179,180,181,182,191,192,193,194,195,196,200,201,202,203,215,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,323,324,325,326,327,328,332,333,334,335,336,345,346,347,348,349,350,354,355,356,357,358,365,366,367,368,369,370,371,376,377,378,379,380,381,382,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,485 +5591 - 13,14,15,16,34,35,36,37,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,211,212,226,227,228,231,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,280,281,290,291,292,293,295,296,297,298,301,302,303,312,313,314,317,318,319,323,324,325,334,335,336,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,491 +5592 - 73,74,75,76,77,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,135,136,137,138,143,144,145,157,158,159,167,178,179,180,194,195,199,200,201,202,216,217,221,222,223,238,239,243,244,245,259,260,261,265,266,267,268,280,281,282,283,284,288,289,290,291,292,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,326,327,328,334,335,336,337,338,339,340,341,348,349,350,370,371,372,392,393,394,414,415,416,436,437,438,458,459,460,480,481,482,494 +5593 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,147,148,149,160,161,162,163,164,170,171,182,183,184,185,192,193,204,205,206,213,214,215,216,225,226,227,234,235,236,237,247,248,249,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,494 +5594 - 54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,134,135,136,137,156,157,158,159,179,180,181,201,202,203,204,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,282,290,291,292,293,302,303,304,305,313,314,325,326,327,347,348,349,369,370,371,390,391,392,393,405,406,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,473,474,475,476,477,490 +5595 - 58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,172,173,184,185,186,187,188,189,193,194,195,205,206,207,208,209,210,214,215,216,217,227,228,229,230,231,234,235,236,237,238,250,251,252,253,255,256,257,258,259,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,312,313,315,316,317,318,319,320,333,334,335,336,337,338,339,340,354,355,356,357,358,359,360,361,375,376,377,378,379,382,383,384,397,398,399,400,404,405,406,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,470,471,493 +5596 - 8,9,10,11,12,13,30,31,32,33,34,35,36,53,54,55,56,57,58,59,79,80,81,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,487 +5597 - 76,77,78,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,169,170,171,182,183,184,185,186,190,191,192,193,204,205,206,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,472,492 +5598 - 53,54,55,56,57,73,74,75,76,77,78,79,80,81,93,94,95,96,97,100,101,102,103,115,116,117,118,122,123,124,125,136,137,138,139,145,146,147,158,159,160,166,167,168,180,181,182,188,189,190,202,203,204,205,206,207,209,210,211,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,274,275,276,277,278,279,295,296,297,299,300,301,302,317,318,319,322,323,324,339,340,341,345,346,347,360,361,362,367,368,369,382,383,384,390,391,405,406,411,412,413,427,428,429,431,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,493 +5599 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,126,127,128,140,141,142,149,161,162,163,164,174,175,183,184,185,194,195,196,197,205,206,207,214,215,216,217,218,219,228,229,234,235,236,237,238,239,240,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,361,362,377,378,379,380,382,383,384,399,400,401,404,405,406,421,422,423,425,426,427,428,443,444,445,446,447,448,449,466,467,468,469,470,471,493 +5600 - 29,30,31,32,51,52,53,54,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,148,149,150,151,159,160,161,162,163,171,172,173,174,180,181,182,183,184,194,195,196,202,203,204,205,206,216,217,218,219,224,225,226,227,238,239,240,241,246,247,248,249,260,261,262,268,269,270,271,282,283,284,290,291,292,293,304,305,306,312,313,314,315,326,327,328,334,335,336,337,338,348,349,350,357,358,359,360,369,370,371,372,379,380,381,382,383,384,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,485 +5601 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,128,129,130,140,141,142,143,144,151,152,161,162,163,164,165,173,174,182,183,184,185,190,191,194,195,196,204,205,206,211,212,213,214,216,217,225,226,227,232,233,234,235,236,237,238,239,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,467,468,469,470,494 +5602 - 71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,114,115,116,121,122,123,124,125,135,136,137,145,146,147,148,157,158,159,167,168,169,170,179,180,181,188,189,190,191,201,202,203,204,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,254,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,433,434,450,451,452,453,454,455,456,472,473,474,475,476,477,494 +5603 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,122,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,278,279,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,371,378,379,380,381,382,383,384,400,401,402,403,404,405,421,422,423,424,425,426,427,444,445,446,447,487 +5604 - 72,73,93,94,95,115,116,117,127,128,137,138,139,148,149,150,158,159,160,161,170,171,180,181,182,183,192,193,202,203,204,213,214,215,224,225,226,235,236,237,238,246,247,248,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,322,323,324,337,338,344,345,346,366,367,368,388,389,390,410,411,432,433,454,455,476,477,489 +5605 - 9,10,29,30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,100,101,102,103,123,124,125,126,146,147,148,149,169,170,171,191,192,193,194,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,298,299,300,301,302,303,304,305,306,307,311,312,313,314,319,320,321,322,323,333,334,335,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,487 +5606 - 51,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,121,122,123,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,234,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,488 +5607 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,148,149,160,161,162,163,170,171,172,181,182,183,184,192,193,194,203,204,205,213,214,215,216,217,225,226,227,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,298,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,378,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +5608 - 34,35,55,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,428,448,449,450,486 +5609 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,168,169,170,171,179,180,181,182,183,189,190,191,192,193,200,201,202,203,210,211,212,213,214,215,222,223,224,230,231,232,233,235,236,237,244,245,251,252,253,257,258,259,266,267,268,269,270,271,272,273,274,278,279,280,288,289,290,291,292,293,294,300,301,302,311,312,313,314,315,321,322,323,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,494 +5610 - 35,36,55,56,57,58,76,77,78,79,80,97,98,99,100,101,119,120,122,123,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,229,230,231,251,252,253,273,274,275,276,295,296,297,298,317,318,319,320,321,339,340,341,342,343,361,362,364,365,366,383,384,385,386,387,388,405,406,407,409,410,428,429,430,431,432,451,452,453,454,493 +5611 - 98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,251,252,253,270,271,272,274,275,276,297,298,319,320,321,340,341,342,354,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,490 +5612 - 58,59,60,61,79,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +5613 - 62,63,75,76,83,84,85,97,98,105,106,107,118,119,120,121,126,127,128,129,140,141,142,148,149,150,162,163,164,169,170,171,172,183,184,185,186,191,192,193,194,204,205,206,207,213,214,215,226,227,228,234,235,236,246,247,248,249,250,256,257,258,268,269,270,277,278,279,280,281,282,283,284,285,289,290,291,292,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,363,364,365,376,377,378,379,380,385,386,387,407,408,430,489 +5614 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,120,121,122,123,124,134,135,136,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,417,433,434,435,436,437,487 +5615 - 62,63,64,83,84,85,86,94,95,96,105,106,107,108,116,117,118,126,127,128,138,139,140,147,148,149,150,159,160,161,162,168,169,170,171,180,181,182,183,189,190,191,192,202,203,204,210,211,212,213,223,224,225,226,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,470,471,489 +5616 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,123,124,125,135,136,137,145,146,147,157,158,167,168,169,180,184,185,188,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,321,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,367,368,369,370,380,381,382,383,389,390,391,392,401,402,403,404,405,411,412,413,414,424,425,426,427,428,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,493 +5617 - 75,76,86,87,97,98,107,108,109,118,119,120,128,129,130,131,139,140,141,142,149,150,151,152,161,162,163,170,171,172,173,182,183,184,192,193,194,203,204,205,206,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,250,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,450,469,470,471,489 +5618 - 10,11,12,32,33,34,35,55,56,57,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,274,275,276,277,278,279,280,281,282,283,291,292,293,296,297,298,302,303,304,312,313,314,315,318,319,320,334,335,336,337,339,340,341,356,357,358,359,360,361,362,363,379,380,381,382,383,402,403,404,405,487 +5619 - 40,41,58,59,60,62,63,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,152,161,162,163,164,165,166,172,173,174,182,183,184,185,186,187,194,195,196,203,204,205,206,207,208,216,217,225,226,227,228,237,238,239,246,247,248,249,250,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,302,303,304,311,312,313,323,324,325,333,334,335,344,345,346,347,354,355,356,357,364,365,366,367,368,369,376,377,378,379,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +5620 - 13,14,15,34,35,36,37,56,57,58,77,78,79,99,100,101,120,121,122,142,143,164,165,185,186,187,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,278,279,294,295,300,301,316,317,322,323,338,339,343,344,345,360,361,365,366,367,382,383,386,387,388,404,405,406,407,408,409,426,427,428,429,430,491 +5621 - 38,39,40,56,57,58,60,61,62,77,78,79,80,82,83,84,98,99,100,101,102,105,106,119,120,121,122,123,124,127,128,129,140,141,142,143,144,149,150,162,163,164,165,170,171,172,183,184,185,186,187,192,193,194,204,205,206,207,208,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,251,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,303,312,313,314,315,320,321,322,323,324,334,335,336,341,342,343,344,345,356,357,358,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +5622 - 58,59,72,73,80,81,93,94,95,102,103,115,116,117,124,125,136,137,138,139,146,147,158,159,160,168,169,180,181,182,190,191,202,203,204,212,213,224,225,226,234,235,246,247,248,249,256,257,258,269,270,271,272,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,367,368,389,390,391,411,412,413,433,434,435,455,456,457,478,479,489 +5623 - 100,101,102,103,104,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,168,169,172,173,174,175,180,181,182,183,193,194,195,196,197,202,203,204,212,213,214,215,216,217,218,224,225,232,233,234,235,236,237,238,246,247,248,252,253,254,255,256,257,258,268,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,356,357,358,359,360,361,362,378,379,380,381,383,384,400,401,402,404,405,406,422,423,424,425,426,427,428,444,445,446,447,448,449,468,469,493 +5624 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,126,127,134,135,136,137,138,148,149,156,157,158,159,170,171,172,173,174,178,179,180,181,192,193,194,195,196,201,202,203,204,205,206,207,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,315,316,317,318,322,323,324,325,326,327,337,338,339,346,347,348,349,359,360,361,370,371,372,380,381,382,383,392,393,394,402,403,404,405,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,493 +5625 - 11,12,13,32,33,34,54,55,56,75,76,77,97,98,99,119,120,140,141,142,161,162,163,183,184,185,193,194,204,205,206,213,214,215,216,226,227,234,235,236,237,238,239,247,248,249,255,256,257,258,259,260,269,270,271,277,278,279,281,282,291,292,299,300,301,302,303,304,312,313,314,321,322,323,324,325,334,335,336,342,343,344,345,346,357,358,359,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +5626 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,106,107,108,109,117,118,119,120,121,124,127,128,129,130,131,140,141,142,143,148,149,150,151,152,163,164,165,166,168,169,170,171,172,173,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,334,335,336,337,341,342,343,356,357,358,359,362,363,364,365,377,378,379,380,384,385,386,399,400,401,402,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,466,467,468,469,470,493 +5627 - 11,12,13,32,33,34,35,53,54,55,56,75,76,77,96,97,98,117,118,119,120,139,140,141,160,161,162,181,182,183,184,203,204,205,213,214,215,216,225,226,227,232,233,234,235,236,237,238,247,248,253,254,255,256,257,258,259,260,269,270,274,275,276,277,278,279,280,281,282,290,291,292,295,296,297,298,303,304,305,312,313,314,317,318,319,325,326,335,336,337,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +5628 - 31,32,33,52,53,54,55,56,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,146,147,148,149,150,160,161,162,170,171,172,173,181,182,183,184,193,194,195,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,293,302,303,304,305,313,314,315,323,324,325,326,327,335,336,337,338,344,345,346,347,348,358,359,360,361,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +5629 - 80,81,82,83,84,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,149,150,163,164,165,166,171,172,184,185,186,206,207,208,216,227,228,229,234,235,236,237,238,239,249,250,251,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,315,316,317,318,319,320,336,337,338,339,340,358,359,360,361,362,380,381,382,383,384,402,403,405,406,424,425,427,428,446,447,448,449,450,468,469,470,471,472,493 +5630 - 23,24,25,26,27,45,46,47,48,49,50,51,68,69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,171,187,188,189,190,191,192,193,209,210,211,212,213,214,215,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,347,348,364,365,366,367,368,369,370,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,488 +5631 - 103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,183,184,185,186,204,205,206,226,227,228,248,249,250,251,271,272,273,274,294,295,296,297,318,319,320,341,342,343,354,355,364,365,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,490 +5632 - 78,79,80,81,82,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,469,470,471,472,486 +5633 - 38,39,40,41,59,60,61,62,63,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +5634 - 35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,98,99,100,101,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,187,188,206,207,208,209,210,211,227,228,229,230,232,233,234,249,250,251,255,256,257,271,272,273,277,278,279,293,294,295,299,300,301,315,316,317,320,321,322,323,337,338,342,343,344,359,360,363,364,365,366,381,382,383,385,386,387,403,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,491 +5635 - 93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,165,166,167,168,169,170,171,172,178,179,180,191,192,193,201,212,213,214,215,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,469,470,471,492 +5636 - 31,32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,117,118,119,123,124,125,126,139,140,141,145,146,147,148,161,162,163,167,168,169,183,184,185,188,189,190,191,205,206,207,208,210,211,212,228,229,230,231,232,233,251,252,253,254,255,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,323,338,339,340,341,343,344,345,346,360,361,362,366,367,368,382,383,384,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,493 +5637 - 36,37,38,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,104,105,106,107,108,117,118,119,120,121,122,123,127,128,129,130,138,139,140,141,142,143,144,149,150,151,152,159,160,161,162,163,172,173,180,181,182,183,194,195,201,202,203,204,216,217,222,223,224,225,238,239,244,245,246,260,261,265,266,267,282,283,287,288,289,303,304,309,310,311,325,326,327,331,332,333,346,347,348,353,354,355,356,368,369,370,376,377,378,379,380,381,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,485 +5638 - 12,13,14,15,33,34,35,36,37,38,53,54,55,56,59,60,74,75,76,77,96,97,98,117,118,119,138,139,140,160,161,162,182,183,204,205,209,210,211,212,213,214,225,226,227,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,257,258,259,270,271,272,273,274,280,281,292,293,294,295,301,302,303,314,315,316,323,324,325,336,337,338,344,345,346,347,358,359,360,365,366,367,368,380,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +5639 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,93,100,101,102,103,123,124,125,145,146,147,167,168,169,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,323,324,325,345,346,347,366,367,368,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +5640 - 43,54,55,64,65,74,75,76,77,78,79,84,85,86,87,95,96,97,98,99,100,101,105,106,107,108,115,116,117,118,119,120,123,126,127,128,129,137,138,139,140,147,148,149,150,159,160,161,169,170,171,172,182,183,184,190,191,192,193,204,205,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,342,343,344,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,493 +5641 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,98,99,100,101,102,119,120,121,122,139,140,141,142,143,150,151,160,161,162,163,164,171,172,173,174,181,182,183,184,185,190,191,192,193,194,195,196,202,203,204,205,206,211,212,213,214,215,216,217,218,224,225,226,227,231,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,267,268,269,273,274,275,276,277,278,281,282,283,288,289,290,291,295,296,297,298,299,302,303,304,305,310,311,312,313,316,317,318,319,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,491 +5642 - 46,47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,113,114,119,120,121,122,123,124,144,145,146,147,167,168,169,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,336,337,338,339,358,359,360,361,362,363,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,417,428,429,430,431,432,433,434,435,436,437,438,439,487 +5643 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,145,146,147,148,149,150,151,152,157,158,159,160,161,162,169,170,171,172,173,174,179,180,181,182,183,192,193,194,195,196,201,202,203,204,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,466,467,468,469,470,492 +5644 - 95,96,97,98,116,117,118,119,120,137,138,139,142,145,146,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,209,210,211,212,213,224,225,230,231,232,234,235,246,247,251,252,253,256,257,268,269,270,271,272,273,274,278,291,292,293,294,295,299,300,322,323,344,345,365,366,367,387,388,409,410,431,432,453,454,475,476,494 +5645 - 55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,141,142,143,147,148,163,164,165,169,170,184,185,186,187,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,319,336,337,339,340,341,357,358,359,362,363,379,380,381,383,384,385,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,469,470,471,493 +5646 - 101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,168,169,181,182,183,189,190,191,203,204,205,211,212,213,226,227,228,233,234,235,248,249,250,254,255,256,271,272,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +5647 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,98,99,100,101,117,122,123,124,144,145,146,166,167,168,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,278,279,280,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,384,385,386,387,388,405,406,407,408,409,425,426,427,428,429,430,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +5648 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,121,122,123,124,125,137,138,139,140,141,144,145,146,147,148,159,160,161,162,163,167,168,169,170,171,181,182,183,184,185,191,192,193,203,204,205,206,213,214,215,216,224,225,226,227,228,236,237,238,246,247,248,249,258,259,260,261,268,269,270,271,281,282,283,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,347,348,349,356,357,358,359,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +5649 - 36,37,38,58,59,60,80,81,82,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +5650 - 3,4,5,6,25,26,27,28,29,30,50,51,52,53,54,74,75,76,77,98,99,100,121,122,123,144,145,146,167,168,189,190,211,212,233,234,255,256,276,277,278,290,291,292,293,294,295,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,365,366,367,368,369,370,371,372,373,379,380,381,382,383,391,392,393,394,395,487 +5651 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,103,104,105,125,126,127,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,207,208,209,210,211,212,213,229,230,231,232,233,234,235,254,255,256,257,258,278,279,280,301,302,303,323,324,325,344,345,346,347,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,440,441,442,443,444,445,446,447,448,488 +5652 - 13,14,15,16,17,18,19,20,32,33,34,35,36,37,38,39,40,41,42,53,54,55,56,57,58,59,74,75,76,77,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,181,182,183,203,204,205,225,226,227,247,248,249,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,319,322,323,324,325,326,336,337,338,339,346,347,348,349,358,359,360,361,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,491 +5653 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,127,128,129,139,140,141,142,143,144,145,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,191,192,193,195,203,204,205,212,213,214,215,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,298,299,300,301,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,494 +5654 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,255,256,257,258,270,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,494 +5655 - 140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,210,211,213,225,226,227,245,246,247,248,267,268,269,270,271,272,273,274,275,289,290,291,292,293,294,295,296,297,298,299,320,321,322,342,343,344,357,358,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,425,426,427,428,429,490 +5656 - 48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,122,123,124,125,144,145,146,147,164,165,166,167,168,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,258,259,260,261,281,282,283,303,304,305,326,327,334,335,336,347,348,349,356,357,358,368,369,370,371,378,379,390,391,392,393,400,401,402,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,488 +5657 - 78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,161,162,163,164,168,169,170,182,183,184,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,229,230,231,232,234,235,236,247,248,249,250,251,252,253,255,256,257,269,270,271,272,273,277,278,279,291,292,293,298,299,300,320,321,322,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +5658 - 76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,141,145,146,147,159,160,161,162,167,168,169,180,181,182,183,189,190,191,202,203,204,210,211,212,213,224,225,226,232,233,234,235,246,247,248,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,315,316,317,318,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +5659 - 78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,146,147,161,162,163,164,165,167,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,426,427,428,448,449,450,451,470,471,472,473,494 +5660 - 4,5,6,7,8,9,10,11,25,26,27,28,29,30,31,32,33,34,46,47,48,49,54,55,56,57,68,69,70,77,78,79,80,90,91,100,101,102,103,112,113,114,123,124,125,145,146,147,148,168,169,170,190,191,192,193,213,214,215,235,236,237,248,249,250,257,258,259,260,269,270,271,272,273,274,280,281,282,291,292,293,294,295,296,297,302,303,304,313,314,317,318,319,320,323,324,325,326,335,336,340,341,342,343,344,345,346,347,348,357,358,359,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,487 +5661 - 58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,140,141,142,143,144,145,161,162,163,164,165,182,183,184,185,204,205,206,207,226,227,228,229,230,249,250,251,252,253,273,274,275,276,296,297,298,318,319,320,321,332,333,341,342,343,354,355,356,363,364,365,366,376,377,378,379,380,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,490 +5662 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,103,104,105,106,107,115,116,117,118,119,120,127,128,129,130,137,138,139,140,150,151,152,158,159,160,161,173,174,175,179,180,181,182,195,196,197,201,202,203,217,218,219,222,223,224,225,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,310,311,312,324,325,326,327,328,332,333,334,345,346,347,348,349,354,355,356,357,358,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,485 +5663 - 37,38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,129,130,131,141,142,143,144,145,146,147,148,152,153,161,162,163,164,165,166,167,174,175,182,183,184,185,186,187,196,197,203,204,205,206,207,219,224,225,226,227,228,240,241,245,246,247,248,249,262,263,266,267,268,269,270,283,284,285,288,289,290,291,304,305,306,310,311,312,325,326,327,332,333,345,346,347,348,349,354,355,356,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,485 +5664 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,122,123,124,140,141,145,146,162,163,164,167,168,184,185,186,188,189,190,207,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,276,277,278,294,295,299,300,301,315,316,317,321,322,323,324,337,338,344,345,346,359,360,366,367,368,381,382,387,388,389,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,432,449,450,451,452,453,493 +5665 - 64,65,74,75,76,85,86,87,96,97,98,107,108,109,117,118,119,128,129,130,138,139,140,141,150,151,152,159,160,161,162,171,172,173,180,181,182,183,192,193,194,195,201,202,203,204,205,210,211,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,298,299,300,301,310,311,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,471,472,489 +5666 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,123,124,125,126,138,139,140,145,146,147,148,160,161,167,168,169,170,181,182,183,189,190,191,203,204,205,211,212,213,225,226,232,233,234,247,248,254,255,256,269,270,276,277,278,291,292,293,294,296,297,298,299,300,314,315,316,317,318,319,320,321,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,473,474,494 +5667 - 31,32,33,34,52,53,54,55,56,57,74,75,77,78,79,80,100,101,102,122,123,124,143,144,145,146,164,165,166,167,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,256,257,258,279,280,281,301,302,303,323,324,325,344,345,346,364,365,366,367,368,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +5668 - 30,31,32,52,53,54,73,74,75,76,95,96,97,98,104,105,106,116,117,118,119,120,126,127,128,137,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,180,181,182,183,184,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,233,234,235,236,237,245,246,247,248,249,250,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,363,364,365,366,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,452,453,454,489 +5669 - 38,39,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,127,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +5670 - 73,74,75,76,77,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,143,144,145,146,147,148,156,157,158,159,160,166,167,168,169,170,178,179,180,181,189,190,191,192,200,201,202,210,211,212,213,214,222,223,224,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,278,279,280,281,290,291,292,293,294,295,296,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +5671 - 75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,169,170,171,191,192,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,492 +5672 - 10,11,12,32,33,34,54,55,76,77,97,98,99,119,120,121,141,142,143,163,164,184,185,186,206,207,208,228,229,230,250,251,252,272,273,274,277,278,279,294,295,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,338,339,340,341,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +5673 - 17,18,19,38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,100,101,102,103,104,105,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,188,205,206,207,208,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,321,322,323,334,335,336,337,338,339,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,491 +5674 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,73,74,75,76,77,95,96,97,98,99,117,118,119,120,121,139,140,141,142,143,161,162,163,164,165,183,184,185,186,189,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +5675 - 36,37,38,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,128,129,130,140,141,142,143,144,145,150,151,152,161,162,163,164,165,166,172,173,174,182,183,184,185,186,187,188,194,195,196,203,204,205,206,207,208,209,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,249,260,261,262,266,267,268,269,270,281,282,283,284,287,288,289,290,291,302,303,304,305,309,310,311,312,322,323,324,325,326,327,331,332,333,341,342,343,344,345,346,347,348,353,354,355,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,444,445,485 +5676 - 34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,117,118,119,120,138,139,140,141,160,161,162,181,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,257,258,259,279,280,281,301,302,303,322,323,324,325,343,344,345,346,364,365,366,367,368,384,385,386,387,388,389,400,401,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,490 +5677 - 37,38,39,58,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,426,444,445,446,447,486 +5678 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,161,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,257,273,274,275,276,277,278,279,280,294,295,296,297,299,300,301,302,303,315,316,317,318,319,322,323,324,325,336,337,338,339,340,345,346,347,357,358,359,360,361,366,367,368,369,378,379,380,381,382,387,388,389,390,391,400,401,402,403,408,409,410,411,412,422,423,424,425,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +5679 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,129,130,138,139,140,141,142,143,144,145,151,152,159,160,161,162,163,164,165,166,173,174,182,183,184,185,194,195,196,216,217,218,237,238,239,259,260,261,280,281,282,300,301,302,303,304,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,409,410,411,412,419,420,421,422,423,424,425,426,432,433,434,441,442,443,444,445,446,455,487 +5680 - 76,77,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,144,145,146,156,157,158,159,160,166,167,168,178,179,180,188,189,190,200,201,210,211,212,222,223,231,232,233,234,245,253,254,255,256,274,275,276,277,296,297,298,307,317,318,319,320,327,328,329,339,340,341,345,346,347,348,349,350,351,360,361,362,363,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,426,427,428,429,430,487 +5681 - 30,31,32,33,34,35,36,37,38,39,49,50,51,52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,83,84,85,91,92,93,94,95,105,106,107,112,113,114,126,127,128,129,135,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,279,280,281,282,303,304,305,326,327,347,348,349,368,369,370,371,375,376,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,488 +5682 - 70,71,72,92,93,94,100,101,115,116,117,121,122,123,124,137,138,139,144,145,146,159,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,207,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,489 +5683 - 61,62,76,77,82,83,84,98,99,104,105,106,120,121,125,126,127,141,142,143,147,148,149,162,163,164,165,169,170,171,184,185,186,190,191,192,205,206,207,208,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,296,297,298,299,318,319,320,339,340,341,342,359,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,446,447,448,468,469,470,489 +5684 - 54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,472,473,486 +5685 - 84,85,86,87,95,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,161,162,163,182,183,184,203,204,205,206,207,208,209,210,211,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,254,255,256,257,258,259,260,267,268,269,280,281,282,303,304,305,324,325,326,333,334,335,336,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,490 +5686 - 36,37,58,59,60,80,81,82,102,103,104,118,119,120,123,124,125,126,140,141,142,145,146,147,148,161,162,163,164,167,168,169,182,183,184,185,189,190,191,204,205,206,207,211,212,213,225,226,227,228,233,234,235,246,247,248,249,250,254,255,256,257,267,268,269,270,271,272,273,274,276,277,278,279,289,290,291,293,294,295,296,297,298,299,300,301,311,312,315,316,317,318,319,320,321,322,341,342,343,344,364,365,366,386,387,408,409,410,430,431,432,433,452,453,454,455,489 +5687 - 16,17,18,37,38,39,58,59,60,79,80,81,82,100,101,102,103,120,121,122,123,124,141,142,143,144,162,163,164,165,184,185,186,187,204,205,206,207,208,213,214,226,227,228,229,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,268,269,270,271,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,301,302,303,311,312,313,314,315,316,317,318,322,323,324,333,334,335,336,337,338,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,491 +5688 - 48,49,50,51,52,67,68,69,70,71,72,73,74,75,76,77,89,90,92,93,95,96,97,98,99,100,101,102,111,121,122,123,124,125,145,146,147,148,169,170,171,192,193,214,215,216,236,237,257,258,259,268,269,270,271,272,273,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,315,316,317,318,319,320,321,322,323,324,332,333,334,335,338,339,340,341,342,343,344,345,346,347,348,349,350,356,358,359,360,361,362,363,364,368,369,370,371,372,381,382,383,384,487 +5689 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,149,150,156,157,158,159,160,161,162,163,171,172,173,178,179,180,181,182,192,193,194,201,202,213,214,215,234,235,236,237,256,257,258,259,277,278,279,297,298,299,300,319,320,321,322,339,340,341,342,343,360,361,362,363,381,382,383,384,403,404,405,406,423,424,425,426,445,446,447,448,467,468,469,470,471,492 +5690 - 67,68,69,70,71,89,90,91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,163,164,165,166,167,168,169,188,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,492 +5691 - 35,36,37,38,56,57,58,59,60,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,123,124,125,138,139,140,141,146,147,159,160,161,162,168,169,181,182,183,184,189,190,191,203,204,205,206,207,208,210,211,212,213,225,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,315,316,317,318,321,322,323,324,337,338,339,340,345,346,347,358,359,360,367,368,369,379,380,381,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,493 +5692 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,145,146,147,148,159,160,161,168,169,170,171,180,181,182,190,191,192,193,201,202,203,204,212,214,215,216,223,224,225,226,236,237,238,239,245,246,247,259,260,261,267,268,269,281,282,283,289,290,291,304,305,306,311,312,313,325,326,327,328,333,334,335,336,347,348,349,355,356,357,358,368,369,370,378,379,380,381,389,390,391,392,401,402,403,404,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +5693 - 98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,148,149,150,158,159,160,161,162,170,171,180,181,182,183,192,193,201,202,203,214,215,216,223,224,225,234,235,236,237,238,245,246,247,248,249,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,407,408,409,410,428,429,430,431,450,451,452,472,473,494 +5694 - 79,80,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,185,186,187,188,189,192,193,194,195,196,201,202,203,204,207,208,209,214,215,216,217,218,222,223,224,225,229,230,231,238,239,240,243,244,245,246,251,252,253,261,262,265,266,267,268,282,283,284,287,288,289,304,305,306,309,310,311,326,327,328,331,332,333,347,348,349,353,354,355,356,368,369,370,376,377,378,379,380,381,382,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,485 +5695 - 102,103,104,105,106,107,108,109,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,172,173,174,185,186,187,188,189,194,195,196,206,207,208,209,210,215,216,217,227,228,229,230,237,238,239,248,249,250,251,252,258,259,260,261,269,270,271,272,273,279,280,281,282,289,290,291,292,293,294,300,301,302,303,311,312,313,314,315,321,322,323,324,332,333,334,335,336,341,342,343,344,345,354,355,356,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,420,421,422,423,424,425,426,485 +5696 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,486 +5697 - 38,39,40,60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,128,145,146,147,148,149,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,357,358,359,360,361,379,380,381,382,400,401,402,403,422,423,424,425,444,445,446,447,486 +5698 - 51,52,73,74,75,95,96,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,182,183,203,204,205,225,226,227,247,248,249,269,270,271,291,292,293,294,295,296,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,364,365,366,367,368,387,388,389,390,407,408,409,410,411,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,490 +5699 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,106,107,118,119,120,121,122,123,128,129,138,139,140,141,142,143,144,149,150,151,159,160,161,162,163,164,170,171,172,173,182,183,184,192,193,194,209,213,214,215,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,276,277,278,279,280,281,282,288,289,290,291,292,296,297,298,299,300,302,303,304,305,309,310,311,312,317,318,319,320,321,325,326,327,330,331,332,333,337,338,339,340,341,347,348,349,352,353,354,357,358,359,360,361,362,369,370,371,374,375,376,377,378,379,380,381,382,390,391,392,393,396,397,398,399,400,401,402,413,414,418,419,420,421,422,487 +5700 - 31,32,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,120,121,122,126,127,128,129,130,136,137,138,139,142,143,149,150,151,152,158,159,160,172,173,174,175,179,180,181,182,195,196,197,201,202,203,217,218,219,222,223,224,225,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,307,310,311,312,325,326,327,328,332,333,334,335,346,347,348,349,350,354,355,356,357,358,359,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,485 +5701 - 53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,105,106,107,108,114,115,116,117,118,128,129,130,134,135,136,137,138,139,140,149,150,151,152,155,156,157,158,159,160,161,171,172,173,177,178,179,180,181,182,189,190,191,192,193,194,199,200,201,202,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,260,273,274,279,280,281,282,283,303,304,305,326,327,347,348,349,368,369,370,371,388,389,390,391,392,407,408,409,410,411,412,413,421,422,423,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,488 +5702 - 38,39,40,41,57,58,59,60,61,62,63,72,73,74,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,158,159,160,161,162,163,164,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,231,232,233,234,235,236,237,256,257,258,259,260,280,281,282,283,304,305,326,327,330,331,332,333,348,349,352,353,354,355,356,357,369,370,371,376,377,378,379,380,381,382,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,490 +5703 - 64,65,76,85,86,87,97,98,106,107,108,119,120,121,129,130,140,141,142,143,150,151,152,161,162,163,164,171,172,173,182,183,184,185,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,276,277,278,279,288,289,297,298,299,300,319,320,321,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,445,446,447,467,468,469,489 +5704 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,124,125,126,127,138,139,140,141,147,148,149,160,161,162,163,169,170,171,181,182,183,184,191,192,193,203,204,205,206,214,215,216,225,226,227,236,237,247,248,249,258,259,269,270,271,279,280,281,291,292,293,301,302,303,313,314,315,323,324,325,335,336,337,345,346,357,358,359,366,367,368,379,380,381,388,389,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +5705 - 101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,149,150,151,156,157,158,159,160,161,162,163,164,165,171,172,173,177,178,179,180,181,182,183,184,192,193,194,195,199,200,201,202,203,214,215,216,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +5706 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,58,59,60,72,73,74,75,81,94,95,96,115,116,117,118,137,138,139,159,160,161,181,182,202,203,204,224,225,226,236,246,247,248,255,256,257,258,259,268,269,270,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,303,304,305,313,314,315,319,320,321,325,326,327,335,336,337,338,341,342,343,344,345,347,348,349,358,359,360,361,365,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,491 +5707 - 35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,137,138,139,140,141,146,147,148,158,159,160,161,162,168,169,170,180,181,182,183,184,189,190,191,203,204,205,206,207,208,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,293,294,295,296,300,301,302,303,315,316,317,323,324,325,326,336,337,338,346,347,348,357,358,359,367,368,369,370,379,380,381,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,493 +5708 - 12,13,14,15,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,227,228,229,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,323,324,337,338,339,340,343,344,345,346,359,360,361,362,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,491 +5709 - 100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,147,148,149,158,159,160,161,162,163,164,168,169,170,171,179,180,181,182,183,189,190,191,192,193,194,201,202,203,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,494 +5710 - 33,34,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,207,208,209,210,230,231,232,252,253,274,275,276,296,297,298,318,319,320,341,342,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,486 +5711 - 102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,151,152,153,163,164,165,166,167,168,173,174,184,185,186,187,188,195,196,205,206,207,208,209,216,217,218,226,227,228,229,230,238,239,240,247,248,249,250,251,259,260,261,268,269,270,271,280,281,282,283,289,290,291,292,293,301,302,303,304,311,312,313,314,322,323,324,325,332,333,334,335,341,342,343,344,345,346,354,355,356,357,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,422,424,485 +5712 - 10,11,12,13,14,30,31,32,33,34,35,36,37,51,52,53,54,55,58,59,60,61,73,74,75,81,82,83,95,96,104,105,106,126,127,128,149,150,171,172,193,194,214,215,228,236,237,248,249,250,251,252,253,257,258,259,269,270,271,272,273,274,275,276,278,279,280,290,291,292,293,295,296,297,298,299,300,301,312,313,319,320,321,322,323,333,334,335,341,342,343,344,345,355,356,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,388,389,390,391,399,400,401,402,403,404,405,406,411,412,413,421,422,423,424,425,426,434,435,487 +5713 - 62,63,64,65,84,85,86,87,104,105,106,107,108,125,126,127,128,129,146,147,148,149,150,168,169,170,171,172,188,189,190,191,192,210,211,212,213,214,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,377,378,379,380,381,399,400,401,402,403,421,422,423,443,444,445,465,466,467,486 +5714 - 13,14,15,16,17,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,118,119,120,121,139,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,294,297,298,299,300,301,313,314,315,316,320,321,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,361,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +5715 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,129,130,139,140,141,142,143,144,145,146,150,151,152,161,162,163,164,165,166,167,172,173,183,184,185,186,187,193,194,195,205,206,207,208,214,215,216,217,235,236,237,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,297,298,299,300,301,302,303,304,310,311,312,313,317,318,319,320,321,324,325,326,327,331,332,333,334,337,338,339,340,341,348,349,353,354,355,356,357,358,359,360,361,362,370,371,375,376,377,378,379,380,381,382,398,399,400,401,487 +5716 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471,472,486 +5717 - 117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,148,149,150,151,152,156,157,158,159,160,161,173,174,177,178,179,180,181,194,195,196,199,200,201,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,302,303,304,324,325,326,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,488 +5718 - 121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,199,200,201,202,203,204,205,206,207,212,213,214,215,222,223,224,225,226,227,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +5719 - 85,86,106,107,108,120,121,128,129,130,142,143,149,150,151,162,163,164,165,170,171,172,183,184,185,186,187,192,193,194,204,205,206,207,208,213,214,215,224,225,226,227,228,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,296,297,298,299,300,301,302,303,304,305,309,310,311,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,447,489 +5720 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,104,116,117,118,119,136,137,138,139,140,157,158,159,160,177,178,179,180,181,199,200,201,202,203,204,205,206,207,208,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,282,283,302,303,304,305,306,326,327,328,347,348,349,359,360,368,369,370,371,381,382,389,390,391,392,403,404,405,406,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,490 +5721 - 120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,178,179,180,181,182,183,184,185,186,194,195,196,197,200,201,202,203,204,216,217,218,219,236,237,238,239,240,257,258,259,260,261,278,279,280,281,282,299,300,301,302,303,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,402,403,404,405,406,423,424,425,426,444,445,446,447,466,467,468,492 +5722 - 34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +5723 - 40,41,42,43,59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,148,149,150,159,160,161,162,163,164,165,169,170,171,172,180,181,182,183,184,185,190,191,192,193,202,203,204,205,206,211,212,213,214,223,224,225,226,227,228,229,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,302,315,316,317,318,319,321,322,323,324,325,336,337,338,339,340,344,345,346,347,356,357,358,359,360,361,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,443,444,445,447,493 +5724 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,139,140,141,142,147,148,149,160,161,162,163,168,169,170,171,181,182,183,189,190,191,203,204,205,210,211,212,225,226,231,232,233,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,294,295,296,297,298,299,317,318,320,321,339,340,343,344,361,362,365,366,382,383,387,388,404,405,408,409,426,427,429,430,431,448,449,450,451,452,470,471,472,473,474,493 +5725 - 102,103,104,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,159,160,161,162,163,164,165,167,168,169,170,179,180,181,182,183,184,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,255,258,259,260,279,280,281,300,301,302,303,321,322,323,324,343,344,345,346,364,365,366,385,386,387,388,406,407,408,427,428,429,430,447,448,449,450,451,468,469,470,471,494 +5726 - 28,29,30,31,32,33,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,100,101,102,103,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,207,208,209,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,279,280,294,301,302,303,323,324,325,345,346,347,358,359,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,490 +5727 - 14,15,16,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,190,191,192,193,194,206,207,208,209,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,259,260,261,270,271,272,273,274,275,276,280,281,282,283,291,292,293,294,295,296,297,300,301,302,303,304,313,314,315,316,317,318,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,402,403,404,405,406,491 +5728 - 58,59,60,79,80,81,100,101,102,121,122,123,142,143,144,164,165,168,185,186,187,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,275,276,277,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,447,448,449,469,470,494 +5729 - 60,61,75,81,82,83,96,97,98,103,104,105,118,119,125,126,139,140,141,146,147,148,161,162,163,168,169,179,182,183,184,189,190,191,203,204,205,206,211,212,213,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,404,405,406,426,427,448,449,469,470,471,489 +5730 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,274,275,276,277,291,292,293,294,296,297,298,299,313,314,315,318,319,320,335,336,337,339,340,341,342,357,358,361,362,363,364,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,486 +5731 - 36,37,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,165,172,173,174,182,183,184,185,186,193,194,195,204,205,206,214,215,216,217,235,236,237,238,256,257,258,259,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,358,359,360,361,362,363,364,366,367,368,369,370,371,375,376,377,379,380,381,382,383,384,390,391,392,393,397,398,399,400,401,402,403,404,413,414,415,419,420,421,422,423,424,441,442,443,444,487 +5732 - 77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,160,161,162,181,182,183,203,204,205,206,225,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,366,367,368,388,389,390,409,410,411,412,430,431,432,433,451,452,453,454,455,470,471,472,473,474,475,490 +5733 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,118,119,120,121,122,140,141,142,143,160,161,162,163,164,169,170,171,172,182,183,184,185,190,191,192,193,194,195,203,204,205,206,210,211,212,213,214,215,216,217,218,225,226,227,228,231,232,233,234,235,238,239,240,241,246,247,248,249,251,252,253,254,255,256,260,261,262,263,267,268,269,270,272,273,274,275,276,282,283,284,285,288,289,290,291,292,293,294,295,296,297,303,304,305,306,310,311,312,313,314,315,316,317,321,322,323,324,325,326,327,332,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,491 +5734 - 54,55,56,57,58,69,70,75,76,77,78,79,80,81,90,91,92,93,96,97,98,99,100,101,102,103,104,112,113,114,115,116,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,164,165,166,170,171,172,173,178,179,180,181,182,188,189,192,193,194,195,200,201,202,203,204,214,215,216,217,218,221,222,223,224,225,226,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,266,267,268,269,270,279,280,281,282,283,284,288,289,290,291,292,301,302,303,304,305,306,310,311,312,313,314,322,323,324,325,326,327,333,334,335,336,344,345,346,347,348,349,355,356,357,358,359,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,485 +5735 - 62,63,83,84,85,105,106,107,119,120,121,126,127,128,140,141,142,148,149,150,162,163,164,169,170,171,172,182,183,184,185,191,192,193,203,204,205,206,212,213,214,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,446,447,468,469,489 +5736 - 5,6,7,8,9,10,11,27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,75,76,77,78,79,80,99,100,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,257,268,269,270,271,272,273,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,400,401,402,403,404,405,406,407,411,412,413,424,425,426,427,428,487 +5737 - 99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,171,172,173,181,182,183,184,185,186,193,194,195,203,204,205,206,207,214,215,216,217,224,225,226,227,228,236,237,238,246,247,248,249,257,258,259,260,268,269,270,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,492 +5738 - 32,33,34,35,52,53,54,55,56,57,58,74,75,77,78,79,95,96,100,101,116,117,118,122,123,138,139,144,145,160,161,165,166,167,182,183,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,274,275,276,280,281,295,296,297,302,303,317,318,319,324,325,339,340,345,346,347,361,362,366,367,368,383,384,387,388,389,390,405,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,493 +5739 - 37,38,39,40,57,58,59,60,61,62,63,77,78,79,80,81,83,84,85,98,99,100,101,102,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,147,148,149,150,160,161,162,163,164,168,169,170,171,181,182,183,184,190,191,192,202,203,204,205,210,211,212,213,224,225,226,227,228,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,301,302,303,304,314,315,316,317,323,324,325,326,335,336,337,338,345,346,347,348,356,357,358,359,366,367,368,369,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +5740 - 71,72,73,74,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,117,118,119,120,121,122,123,124,125,126,146,147,167,168,169,189,190,191,210,211,212,232,233,234,249,250,251,253,254,255,270,271,272,273,274,275,276,277,280,281,282,283,284,292,293,294,295,296,297,298,299,300,301,302,303,304,305,318,319,320,321,322,323,324,325,326,339,340,341,343,361,362,363,382,383,384,404,405,406,426,427,447,448,449,469,470,492 +5741 - 81,82,83,84,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,168,170,171,172,182,183,184,185,190,191,192,193,194,203,204,205,206,207,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,245,246,247,248,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,299,300,301,302,312,313,314,315,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,494 +5742 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,116,117,118,137,138,139,159,160,161,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,256,257,258,259,274,279,280,281,295,296,302,303,316,317,318,324,325,326,338,339,345,346,347,348,359,360,361,366,367,368,369,381,382,383,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +5743 - 121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,173,174,181,182,183,184,185,186,194,195,196,202,203,204,205,206,215,216,217,218,224,225,226,234,235,236,237,238,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,302,303,317,318,323,324,325,331,332,343,344,345,346,353,354,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,488 +5744 - 11,12,13,14,32,33,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,296,297,298,299,300,301,302,303,304,305,313,314,315,316,318,319,320,321,322,323,324,325,326,335,336,337,338,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +5745 - 82,83,84,85,86,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,149,150,151,159,160,161,162,163,164,170,171,172,173,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,211,212,213,214,215,216,221,222,223,224,225,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,279,280,281,287,288,289,290,291,292,293,300,301,302,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,444,445,446,447,467,468,469,494 +5746 - 96,97,98,99,100,102,103,104,117,118,119,120,121,122,124,125,126,138,139,140,141,145,146,147,159,160,161,162,167,168,181,182,183,188,189,190,203,204,205,209,210,211,212,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,275,276,277,297,298,299,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,450,451,471,472,473,494 +5747 - 99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,149,150,151,152,159,160,161,162,163,164,172,173,174,181,182,183,184,193,194,195,196,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,295,296,298,299,300,301,321,322,323,331,332,333,334,343,344,345,353,354,355,356,357,364,365,366,375,376,377,378,379,380,381,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,488 +5748 - 28,29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,100,101,122,123,124,144,145,146,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,382,383,384,385,386,405,406,407,408,409,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,459,487 +5749 - 37,38,39,40,41,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,105,106,107,110,116,117,118,119,120,121,122,123,126,127,128,132,137,138,139,140,141,142,147,148,149,150,159,160,161,162,163,168,169,170,171,181,182,183,184,185,186,187,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,238,253,254,255,256,257,258,259,260,273,274,275,276,280,281,282,283,292,293,294,295,296,297,303,304,305,313,314,315,316,317,324,325,326,334,335,336,337,338,345,346,347,348,355,356,357,358,359,366,367,368,369,370,376,377,378,379,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,493 +5750 - 71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,121,122,123,124,125,144,145,146,147,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,257,258,274,275,276,277,278,279,280,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,471,472,473,492 +5751 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,127,128,129,139,140,141,142,143,144,145,150,151,152,159,160,161,162,163,164,165,166,172,173,174,181,182,183,184,185,186,194,195,203,204,205,215,216,217,236,237,238,239,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,347,348,349,353,354,355,356,357,358,359,360,361,362,370,371,372,375,376,377,378,379,380,392,393,394,398,414,415,416,487 +5752 - 73,74,79,80,95,96,97,101,102,103,117,118,119,123,124,125,139,140,141,145,146,147,160,161,162,163,167,168,169,182,183,184,185,189,190,191,204,205,206,210,211,212,213,226,227,228,232,233,234,235,248,249,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,318,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +5753 - 75,76,77,78,79,80,97,98,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,169,170,171,172,173,182,183,184,185,186,187,192,193,194,195,196,204,205,206,207,208,215,216,217,218,224,225,226,227,228,229,238,239,240,244,245,246,247,248,249,250,251,261,262,263,266,267,268,269,270,271,283,284,285,288,289,290,291,292,305,306,307,310,311,312,313,314,315,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,485 +5754 - 98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,167,168,169,178,179,180,181,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,492 +5755 - 81,82,83,84,102,103,104,105,106,122,123,124,125,126,127,128,142,143,144,145,147,148,149,163,164,165,166,169,170,171,184,185,186,187,189,190,191,192,193,204,205,206,207,208,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,246,247,248,249,251,252,253,254,256,257,258,267,268,269,270,271,272,273,274,278,279,280,289,290,291,292,293,294,295,299,300,301,311,312,313,314,315,320,321,322,342,343,363,364,365,383,384,385,386,387,405,406,407,408,409,426,427,428,429,447,448,449,450,469,470,471,494 +5756 - 13,14,15,16,17,18,33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,82,83,95,96,97,98,99,100,101,116,117,118,119,120,121,138,139,140,141,142,159,160,161,162,180,181,182,183,202,203,204,205,224,225,226,227,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,295,296,297,298,299,300,301,302,303,312,313,314,315,320,321,322,323,324,325,326,334,335,336,337,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,491 +5757 - 34,35,36,48,56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,145,146,147,161,162,163,164,166,167,168,169,182,183,184,185,188,189,190,204,205,206,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,336,337,338,339,342,343,344,345,358,359,360,364,365,366,379,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,451,493 +5758 - 52,53,54,74,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,252,253,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,429,430,431,451,452,453,473,474,475,486 +5759 - 12,13,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,101,102,120,121,122,123,124,125,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,190,191,192,193,205,206,207,208,213,214,215,216,226,227,228,229,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,485 +5760 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,122,123,124,125,126,144,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,297,298,299,300,301,320,321,322,323,343,344,345,346,364,365,366,367,368,386,387,388,389,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,488 +5761 - 77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,192,193,194,195,196,206,207,208,209,215,216,217,218,219,226,227,228,229,230,231,238,239,240,241,247,248,249,250,251,252,260,261,262,263,268,269,270,271,272,273,282,283,284,285,289,290,291,292,293,304,305,306,307,310,311,312,313,314,323,324,325,326,327,328,329,332,333,334,335,336,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,485 +5762 - 51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,123,124,125,145,146,147,165,166,167,168,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,255,256,257,258,271,278,279,280,281,292,301,302,303,313,314,323,324,325,326,335,336,345,346,347,348,357,358,367,368,369,379,380,381,389,390,391,401,402,403,404,411,412,413,424,425,426,427,432,433,434,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,488 +5763 - 38,39,40,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,250,251,252,253,254,271,272,273,274,275,293,294,295,296,314,315,316,317,318,335,336,337,338,339,357,358,359,360,379,380,381,382,401,402,403,404,423,424,425,426,427,445,446,447,448,449,486 +5764 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,96,100,101,102,103,104,105,125,126,127,147,148,149,159,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,250,251,252,253,254,255,256,275,276,277,278,279,280,299,300,301,302,303,323,324,325,326,346,347,348,354,355,368,369,370,375,376,377,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,488 +5765 - 102,103,104,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,170,171,172,173,174,182,183,184,185,186,193,194,195,196,203,204,205,206,207,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,260,261,262,266,267,268,269,270,281,282,283,287,288,289,290,291,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,381,382,383,384,385,485 +5766 - 37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,99,100,101,121,122,142,143,144,145,163,164,165,166,167,184,185,186,187,205,206,207,208,209,227,228,230,231,249,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,300,317,318,321,322,323,339,343,344,345,360,361,365,366,367,382,383,387,388,404,405,408,409,410,426,427,428,429,430,431,449,450,451,452,493 +5767 - 119,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,187,201,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,293,301,302,303,304,311,312,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,403,404,490 +5768 - 77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,159,160,161,162,163,181,182,183,184,185,186,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,322,323,324,325,336,337,344,345,346,358,359,360,366,367,368,380,381,382,387,388,389,390,403,404,405,409,410,411,425,426,427,428,430,431,432,433,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +5769 - 78,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,150,151,160,161,162,163,164,171,172,173,181,182,183,184,192,193,194,203,204,205,212,213,214,215,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,279,280,281,294,295,296,301,302,303,318,319,320,321,322,323,324,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,363,374,375,376,377,378,379,380,381,398,399,488 +5770 - 33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,125,126,127,128,137,138,139,140,141,148,149,150,151,159,160,161,162,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,236,237,238,239,246,247,248,258,259,260,261,267,268,269,270,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,323,324,325,333,334,335,336,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,381,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,485 +5771 - 99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,163,164,165,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,234,235,236,237,246,247,248,249,258,259,260,280,281,282,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,380,490 +5772 - 55,56,57,58,59,75,76,77,78,79,80,81,83,84,97,98,99,100,101,102,104,105,118,119,120,121,125,126,127,141,142,146,147,148,163,164,167,168,169,185,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,299,316,317,318,320,321,337,338,339,340,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,403,404,405,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,493 +5773 - 77,78,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,148,149,150,159,160,161,162,163,164,170,171,172,181,182,183,184,185,190,191,192,193,194,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,280,281,282,283,303,304,305,324,325,326,327,330,331,343,344,345,346,347,348,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,488 +5774 - 31,32,33,53,54,55,75,76,77,78,98,99,100,121,122,143,144,165,166,186,187,188,208,209,210,229,230,231,232,233,250,251,252,253,254,255,256,273,274,277,278,299,300,321,322,342,343,344,364,365,386,387,407,408,409,428,429,430,449,450,451,452,488 +5775 - 36,37,38,39,40,41,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,105,106,107,117,118,119,120,121,122,127,128,129,137,138,139,140,141,142,148,149,150,151,158,159,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,299,300,301,302,303,304,312,313,314,315,316,317,318,323,324,325,326,327,332,333,334,335,336,337,347,348,349,353,354,355,356,357,367,368,369,370,371,375,376,377,378,386,387,388,389,390,391,392,393,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,450,493 +5776 - 31,32,33,53,54,55,75,76,77,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +5777 - 36,37,56,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,141,142,143,144,148,149,150,151,152,162,163,164,165,171,172,173,174,183,184,185,186,187,194,195,196,204,205,206,207,216,217,218,224,225,226,227,228,229,238,239,240,245,246,247,248,249,250,259,260,261,262,267,268,269,270,271,280,281,282,283,284,287,288,289,290,291,300,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,485 +5778 - 52,53,54,55,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,147,148,149,159,160,161,180,181,182,183,202,203,204,205,206,207,224,225,226,227,228,229,230,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,323,324,338,339,340,343,344,345,346,360,361,362,363,364,366,367,368,369,384,385,386,387,388,389,390,391,407,408,409,410,411,412,413,414,431,432,433,434,435,436,454,455,456,457,458,477,478,479,480,490 +5779 - 120,121,122,123,124,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,192,193,194,195,196,204,205,206,207,216,217,218,224,225,226,227,228,238,239,240,244,245,246,247,248,249,258,259,260,261,262,266,267,268,269,277,278,279,280,281,282,283,287,288,289,290,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,485 +5780 - 11,12,13,14,32,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,139,140,141,142,161,162,163,182,183,184,185,204,205,206,226,227,228,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,302,303,304,313,314,315,316,324,325,326,335,336,337,338,346,347,348,357,358,359,368,369,370,380,381,382,389,390,391,402,403,404,405,406,407,408,409,410,411,412,491 +5781 - 79,100,101,102,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,169,170,171,172,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,235,236,237,238,239,247,248,249,259,260,261,281,282,283,287,288,289,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,490 +5782 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,125,126,127,128,138,139,140,141,146,147,148,149,160,161,162,163,168,169,170,183,184,185,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,342,343,344,358,359,360,361,364,365,366,380,381,382,386,387,388,402,403,404,408,409,410,424,425,426,427,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +5783 - 86,98,99,107,108,111,112,113,114,119,120,121,128,129,130,133,134,135,136,140,141,142,150,151,152,155,161,162,163,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,213,214,215,216,224,225,226,227,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,305,306,316,317,318,319,324,325,326,327,328,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,466,467,489 +5784 - 37,38,39,59,60,70,81,82,92,93,94,102,103,104,114,115,116,124,125,126,135,136,137,146,147,148,157,158,159,168,169,170,178,179,180,189,190,191,200,201,202,211,212,213,217,218,222,223,224,232,233,234,235,239,240,244,245,246,247,248,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,319,320,321,341,342,343,363,364,365,385,386,406,407,408,428,429,430,450,451,452,489 +5785 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,128,129,138,139,140,141,149,150,151,170,171,172,191,192,193,194,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,295,296,297,301,302,303,323,324,325,344,345,346,364,365,366,367,368,374,375,383,384,385,386,387,388,389,396,397,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,440,441,442,443,444,445,446,447,448,465,488 +5786 - 55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +5787 - 58,59,60,76,77,80,81,82,83,98,99,103,104,105,119,120,121,125,126,127,141,142,143,147,148,149,162,163,164,165,169,170,171,183,184,185,186,190,191,192,204,205,206,207,212,213,214,225,226,227,228,233,234,235,236,246,247,248,249,250,251,252,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,326,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,468,469,470,471,489 +5788 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,81,82,97,98,99,100,104,118,119,120,121,140,141,142,161,162,163,182,183,184,185,204,205,206,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,302,303,304,305,312,313,314,315,325,326,327,334,335,336,337,346,347,348,349,357,358,359,360,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +5789 - 38,39,40,60,61,62,81,82,83,84,103,104,105,106,124,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,252,253,254,255,256,274,275,276,277,294,295,296,297,298,314,316,317,318,319,320,335,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,486 +5790 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,363,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,486 +5791 - 84,85,86,87,99,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,162,163,164,165,183,184,185,186,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,256,257,258,259,269,279,280,281,301,302,303,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,425,490 +5792 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,159,160,161,162,167,168,169,178,179,180,188,189,190,191,210,211,212,213,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,449,450,451,471,472,473,492 +5793 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,106,107,119,120,121,122,127,128,129,140,141,142,143,149,150,151,162,163,164,170,171,172,173,184,185,191,192,193,194,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,301,302,322,323,324,330,331,342,343,344,345,346,352,353,362,363,364,365,366,367,374,375,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,488 +5794 - 82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,181,182,183,184,185,186,188,189,202,203,204,205,206,207,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,322,323,324,343,344,345,346,364,365,366,367,368,377,378,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,448,449,450,451,490 +5795 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,122,123,124,125,126,127,128,129,130,143,144,145,146,147,149,150,151,152,164,165,166,167,168,171,172,173,174,185,186,187,188,189,193,194,195,206,207,208,209,210,216,217,218,227,228,229,230,231,237,238,239,248,249,250,251,252,253,259,260,261,262,270,271,272,273,274,280,281,282,283,284,291,292,293,294,295,302,303,304,305,306,312,313,314,315,316,322,323,324,325,326,333,334,335,336,337,338,342,343,344,345,346,347,348,354,355,356,357,358,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,485 +5796 - 8,9,10,11,30,31,32,33,34,35,36,53,54,55,56,57,58,59,60,78,79,80,81,82,83,102,103,104,105,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,338,339,340,341,342,354,355,356,358,359,360,361,362,376,377,378,379,380,381,382,383,398,399,400,401,402,403,421,422,423,487 +5797 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,161,162,163,164,165,171,172,182,183,184,185,192,193,194,195,196,203,204,205,206,212,213,214,215,216,217,218,224,225,226,227,232,233,234,235,236,238,239,240,245,246,247,248,253,254,255,256,259,260,261,262,266,267,268,269,273,274,275,276,281,282,283,287,288,289,290,293,294,295,296,297,302,303,304,305,309,310,311,312,313,314,315,316,317,318,324,325,326,331,332,333,334,335,336,337,338,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,491 +5798 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,102,103,104,105,117,118,119,120,124,125,126,127,139,140,141,142,146,147,148,149,161,162,163,168,169,170,171,182,183,184,190,191,192,193,203,204,205,206,212,213,214,215,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,276,277,278,279,290,291,292,298,299,300,301,312,313,314,320,321,322,323,334,335,336,341,342,343,344,345,356,357,358,359,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,485 +5799 - 34,35,36,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,106,107,116,117,118,119,120,121,128,129,138,139,140,141,149,150,151,160,161,170,171,172,173,191,192,193,194,212,213,214,215,233,234,235,236,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,314,315,316,317,318,319,323,324,325,330,331,332,333,334,335,336,337,338,339,345,346,347,348,352,353,354,355,356,357,358,359,367,368,369,370,374,375,376,377,378,379,389,390,391,392,396,397,398,411,412,413,487 +5800 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,159,160,161,162,163,164,181,182,183,184,203,204,205,206,225,226,227,228,229,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,324,343,344,345,346,364,365,366,367,368,385,386,387,388,389,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +5801 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,149,150,151,155,156,157,158,159,160,161,162,163,164,172,173,174,177,178,179,180,181,182,194,195,196,199,200,201,202,216,217,218,237,238,239,240,259,260,261,280,281,282,300,301,302,303,304,321,322,323,324,325,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +5802 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,102,103,104,115,116,124,125,126,137,138,146,147,148,160,168,169,170,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,336,337,338,339,340,358,359,360,361,365,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,432,433,434,435,436,437,445,446,457,458,459,487 +5803 - 41,42,43,62,63,64,65,83,84,85,86,105,106,107,108,126,127,128,129,148,149,150,151,168,169,170,171,172,190,191,192,193,211,212,213,214,215,232,233,234,235,253,254,255,256,257,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,398,399,400,401,402,403,420,421,422,423,424,442,443,444,445,446,486 +5804 - 55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,161,162,163,182,183,184,185,204,205,206,207,225,226,227,228,229,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,343,344,345,346,366,367,368,387,388,389,390,400,401,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,490 +5805 - 38,39,40,60,61,62,83,84,104,105,106,126,127,128,147,148,149,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,294,295,296,297,298,314,315,316,317,318,336,337,338,339,357,358,359,360,379,380,381,399,400,401,402,421,422,423,424,443,444,445,486 +5806 - 9,10,11,12,30,31,32,33,34,52,53,54,73,74,75,76,94,95,96,97,116,117,118,119,137,138,139,140,159,160,161,162,180,181,182,183,202,203,204,215,216,217,218,224,225,226,235,236,237,238,239,240,241,246,247,248,255,256,257,258,259,260,261,262,263,268,269,270,275,276,277,278,279,280,281,282,283,284,285,290,291,292,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,326,327,328,335,336,337,338,339,340,341,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +5807 - 17,18,39,40,41,59,60,62,63,79,80,81,82,83,84,85,99,100,101,102,103,105,106,107,119,120,121,122,123,126,127,128,139,140,141,142,143,144,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,189,190,191,192,203,204,205,210,211,212,213,225,226,227,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,322,334,335,336,337,342,343,344,345,356,357,358,366,367,377,378,379,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,493 +5808 - 104,105,106,112,113,114,115,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,492 +5809 - 39,40,41,60,61,62,82,83,84,102,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,486 +5810 - 32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,72,73,74,77,78,79,80,81,82,93,94,95,96,97,116,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,188,189,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,279,280,281,282,294,295,300,301,302,303,304,322,323,324,325,326,344,345,346,347,348,365,366,367,368,369,377,378,379,380,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,490 +5811 - 122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,172,173,174,177,178,179,180,181,182,183,184,185,194,195,196,199,200,201,202,203,215,216,217,218,221,236,237,238,239,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,465,466,467,468,492 +5812 - 104,105,106,107,108,109,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,184,185,186,187,188,189,205,206,207,226,227,228,229,247,248,249,250,269,270,271,272,291,292,293,313,314,315,316,335,336,337,338,339,340,358,359,360,361,362,382,383,384,404,405,406,426,427,447,448,449,468,469,470,490 +5813 - 38,39,40,41,60,61,62,63,64,81,82,83,84,85,103,104,105,106,107,124,125,126,127,145,146,147,148,149,166,167,168,169,170,188,189,190,191,208,209,210,211,212,213,230,231,232,233,250,251,252,253,254,255,272,273,274,275,292,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,377,378,379,380,381,399,400,401,402,421,422,423,424,443,444,445,446,486 +5814 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,124,125,126,127,128,129,137,138,139,140,141,149,150,151,159,160,161,162,171,172,173,174,180,181,182,183,184,193,194,195,202,203,204,205,206,215,216,217,223,224,225,226,227,237,238,239,245,246,247,248,249,258,259,260,261,267,268,269,270,271,280,281,282,283,289,290,291,292,301,302,303,304,305,311,312,313,314,323,324,325,326,327,333,334,335,336,344,345,346,347,348,355,356,357,358,365,366,367,368,369,370,377,378,379,380,386,387,388,389,390,391,400,401,402,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +5815 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,148,149,150,151,160,161,169,170,171,172,173,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,250,256,257,258,259,279,280,281,302,303,323,324,325,330,331,340,341,342,343,344,345,346,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,488 +5816 - 47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,99,100,101,102,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,294,295,299,300,301,302,303,324,325,326,346,347,348,367,368,369,370,388,389,390,391,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,488 +5817 - 41,42,58,59,60,63,64,65,78,79,80,81,82,85,86,87,98,99,100,101,102,107,108,117,118,119,120,121,122,128,129,130,138,139,140,141,142,149,150,151,159,160,161,162,163,170,171,172,173,181,182,183,191,192,193,202,203,204,205,211,212,213,214,225,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,299,300,312,313,314,315,316,317,319,320,321,322,333,334,335,336,337,342,343,344,354,355,356,357,364,365,366,376,377,378,386,387,388,389,398,399,400,401,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,493 +5818 - 95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,146,147,148,157,158,159,160,167,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +5819 - 54,55,65,76,77,78,79,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,140,141,142,143,162,163,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,256,257,258,268,269,270,271,278,279,280,290,291,300,301,302,321,322,323,342,343,344,345,354,355,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,490 +5820 - 33,34,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,81,95,96,102,103,116,117,123,124,137,138,139,145,146,159,160,167,181,182,183,187,188,204,205,206,208,209,227,228,229,230,250,251,252,253,271,272,273,274,275,276,292,293,294,297,298,299,300,314,315,321,322,323,336,337,338,344,345,346,359,360,367,368,381,382,383,389,390,404,405,406,410,411,427,428,429,430,431,432,433,451,452,453,454,493 +5821 - 54,55,60,61,76,77,82,83,84,97,98,99,104,105,106,119,120,121,125,126,127,128,140,141,142,143,147,148,149,161,162,163,164,169,170,171,183,184,185,190,191,192,204,205,206,211,212,213,214,224,225,226,227,228,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,306,310,311,312,313,314,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,445,446,447,448,449,467,468,469,470,489 +5822 - 79,80,81,91,100,101,102,103,104,112,113,114,122,123,124,125,126,134,135,136,137,144,145,146,147,148,155,156,157,158,166,167,168,169,170,177,178,179,180,188,189,190,191,192,199,200,201,202,210,211,212,213,214,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,321,322,323,324,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,432,433,434,435,436,454,455,456,457,476,477,478,489 +5823 - 36,57,58,59,60,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,128,129,130,139,140,141,142,143,151,152,173,174,194,195,196,215,216,217,236,237,238,249,250,251,252,253,254,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,316,317,318,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,353,354,355,356,357,358,359,360,361,367,368,369,370,375,376,377,378,379,380,381,389,390,391,392,487 +5824 - 72,73,74,94,95,96,97,98,116,117,118,119,120,121,122,123,139,140,141,142,143,144,145,146,147,161,164,165,166,167,168,169,170,171,190,191,192,193,213,214,215,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,444,445,446,447,466,467,468,492 +5825 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,128,138,139,140,141,142,143,144,147,148,149,150,151,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,186,187,192,193,194,195,202,203,204,205,206,207,208,214,215,216,217,218,222,223,224,225,226,227,228,237,238,239,240,244,245,246,247,248,249,250,260,261,262,265,266,267,268,269,270,282,283,284,287,288,289,290,291,304,305,306,309,310,311,312,313,324,325,326,327,328,331,332,333,334,335,336,345,346,347,348,349,350,353,354,355,356,357,358,359,361,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,485 +5826 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,79,95,96,97,99,100,117,118,119,138,139,140,160,161,162,182,183,184,204,205,206,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,303,304,305,315,316,317,318,326,327,337,338,339,340,341,348,349,359,360,361,362,363,364,365,369,370,371,380,381,382,384,385,386,387,388,389,390,391,392,393,403,404,405,407,408,409,410,411,412,413,425,426,427,428,430,431,432,433,434,491 +5827 - 81,82,83,84,100,101,102,103,104,105,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,160,161,162,163,164,169,170,172,173,180,181,182,183,184,190,191,192,193,194,195,201,202,203,204,212,213,214,215,216,217,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,277,278,279,280,298,299,300,301,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,468,469,494 +5828 - 71,72,91,92,93,94,95,96,97,113,114,115,116,117,118,119,120,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,189,190,191,192,193,194,195,196,200,201,202,215,216,217,218,219,222,223,224,238,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,289,290,291,292,304,305,306,307,311,312,313,314,315,325,326,327,328,329,334,335,336,337,338,346,347,348,349,350,356,357,358,359,360,361,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,485 +5829 - 58,59,80,81,82,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,150,151,160,161,162,163,164,165,166,171,172,173,182,183,184,185,186,193,194,195,205,214,215,216,235,236,237,238,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,308,309,310,311,312,316,317,318,319,320,321,322,323,324,330,331,332,336,337,338,339,340,341,345,346,347,352,353,354,355,356,357,358,359,360,361,368,369,370,374,375,376,377,378,379,380,381,390,391,392,397,398,399,412,413,414,434,435,487 +5830 - 78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,157,158,159,160,161,162,163,164,179,180,181,184,185,200,201,202,206,207,222,223,224,244,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,324,325,346,347,367,368,369,388,389,390,391,404,405,406,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,490 +5831 - 14,15,16,36,37,38,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,140,141,142,143,144,160,161,162,163,164,181,182,183,184,185,202,203,204,205,214,215,216,217,218,219,223,224,225,226,227,230,231,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,260,261,262,263,266,267,268,270,271,272,273,274,275,282,283,284,285,288,289,290,291,292,293,294,295,296,303,304,305,306,307,310,311,312,314,315,316,317,318,323,324,325,326,327,328,332,333,334,335,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,491 +5832 - 117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,198,199,200,201,202,220,221,222,235,236,237,238,242,243,255,256,257,258,259,260,261,264,265,276,277,278,281,282,283,286,287,296,297,298,299,303,304,305,308,309,310,316,317,318,319,325,326,327,331,332,333,334,335,336,337,338,339,340,347,348,349,369,370,390,391,392,412,413,414,434,435,436,456,457,458,478,479,494 +5833 - 102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,163,164,165,166,167,172,173,174,178,179,180,181,182,183,184,185,194,195,196,197,201,202,215,216,217,218,219,236,237,238,239,257,258,259,260,261,278,279,280,281,282,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,360,361,362,363,364,365,381,382,383,384,385,401,402,403,404,405,406,422,423,424,425,426,443,444,445,446,447,464,465,466,467,468,492 +5834 - 59,60,61,80,81,82,83,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,161,162,163,183,184,186,187,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,254,255,256,257,270,271,272,277,278,279,300,301,302,322,323,324,344,345,346,365,366,367,387,388,389,408,409,410,411,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,490 +5835 - 60,61,62,63,82,83,84,85,104,105,106,107,125,126,127,128,146,147,148,149,168,169,170,171,188,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,378,379,380,399,400,401,420,421,422,423,442,443,444,464,465,466,486 +5836 - 9,10,11,12,13,14,15,16,31,32,33,34,35,36,37,38,53,54,56,57,58,59,60,81,82,103,104,124,125,126,144,145,146,147,165,166,167,168,187,188,189,208,209,210,229,230,231,250,251,252,253,271,272,273,274,293,294,295,315,316,336,337,358,359,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,432,433,434,487 +5837 - 80,81,82,83,100,101,102,103,104,105,121,122,123,124,126,127,128,142,143,144,148,149,150,163,164,165,169,170,171,172,183,184,185,186,189,190,191,192,193,204,205,206,207,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,247,248,249,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,277,278,279,289,290,291,292,293,294,295,298,299,300,311,312,313,314,315,320,321,322,341,342,343,344,363,364,365,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,494 +5838 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +5839 - 13,14,15,34,35,36,37,56,57,58,77,78,79,80,99,100,101,120,121,122,140,141,142,143,153,162,163,164,169,170,174,175,183,184,185,186,189,190,191,192,193,195,196,197,204,205,206,210,211,212,213,214,215,216,217,218,225,226,227,228,230,231,232,233,234,236,237,238,239,240,247,248,249,251,252,253,254,259,260,261,268,269,270,271,272,273,274,275,281,282,289,290,291,292,293,294,295,302,303,304,311,312,313,314,315,316,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,491 +5840 - 56,57,58,79,80,96,101,102,103,117,118,123,124,125,139,140,145,146,147,160,161,162,167,168,169,182,183,189,190,204,205,211,212,226,227,233,234,248,249,250,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,320,321,342,343,364,365,385,386,387,407,408,409,429,430,451,452,472,473,474,489 +5841 - 83,84,99,100,104,105,106,121,122,125,126,127,142,143,144,147,148,163,164,165,166,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,211,212,213,225,226,227,228,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,283,284,285,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,401,402,403,423,424,425,445,446,467,468,489 +5842 - 73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,145,146,147,160,161,162,167,168,169,182,183,184,189,190,203,204,205,206,210,211,212,225,226,227,231,232,233,234,247,248,249,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,300,301,302,316,317,318,319,322,323,324,337,338,339,340,344,345,346,360,361,366,367,368,387,388,389,408,409,410,411,430,431,432,450,451,452,453,471,472,473,474,488 +5843 - 17,18,19,38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,186,187,188,191,192,193,206,207,208,209,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,259,260,261,269,270,271,272,273,274,275,276,280,281,282,283,290,291,292,293,294,295,296,300,301,302,303,304,311,312,313,315,316,317,318,319,320,321,322,323,324,325,332,333,334,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,491 +5844 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,145,146,147,148,149,159,160,161,162,163,169,170,171,181,182,183,184,191,192,193,202,203,204,205,212,213,214,224,225,226,233,234,235,236,246,247,248,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,300,301,313,314,315,316,317,318,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,494 +5845 - 13,14,15,36,37,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,118,119,120,121,122,127,128,129,139,140,141,142,143,149,150,151,161,162,163,172,173,193,194,195,214,215,216,236,237,238,257,258,259,278,279,280,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,360,361,362,363,364,365,366,367,368,375,376,377,380,381,382,383,384,388,389,390,391,397,398,399,400,401,402,403,404,405,410,411,412,413,414,420,421,422,423,424,425,432,433,434,435,436,487 +5846 - 6,7,8,9,10,11,12,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,78,79,80,81,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,329,335,336,337,338,339,348,349,350,357,358,359,360,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,487 +5847 - 73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,126,127,136,137,138,147,148,149,168,169,170,171,188,189,190,191,192,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,273,276,277,278,279,280,281,301,302,303,304,325,326,347,348,367,368,369,370,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,440,441,442,443,444,445,446,447,448,449,488 +5848 - 24,25,26,27,28,29,30,44,45,46,47,48,49,50,51,52,53,54,55,66,67,68,69,70,71,72,73,74,75,76,77,78,88,89,90,97,98,99,100,120,121,122,141,142,143,144,162,163,164,165,166,167,168,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,236,237,238,258,259,260,281,282,283,294,295,304,305,315,316,326,327,336,337,338,348,349,358,359,360,361,362,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,451,452,453,454,488 +5849 - 120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,170,171,172,173,181,182,183,184,185,186,193,194,195,202,203,204,205,206,215,216,217,222,223,224,225,226,237,238,239,243,244,245,246,258,259,260,264,265,266,267,279,280,281,282,286,287,288,300,301,302,303,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,492 +5850 - 29,30,31,32,33,50,51,52,53,54,55,56,57,75,76,77,78,79,80,81,100,101,102,103,104,123,124,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,276,277,278,299,300,301,321,322,323,324,344,345,346,365,366,367,368,378,379,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +5851 - 38,39,40,60,61,62,81,82,83,84,103,104,105,124,125,126,127,145,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +5852 - 55,56,76,77,78,79,98,99,100,101,119,120,121,122,125,126,140,141,142,143,146,147,148,149,162,163,164,168,169,170,182,183,184,185,186,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,236,246,247,248,249,255,256,257,268,269,270,271,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,474,475,489 +5853 - 80,81,82,83,84,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,127,128,129,130,138,139,140,141,142,143,144,145,151,152,159,160,161,162,163,164,165,173,174,181,182,183,184,194,195,196,216,217,218,237,238,239,258,259,260,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,345,346,347,353,354,355,356,357,358,359,360,361,362,368,369,375,376,377,378,379,380,381,398,399,487 +5854 - 54,55,56,57,58,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,145,146,147,148,160,161,162,163,165,167,168,169,170,181,182,183,184,185,190,191,192,203,204,205,206,207,212,213,214,215,225,226,227,228,229,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,273,278,279,280,281,291,292,293,294,295,300,301,302,314,315,316,317,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,365,366,367,368,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +5855 - 75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,212,213,214,215,235,236,237,238,258,259,260,280,281,282,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,490 +5856 - 92,93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,164,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,233,234,235,236,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +5857 - 97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,149,150,151,160,161,162,171,172,173,191,192,193,194,211,212,213,214,215,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,324,325,326,345,346,347,352,353,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,424,488 +5858 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,137,138,139,140,144,145,146,147,158,159,160,161,165,166,167,168,169,180,181,182,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,254,255,256,268,269,270,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,433,451,452,453,454,455,473,474,475,476,494 +5859 - 96,97,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,171,172,173,174,178,179,180,181,182,183,184,185,194,195,196,199,200,201,202,203,204,205,216,217,218,221,222,223,224,225,237,238,239,240,244,245,258,259,260,261,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +5860 - 97,98,99,100,101,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,166,167,168,183,184,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,232,233,253,254,255,275,276,277,297,298,299,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,450,451,472,473,494 +5861 - 19,20,41,42,62,63,64,78,79,80,84,85,86,97,98,99,100,101,102,105,106,107,117,118,119,120,121,122,127,128,129,138,139,140,141,142,148,149,150,159,160,161,162,168,169,170,171,181,182,183,189,190,191,192,203,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,299,312,313,314,315,316,317,319,320,321,322,333,334,335,336,342,343,344,355,356,357,365,366,367,376,377,378,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,493 +5862 - 8,9,10,11,28,29,30,31,32,33,50,51,52,72,73,74,94,95,96,117,118,126,127,128,139,140,147,148,149,150,151,160,161,167,168,169,170,171,172,173,182,183,189,190,191,192,193,194,195,204,205,211,212,213,214,215,216,217,225,226,237,238,239,246,247,248,258,259,260,268,269,270,280,281,290,291,292,301,302,303,312,313,314,315,320,322,323,324,325,334,335,336,337,341,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,491 +5863 - 55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,144,145,146,148,149,150,151,160,161,162,163,166,167,168,170,171,172,173,182,183,184,187,188,189,192,193,194,195,203,204,205,209,210,214,215,216,225,226,227,235,236,237,238,247,248,256,257,258,259,268,269,270,278,279,280,281,290,291,292,299,300,301,302,312,313,314,320,321,322,323,324,334,335,336,342,343,344,345,356,357,358,362,363,364,365,366,378,379,380,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,467,468,469,470,471,485 +5864 - 33,34,35,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,103,104,105,116,117,118,119,126,127,138,139,140,148,149,150,159,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,215,216,225,226,237,238,247,248,259,260,269,270,281,282,290,291,292,302,303,304,313,314,324,325,326,335,336,337,346,347,348,357,358,359,360,367,368,369,379,380,381,382,383,388,389,390,402,403,404,405,406,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,485 +5865 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,486 +5866 - 48,49,50,59,60,70,71,72,81,82,92,93,94,103,104,114,115,116,125,126,135,136,137,147,148,149,157,158,159,169,170,178,179,180,181,182,183,191,192,193,200,201,202,203,204,205,206,207,208,209,213,214,215,222,223,224,225,226,227,228,229,230,231,232,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,271,272,273,274,275,276,277,278,279,280,281,288,298,299,301,302,303,323,324,325,345,346,347,348,349,367,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,478,479,480,489 +5867 - 29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,120,121,122,123,135,136,137,138,142,143,144,145,158,159,160,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,448,449,450,451,452,487 +5868 - 31,32,33,34,35,52,53,54,55,56,57,58,59,74,75,76,79,80,81,95,96,97,102,103,104,117,118,119,124,125,126,138,139,140,141,147,148,160,161,169,170,171,182,183,192,193,204,205,214,215,226,227,236,237,248,249,258,259,270,271,280,281,292,293,302,303,314,315,324,325,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,383,388,389,390,403,404,405,406,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +5869 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,139,140,141,144,145,146,160,161,162,166,167,168,187,188,189,209,210,211,231,232,233,253,254,275,276,277,297,298,299,300,319,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,488 +5870 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,123,124,125,126,138,139,140,141,142,145,146,147,159,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,228,246,247,248,249,250,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,345,346,347,348,356,357,358,359,360,361,362,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,450,451,452,453,454,491 +5871 - 61,62,63,73,83,84,85,94,95,104,105,106,107,116,117,126,127,128,137,138,139,147,148,149,150,159,160,161,169,170,171,172,181,182,183,190,191,192,193,203,204,205,206,207,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,382,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +5872 - 47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,145,146,147,148,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +5873 - 142,143,144,153,163,164,165,166,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,231,232,233,234,235,248,249,250,270,271,272,292,293,294,314,315,316,317,336,337,338,339,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,490 +5874 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,95,96,117,118,139,140,161,162,163,164,165,166,183,184,185,186,187,188,189,190,191,205,206,207,211,212,213,214,227,228,235,236,237,250,257,258,259,280,281,282,292,293,302,303,304,314,315,324,325,326,336,337,338,346,347,348,358,359,360,367,368,369,370,381,382,383,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,490 +5875 - 14,15,16,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,191,192,205,206,207,208,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,237,248,249,250,252,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,279,280,281,290,291,292,293,295,296,297,298,299,300,301,302,312,313,314,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,401,402,403,404,405,406,491 +5876 - 84,85,86,105,106,107,108,121,122,126,127,128,142,143,144,147,148,149,150,163,164,165,166,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,212,213,214,215,216,217,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,250,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,489 +5877 - 101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,201,202,203,204,205,206,207,208,213,214,215,216,234,235,236,237,238,255,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,492 +5878 - 11,12,13,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,118,119,120,121,122,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,166,180,181,182,183,186,187,188,209,210,231,232,233,253,254,255,275,276,277,298,299,300,320,321,322,342,343,344,364,365,366,367,369,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,432,486 +5879 - 52,53,54,55,56,74,75,76,77,78,79,84,85,86,96,97,98,99,100,101,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,269,270,271,272,273,275,276,277,291,292,293,297,298,299,312,313,314,315,319,320,321,334,335,336,341,342,343,356,357,358,363,364,365,378,379,385,386,387,400,401,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +5880 - 35,36,37,38,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,137,138,139,140,158,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,232,233,234,235,236,237,247,248,257,258,259,260,271,279,280,281,282,283,291,292,293,294,302,303,304,305,314,315,316,325,326,327,328,336,337,338,348,349,350,358,359,360,361,370,371,372,380,381,382,383,384,385,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,490 +5881 - 78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,146,147,162,163,164,165,183,184,185,190,191,192,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,494 +5882 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,147,148,149,150,151,152,158,159,160,161,163,164,170,171,172,173,174,175,180,181,182,183,192,193,194,195,196,201,202,203,204,215,216,217,222,223,224,225,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,310,311,312,313,323,324,325,332,333,334,335,344,345,346,347,354,355,356,357,365,366,367,368,369,377,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +5883 - 36,37,38,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,126,127,128,137,138,139,140,141,142,143,144,145,146,148,149,150,159,160,161,162,163,164,165,166,167,170,171,172,181,182,183,184,188,189,192,193,194,202,203,204,205,214,215,216,224,225,226,236,237,238,246,247,248,257,258,259,260,267,268,269,278,279,280,281,289,290,291,299,300,301,302,303,311,312,313,320,321,322,323,324,332,333,334,335,341,342,343,344,345,346,355,356,357,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +5884 - 61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,161,162,182,183,184,204,205,226,227,228,248,249,250,251,252,253,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,319,320,321,322,343,344,345,365,366,367,385,386,387,388,389,400,401,402,403,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +5885 - 35,36,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,486 +5886 - 29,30,31,32,33,34,35,36,37,38,39,40,41,51,52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,278,279,280,281,282,283,301,302,303,304,305,309,310,311,312,313,323,324,325,326,327,331,332,333,334,335,345,346,347,348,349,354,355,356,357,358,366,367,368,369,370,371,377,378,379,380,381,382,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,490 +5887 - 31,32,33,34,35,36,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,142,144,145,146,161,162,163,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,303,304,317,318,319,320,321,322,323,324,325,326,327,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,425,426,427,428,429,430,447,448,449,450,487 +5888 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +5889 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,117,118,119,120,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,275,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +5890 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,213,214,215,216,217,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,253,254,255,256,257,258,259,260,261,268,269,270,271,272,278,279,280,281,282,283,290,291,292,293,294,300,301,302,303,304,312,313,314,315,316,321,322,323,324,325,326,334,335,336,337,338,339,342,343,344,345,346,347,356,357,358,359,360,361,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +5891 - 72,73,74,84,85,86,94,95,96,105,106,107,108,115,116,117,118,126,127,128,129,130,137,138,139,140,148,149,150,151,152,159,160,161,169,170,171,172,181,182,183,190,191,192,193,194,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,489 +5892 - 123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,157,158,162,163,164,165,166,167,179,180,181,182,183,184,185,186,201,202,203,204,205,206,223,224,225,226,227,228,229,247,248,249,250,251,252,271,272,273,274,275,295,296,297,298,318,319,320,321,341,342,343,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,472,473,474,475,490 +5893 - 10,11,12,31,32,33,34,52,53,54,55,56,74,75,76,77,78,95,96,97,98,117,118,119,120,139,140,141,142,143,162,163,164,165,166,167,184,185,186,187,188,189,190,207,208,209,210,211,212,213,231,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,490 +5894 - 52,53,54,73,74,75,76,77,94,95,96,98,99,100,116,117,120,121,122,138,139,143,144,160,161,164,165,166,182,183,186,187,188,204,205,206,207,208,209,210,211,227,228,229,230,232,233,254,255,256,276,277,278,299,300,321,322,323,344,345,366,367,388,389,410,411,427,428,431,432,433,448,449,450,451,452,453,454,472,473,474,475,476,494 +5895 - 102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,212,213,214,215,216,234,235,236,237,254,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,472,492 +5896 - 11,12,13,14,31,32,33,34,35,53,54,55,56,75,76,77,96,97,98,99,118,119,120,121,140,141,142,161,162,163,183,184,185,204,205,206,207,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,280,281,282,283,292,293,294,295,296,302,303,304,314,315,316,317,323,324,325,326,336,337,338,339,340,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +5897 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,168,169,173,183,184,185,189,190,191,192,193,194,195,196,205,206,207,208,211,212,213,214,215,216,217,218,219,227,228,229,230,231,232,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,261,272,273,274,275,276,277,278,279,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,362,363,364,380,381,384,385,386,402,403,406,407,408,409,424,425,426,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,474,493 +5898 - 31,32,33,53,54,55,75,76,77,98,99,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,486 +5899 - 56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,140,141,142,149,150,161,162,163,168,169,170,171,172,183,184,185,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,465,466,467,494 +5900 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,185,186,187,190,191,192,193,194,212,213,214,215,216,234,235,236,237,256,257,258,259,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,471,472,473,474,475,492 +5901 - 61,62,82,83,84,85,86,100,101,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,202,203,204,205,206,207,211,212,213,214,215,216,217,218,223,224,225,226,227,228,233,234,235,236,237,238,239,240,244,245,246,247,248,255,256,258,259,260,261,262,265,266,267,268,269,280,281,282,283,287,288,289,290,301,302,303,304,309,310,311,312,321,322,323,324,325,326,331,332,333,334,342,343,344,345,346,347,353,354,355,356,357,358,359,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +5902 - 11,12,13,14,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,101,102,103,115,116,117,123,124,125,137,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,250,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,318,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,428,429,487 +5903 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,486 +5904 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,127,139,140,141,142,147,148,149,150,160,161,162,163,170,171,172,173,181,182,183,184,185,192,193,194,195,202,203,204,205,206,215,216,217,224,225,226,227,238,239,240,245,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,303,304,305,306,311,312,313,324,325,326,327,333,334,335,345,346,347,348,349,355,356,357,358,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +5905 - 10,11,12,13,32,33,34,35,36,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,164,165,166,167,168,181,182,186,187,188,189,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,436,487 +5906 - 70,71,72,73,74,92,93,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,143,144,145,146,147,167,168,169,170,191,192,193,214,215,235,236,237,257,258,259,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,363,364,365,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +5907 - 31,32,33,34,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,211,229,230,231,232,233,234,235,252,253,254,255,256,257,258,276,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,346,347,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,488 +5908 - 7,8,9,29,30,31,51,52,53,72,73,74,94,95,96,116,117,118,137,138,139,140,159,160,161,162,181,182,183,184,203,204,205,206,212,213,226,227,228,232,233,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,261,270,271,272,275,276,277,281,282,283,292,293,294,295,297,298,299,304,305,306,315,316,317,319,320,321,326,327,328,337,338,339,340,341,342,343,344,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,491 +5909 - 81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,467,468,469,470,492 +5910 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,102,103,104,105,115,116,117,118,119,125,126,127,138,139,140,148,149,150,160,161,162,171,172,181,182,183,193,194,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,312,313,314,324,325,326,334,335,336,345,346,347,356,357,358,366,367,368,369,378,379,380,387,388,389,390,400,401,402,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,485 +5911 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,121,122,123,130,139,140,141,142,151,152,153,161,162,163,172,173,174,175,182,183,184,185,192,193,194,195,196,197,204,205,206,207,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,362,363,364,365,376,377,378,385,386,387,398,399,407,408,409,420,421,422,423,424,426,427,428,429,430,431,442,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +5912 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,163,165,166,167,168,181,182,183,184,185,187,188,189,190,204,205,206,209,210,211,212,226,227,228,231,232,233,234,248,249,250,253,254,255,256,270,271,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,364,365,366,367,368,387,388,389,390,409,410,411,412,432,433,434,435,454,455,456,457,477,478,479,480,494 +5913 - 79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,127,142,143,144,145,146,147,148,149,163,164,165,166,167,169,170,171,172,185,186,187,188,191,192,193,194,195,207,208,209,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,444,445,446,466,467,468,494 +5914 - 7,8,9,28,29,30,31,50,51,52,72,73,74,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,235,236,237,238,239,247,248,249,250,251,259,260,261,262,269,270,271,272,273,282,283,284,291,292,293,294,295,303,304,305,306,313,314,315,316,317,325,326,327,328,336,337,338,339,340,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +5915 - 75,76,77,78,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,167,168,169,170,171,172,173,174,175,182,183,184,185,189,203,204,205,206,207,208,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,490 +5916 - 49,50,51,71,72,73,94,95,96,116,117,118,138,139,140,149,150,160,161,162,170,171,172,181,182,183,192,193,194,203,204,214,215,216,217,218,219,224,225,226,233,234,235,236,237,238,239,240,241,246,247,248,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,317,321,322,323,324,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,473,474,489 +5917 - 7,8,28,29,30,31,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,113,114,115,116,118,119,120,121,135,136,137,141,142,143,157,158,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,271,272,273,274,293,294,295,296,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,424,425,487 +5918 - 76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,181,182,183,184,185,202,203,204,205,206,224,225,226,227,228,246,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,317,318,319,320,321,322,341,342,343,344,363,364,365,366,386,387,388,407,408,409,410,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +5919 - 77,78,79,80,81,84,85,86,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,146,147,148,149,150,151,152,159,160,161,162,163,164,167,168,169,170,171,172,181,182,183,184,185,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,359,360,361,362,364,365,366,367,381,382,383,386,387,388,389,403,404,405,408,409,410,411,425,426,427,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +5920 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,430,431,432,453,454,455,486 +5921 - 55,56,57,58,59,77,78,79,80,81,88,89,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,468,469,470,471,486 +5922 - 180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,221,222,223,224,225,226,239,240,243,244,245,261,262,265,266,267,283,284,288,289,290,304,305,306,310,311,312,325,326,327,347,348,368,369,389,390,391,411,412,432,433,434,453,454,475,492 +5923 - 100,101,102,103,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,472,473,474,492 +5924 - 10,11,12,31,32,33,34,53,54,55,74,75,76,96,97,98,117,118,119,120,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,227,228,229,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,323,324,325,336,337,338,339,340,345,346,347,358,359,361,362,363,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,491 +5925 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,300,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,373,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,447,448,449,450,487 +5926 - 33,34,35,36,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,125,126,127,128,138,139,140,141,148,149,150,151,160,161,162,163,170,171,172,173,174,181,182,183,184,193,194,195,196,203,204,205,206,215,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,249,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,314,323,324,325,326,327,333,334,335,336,343,344,345,346,347,348,355,356,357,358,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,485 +5927 - 50,61,62,71,72,73,74,82,83,84,93,94,95,96,103,104,105,106,115,116,117,118,125,126,127,128,137,138,139,140,146,147,148,149,150,159,160,161,168,169,170,171,172,181,182,183,188,189,190,191,192,193,194,203,204,205,206,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,297,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,489 +5928 - 57,58,59,60,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,146,147,148,149,150,151,159,160,161,162,163,168,169,170,171,172,173,180,181,182,183,190,191,192,193,194,195,201,202,203,204,212,213,214,215,216,217,223,224,225,226,234,235,236,237,238,239,244,245,246,247,256,257,258,259,260,261,266,267,268,269,278,279,280,281,282,288,289,290,301,302,303,304,310,311,312,324,325,326,332,333,334,345,346,347,354,355,356,366,367,368,369,376,377,378,387,388,389,390,399,400,401,408,409,410,411,421,422,423,424,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,485 +5929 - 34,35,36,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,158,165,166,167,168,180,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +5930 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,99,100,101,114,115,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,256,257,258,259,280,281,301,302,303,323,324,325,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,423,424,425,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +5931 - 60,61,62,82,83,84,103,104,105,106,116,117,124,125,126,127,138,139,146,147,148,149,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,470,471,472,489 +5932 - 88,89,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,170,171,172,173,176,177,178,179,180,193,194,195,199,200,201,202,203,214,215,216,217,222,223,224,225,236,237,238,239,244,245,246,247,258,259,260,261,266,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,314,322,323,324,325,326,333,334,335,336,344,345,346,347,356,357,366,367,368,369,387,388,389,390,408,409,410,411,412,430,431,432,433,434,451,452,453,454,455,473,474,475,476,477,492 +5933 - 36,37,38,58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,356,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,420,421,422,423,424,442,443,444,486 +5934 - 38,39,40,58,59,60,61,62,63,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,150,151,152,161,162,163,164,165,166,167,171,172,173,183,184,185,186,187,188,192,193,194,195,203,204,205,206,207,208,214,215,216,217,225,226,227,228,229,235,236,237,246,247,248,249,250,257,258,259,268,269,270,271,272,278,279,280,281,289,290,291,292,293,294,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,337,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,485 +5935 - 73,74,75,76,77,85,86,87,93,94,95,96,97,98,99,105,106,107,108,109,114,115,116,117,118,119,126,127,128,129,130,131,136,137,138,139,140,146,147,148,149,150,151,152,153,158,159,160,161,167,168,169,170,171,172,173,174,181,182,183,184,187,188,189,190,191,192,193,194,203,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,362,363,364,365,378,379,380,385,386,387,400,401,407,408,409,422,423,428,429,430,431,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,493 +5936 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,100,101,102,113,114,115,116,117,122,123,124,135,136,137,144,145,146,158,165,166,167,186,187,188,189,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,255,256,257,258,277,278,279,280,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,404,405,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,488 +5937 - 33,34,35,36,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,162,163,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,488 +5938 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,78,79,94,95,100,101,121,122,123,142,143,144,163,164,165,166,184,185,186,187,188,206,207,208,209,210,211,232,233,234,255,256,257,277,278,279,300,301,316,317,322,323,336,337,338,339,344,345,358,359,365,366,367,380,381,382,387,388,389,403,404,405,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,488 +5939 - 103,104,105,106,107,113,114,115,116,117,118,119,120,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,212,213,214,215,216,225,233,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,282,298,299,300,301,302,303,318,319,320,321,322,323,324,340,341,342,343,344,345,360,361,362,363,364,365,366,382,383,384,385,386,387,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,466,467,468,469,470,471,492 +5940 - 34,35,36,55,56,57,58,77,78,79,80,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,425,426,427,428,447,448,449,486 +5941 - 75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,121,122,123,124,130,131,138,139,140,141,142,143,144,145,146,150,151,152,153,160,161,162,163,164,167,169,170,171,172,173,174,175,182,183,184,189,190,191,192,193,194,195,196,197,204,205,206,209,210,211,212,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,292,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,361,362,363,364,379,380,384,385,386,401,402,407,408,423,424,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,474,493 +5942 - 10,11,12,13,32,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,297,298,299,300,314,315,316,317,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,407,408,409,410,429,430,431,432,489 +5943 - 84,85,86,95,96,105,106,107,108,116,117,118,119,126,127,128,129,130,138,139,140,141,147,148,149,150,151,152,160,161,162,168,169,170,171,172,181,182,183,184,189,190,191,192,193,194,203,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,445,446,447,448,468,469,470,489 +5944 - 99,100,101,102,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,169,170,183,184,185,190,191,192,204,205,206,211,212,213,214,226,227,232,233,234,235,236,247,248,252,253,254,255,256,257,268,269,270,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,299,300,313,314,315,316,317,320,321,322,342,343,344,364,365,366,386,387,407,408,409,429,430,431,451,452,453,473,474,494 +5945 - 53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,363,364,365,366,367,368,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,488 +5946 - 52,53,54,55,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,147,148,149,150,158,159,160,162,163,164,171,172,173,179,180,181,184,185,194,195,196,201,202,203,216,217,218,223,224,225,238,239,240,245,246,247,259,260,261,267,268,269,281,282,283,289,290,291,302,303,304,305,312,313,324,325,326,334,335,336,346,347,348,357,358,359,367,368,369,370,379,380,381,388,389,390,391,402,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,471,472,473,474,475,485 +5947 - 33,34,35,36,37,40,41,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,182,183,184,185,187,188,189,190,204,205,206,207,209,210,211,212,231,232,233,234,235,253,254,255,256,257,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,324,325,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,461,488 +5948 - 14,15,16,37,38,59,60,81,82,102,103,104,124,125,126,146,147,148,168,169,190,191,212,213,234,235,255,256,257,277,278,298,299,300,311,312,313,314,315,316,317,320,321,322,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,388,389,409,410,411,487 +5949 - 129,130,131,149,150,151,152,153,167,168,169,170,171,172,173,174,175,181,182,183,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,270,271,272,273,293,294,295,296,316,317,318,337,338,339,340,358,359,360,361,362,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,490 +5950 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,161,162,163,164,168,169,170,182,183,184,185,186,189,190,191,204,205,206,207,208,210,211,212,213,228,229,230,232,233,234,250,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,365,382,383,385,386,387,403,404,405,408,409,410,425,426,427,430,431,432,447,448,449,452,453,454,470,471,472,473,474,475,493 +5951 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,76,77,78,79,80,81,98,99,100,101,120,121,122,123,140,141,142,143,144,162,163,164,165,166,184,185,186,187,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,491 +5952 - 94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,472,492 +5953 - 79,80,81,82,95,97,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,210,211,212,213,214,215,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +5954 - 56,57,58,78,79,80,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,158,166,167,188,189,190,210,211,212,232,233,234,254,255,256,259,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,386,387,388,408,409,410,411,431,432,433,453,454,455,476,477,492 +5955 - 34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,169,170,171,172,173,182,183,184,185,187,188,191,192,193,194,195,203,204,205,206,207,209,213,214,215,216,217,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,250,251,255,256,257,258,259,260,268,269,270,271,272,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +5956 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,80,81,82,97,98,99,103,104,105,120,121,125,126,127,142,143,144,146,147,148,165,166,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,296,298,299,313,314,315,316,317,319,320,321,335,336,337,341,342,343,356,357,358,363,364,365,378,379,380,384,385,386,400,401,402,404,405,406,407,408,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +5957 - 10,11,12,13,14,15,32,33,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,491 +5958 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,99,100,101,102,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,487 +5959 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,444,445,446,486 +5960 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,204,205,206,207,226,227,228,229,248,249,250,251,253,254,255,256,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,302,303,315,316,317,318,323,324,325,337,338,339,340,345,346,347,360,361,362,363,367,368,369,382,383,384,385,388,389,390,391,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,451,452,453,454,455,491 +5961 - 16,17,18,36,37,38,39,40,57,58,59,60,61,79,80,81,82,122,123,124,143,144,145,164,165,166,167,185,186,187,188,207,208,209,210,211,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,401,402,403,404,405,491 +5962 - 56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,470,471,472,486 +5963 - 51,52,53,71,73,74,78,79,92,93,100,101,114,115,125,126,127,128,129,136,137,138,144,145,146,147,148,149,150,151,158,159,160,161,165,166,167,168,169,170,171,172,173,180,181,182,183,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,335,336,337,338,340,341,342,343,357,358,359,363,364,365,379,380,385,386,387,388,408,409,410,411,425,429,430,431,432,433,451,452,453,454,455,470,472,473,474,475,476,493 +5964 - 55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,472,473,474,486 +5965 - 58,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,128,129,130,131,140,141,142,143,144,145,146,150,151,152,153,160,161,162,163,164,165,166,172,173,174,175,181,182,183,184,185,186,193,194,195,196,203,204,205,206,207,214,215,216,217,218,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,256,257,258,259,260,261,267,268,269,270,271,276,277,278,279,280,281,282,288,289,290,291,292,297,298,299,300,301,302,303,310,311,312,313,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,421,422,423,424,425,426,485 +5966 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,100,101,102,103,116,117,118,119,122,123,124,125,138,139,140,141,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,432,446,447,448,449,487 +5967 - 36,37,58,59,79,80,81,101,102,103,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +5968 - 50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,113,114,115,116,121,122,123,124,135,136,137,143,144,145,146,157,158,159,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,359,366,367,368,380,381,387,388,389,390,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,470,471,472,473,474,488 +5969 - 12,13,14,34,35,36,55,56,57,77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,206,207,208,209,210,228,229,230,231,232,233,252,253,254,255,256,276,277,278,291,298,299,300,313,320,321,322,335,341,342,343,344,357,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,490 +5970 - 98,99,100,101,118,119,120,121,122,123,124,139,140,141,142,143,145,146,160,161,162,163,167,168,182,183,184,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,277,278,298,299,300,319,320,321,341,342,343,363,364,384,385,386,405,406,407,427,428,429,449,450,451,471,472,494 +5971 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,192,193,194,204,205,206,207,214,215,216,217,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,282,289,290,291,292,298,299,300,301,302,303,311,312,313,314,319,320,321,322,323,324,332,333,334,335,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,485 +5972 - 74,75,76,77,78,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,144,145,146,157,158,159,160,166,167,168,179,180,181,188,189,190,201,202,203,210,211,212,213,223,224,225,226,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,293,294,295,296,299,300,301,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,474,475,476,477,494 +5973 - 97,98,99,100,107,108,109,114,115,116,117,118,119,120,121,122,123,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,341,342,343,359,360,364,365,366,380,381,382,386,387,388,402,403,408,409,410,424,425,429,430,431,432,446,447,450,451,452,453,468,469,470,471,472,473,474,493 +5974 - 57,58,59,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,274,275,296,297,317,318,319,339,340,341,361,362,382,383,384,404,405,406,426,427,448,449,470,471,472,486 +5975 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,97,98,99,115,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,188,206,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,302,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,490 +5976 - 91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,476,492 +5977 - 56,57,58,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,468,469,486 +5978 - 10,11,12,13,32,33,34,35,54,55,56,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,256,257,258,259,269,270,271,272,273,274,278,279,280,281,282,291,292,293,294,295,300,301,302,303,304,313,314,315,316,317,322,323,324,325,326,335,336,337,338,339,340,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,491 +5979 - 77,78,85,86,98,99,100,101,106,107,108,117,118,119,120,121,122,123,127,128,129,130,139,140,141,142,143,144,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,169,170,171,172,173,177,178,179,180,181,182,183,184,185,190,191,192,193,194,199,200,201,202,203,204,205,211,212,213,214,215,224,225,226,227,228,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,344,359,360,361,362,364,365,366,381,382,383,386,387,388,402,403,404,408,409,410,425,426,427,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +5980 - 29,30,31,32,51,52,53,54,55,75,76,77,78,98,99,100,101,121,122,123,124,144,145,146,166,167,168,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,274,275,276,296,297,298,299,319,320,321,342,343,344,364,365,366,385,386,387,388,399,400,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +5981 - 73,74,83,84,95,96,97,104,105,106,117,118,119,125,126,127,128,139,140,141,147,148,149,150,161,162,163,167,168,169,170,171,183,184,188,189,190,191,192,193,204,205,206,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,489 +5982 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,99,100,101,102,103,112,113,114,122,123,124,125,126,134,135,144,145,146,147,148,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,318,319,320,321,322,323,324,325,326,332,333,334,335,339,340,341,342,345,346,347,348,349,350,354,355,356,360,361,362,363,368,369,370,371,372,376,377,378,381,382,383,384,391,392,393,394,395,398,399,400,401,402,403,404,405,413,414,415,416,420,421,422,423,424,425,426,437,442,443,444,445,446,487 +5983 - 83,84,85,103,104,105,106,107,115,116,117,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,492 +5984 - 30,31,32,35,36,37,38,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,96,97,98,99,100,101,117,118,119,120,139,140,141,161,162,163,182,183,184,185,204,205,206,207,208,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,299,300,301,302,322,323,324,325,326,345,346,347,348,367,368,369,370,380,381,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,490 +5985 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,145,162,163,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,491 +5986 - 47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,142,143,144,145,146,147,166,167,168,169,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,323,343,344,345,365,366,367,368,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,488 +5987 - 57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,494 +5988 - 10,11,12,13,31,32,33,36,37,51,52,53,57,58,59,72,73,74,75,78,79,80,93,94,95,100,101,114,115,116,121,122,123,135,136,137,142,143,144,156,157,158,164,165,178,179,180,185,186,187,200,201,202,203,207,208,209,223,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,295,296,305,306,307,316,317,318,327,328,329,338,339,340,349,350,351,360,361,362,370,371,372,383,384,391,392,393,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,493 +5989 - 16,17,37,38,39,40,58,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,381,382,383,399,400,401,402,403,404,421,422,423,424,425,486 +5990 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,101,102,103,117,118,119,122,123,124,125,139,140,143,144,145,146,161,165,166,167,187,188,209,210,211,231,232,233,234,254,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,345,363,364,365,366,383,384,385,386,387,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,468,469,470,488 +5991 - 78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,232,233,234,235,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,494 +5992 - 73,74,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,169,170,171,172,173,179,180,181,193,194,195,196,200,201,202,216,217,218,222,223,224,239,240,241,244,245,261,262,263,266,267,283,284,285,288,289,305,306,307,310,311,327,328,329,332,333,334,349,350,351,355,356,357,370,371,372,373,378,379,380,381,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,450,451,452,453,485 +5993 - 33,34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,144,148,149,150,151,161,162,163,164,171,172,173,182,183,184,185,192,193,194,195,204,205,206,207,213,214,215,216,225,226,227,228,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,277,278,279,280,281,289,290,291,292,298,299,300,301,302,303,311,312,313,319,320,321,322,323,324,332,333,334,335,338,339,340,341,342,343,344,345,354,355,356,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,485 +5994 - 6,7,8,9,10,11,12,26,27,28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,76,77,78,79,80,81,82,102,103,104,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,211,212,213,214,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,316,317,318,319,320,337,338,339,340,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,487 +5995 - 15,16,36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,187,205,206,207,208,209,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,319,320,321,322,323,324,335,336,337,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,423,424,425,426,427,491 +5996 - 60,61,62,63,64,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,161,162,163,164,183,184,185,205,206,207,226,227,228,249,250,251,252,253,254,271,272,273,274,275,276,295,296,297,298,299,320,321,322,342,343,344,363,364,365,366,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,467,490 +5997 - 79,80,81,82,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,414,415,424,425,426,427,428,436,437,446,447,448,449,458,459,467,468,469,470,492 +5998 - 82,83,93,94,95,96,103,104,105,112,113,114,115,116,117,118,119,120,124,125,126,127,133,134,135,136,137,138,139,140,141,142,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,208,209,210,211,212,213,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,452,469,470,471,472,473,474,492 +5999 - 35,36,37,56,57,58,59,78,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,486 +6000 - 55,56,57,58,59,72,73,74,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,147,148,149,150,160,161,162,167,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,357,358,359,360,363,364,365,379,380,381,382,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,473,493 +6001 - 8,9,10,11,12,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,121,122,123,136,137,138,142,143,144,145,158,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,318,319,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,487 +6002 - 15,16,17,36,37,38,39,57,58,59,60,78,79,80,81,100,101,102,121,122,123,124,142,143,144,145,164,165,166,185,186,187,206,207,208,209,228,229,230,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,299,300,301,314,315,316,321,322,323,335,336,337,342,343,344,345,357,358,359,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +6003 - 56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,161,162,163,166,167,168,169,170,183,184,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,299,317,318,319,320,321,340,341,342,343,344,364,365,366,386,387,388,389,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,488 +6004 - 71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,165,166,167,168,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,256,257,258,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +6005 - 79,80,81,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,494 +6006 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,167,168,169,179,180,181,182,190,191,192,201,202,203,212,213,214,223,224,225,234,235,236,245,246,247,248,256,257,258,267,268,269,270,271,277,278,279,280,281,290,291,292,293,294,295,296,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,347,348,367,368,369,370,389,390,391,392,412,413,414,434,435,436,456,457,458,478,479,480,494 +6007 - 7,8,9,10,11,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,92,93,94,95,96,98,99,100,115,116,120,121,122,141,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,231,250,251,252,271,272,273,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,487 +6008 - 77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,165,166,167,168,169,170,171,182,183,184,185,187,188,189,190,191,192,204,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +6009 - 58,59,60,72,73,80,81,82,83,94,95,96,102,103,104,116,117,118,119,124,125,126,138,139,140,145,146,147,148,160,161,162,166,167,168,169,170,182,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,489 +6010 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,102,103,115,116,117,136,137,138,157,158,159,160,179,180,181,201,202,203,209,210,211,212,213,224,225,226,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,257,258,259,269,270,271,272,273,274,279,280,281,291,292,293,301,302,303,324,325,345,346,347,348,367,368,369,389,390,391,410,411,412,413,425,426,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,490 +6011 - 10,11,12,13,31,32,33,34,35,39,40,53,54,55,56,74,75,76,77,78,96,97,98,99,118,119,120,140,141,142,162,163,164,165,184,185,186,187,188,207,208,209,210,211,230,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,490 +6012 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,165,166,187,188,209,210,231,232,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,429,430,451,452,486 +6013 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,254,255,256,257,276,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,346,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +6014 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,446,447,448,486 +6015 - 102,103,104,105,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,206,207,212,213,214,215,233,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +6016 - 70,71,72,73,92,93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,164,165,166,167,187,188,189,190,209,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +6017 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,160,161,162,163,164,182,183,184,185,186,187,204,205,206,207,208,209,210,227,228,229,230,231,232,251,252,253,254,255,275,276,277,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,490 +6018 - 27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,93,94,95,99,100,101,102,116,117,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,444,445,446,447,448,449,487 +6019 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,123,124,139,140,141,145,146,147,166,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,344,363,364,365,366,384,385,386,387,388,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,488 +6020 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,211,212,213,214,223,224,225,226,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,456,457,476,477,478,479,494 +6021 - 34,35,36,56,57,58,78,79,80,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +6022 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,70,71,75,76,77,78,82,83,84,91,92,93,95,96,97,105,106,113,114,115,117,118,126,127,128,135,136,137,147,148,149,157,158,159,168,169,170,179,180,188,189,190,191,192,193,201,202,209,210,211,212,213,214,215,216,223,224,225,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,259,260,261,262,267,268,269,270,271,272,273,274,275,283,284,290,291,292,293,294,295,305,306,312,313,314,315,326,327,328,334,335,336,347,348,349,350,356,357,358,367,368,369,370,371,378,379,380,381,388,389,390,391,392,400,401,402,403,404,405,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,493 +6023 - 97,98,99,100,101,107,108,118,119,120,121,122,123,124,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,189,190,191,192,193,194,195,203,204,205,210,211,212,213,214,215,225,226,227,231,232,233,234,235,247,248,249,252,253,254,255,269,270,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,357,358,359,360,361,362,363,380,381,383,384,385,400,401,406,407,408,422,423,428,429,430,444,445,450,451,452,466,467,470,471,472,473,493 +6024 - 55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,138,139,140,146,147,148,160,161,162,163,167,168,169,183,184,185,189,190,191,210,211,212,213,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,322,323,324,325,326,327,328,329,333,334,335,337,338,339,340,348,349,350,351,354,355,356,358,359,360,361,376,377,378,379,380,381,382,398,399,400,401,402,403,421,422,423,487 +6025 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,182,183,184,185,188,189,190,191,205,210,211,212,213,231,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,487 +6026 - 50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,125,126,127,138,139,147,148,149,169,170,171,182,190,191,192,204,205,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,365,366,367,381,382,383,387,388,389,390,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +6027 - 52,53,54,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,135,136,137,138,139,140,141,142,143,157,158,159,162,163,164,165,179,180,181,184,185,186,187,201,202,205,206,207,208,226,227,228,229,247,248,249,250,269,270,271,272,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,383,384,385,386,387,388,389,390,391,392,393,394,395,487 +6028 - 29,30,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,115,116,117,137,138,139,158,159,160,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,211,212,213,214,223,224,225,226,227,234,235,236,237,246,247,248,257,258,259,279,280,281,301,302,303,304,323,324,325,326,345,346,347,348,358,359,366,367,368,369,380,381,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,490 +6029 - 32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,138,139,140,141,143,144,145,146,147,160,161,165,166,167,168,169,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,275,276,277,278,298,299,300,320,321,322,323,342,343,344,345,359,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +6030 - 7,8,9,28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,120,121,122,123,124,125,126,144,145,146,147,148,149,166,167,168,169,170,171,172,189,190,191,192,193,194,208,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,298,299,300,301,302,303,304,310,311,312,313,314,320,321,322,323,324,325,326,332,333,334,335,336,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,425,426,427,428,429,487 +6031 - 37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,107,118,119,120,121,122,123,126,127,128,129,139,140,141,142,143,144,148,149,150,151,160,161,162,163,164,170,171,172,173,182,183,184,192,193,194,195,204,205,213,214,215,216,225,226,227,235,236,237,247,248,249,255,256,257,258,259,268,269,270,271,276,277,278,279,280,281,290,291,292,297,298,299,300,301,302,311,312,313,317,318,319,320,321,322,323,332,333,334,335,338,339,340,341,342,343,344,354,355,356,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,444,445,446,447,485 +6032 - 12,13,14,15,16,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,95,96,97,98,116,117,118,119,120,138,139,140,141,160,161,162,181,182,183,184,203,204,205,212,213,214,225,226,227,233,234,235,236,237,238,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,313,314,315,316,317,318,323,324,325,326,335,336,337,338,339,340,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6033 - 55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,166,167,168,169,180,181,182,183,184,185,188,189,190,191,202,203,204,205,206,209,210,211,212,213,224,225,226,227,231,232,233,234,235,247,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,324,325,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,445,446,447,448,449,467,468,469,470,487 +6034 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,166,167,168,169,170,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,277,278,279,292,293,294,295,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +6035 - 57,58,59,60,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,140,141,142,143,144,146,147,162,163,164,167,168,169,183,184,185,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,467,468,469,494 +6036 - 37,38,39,58,59,60,61,74,75,76,77,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,143,144,145,159,160,161,164,165,166,167,181,182,183,186,187,188,189,203,204,205,208,209,210,225,226,227,230,231,247,248,249,251,252,253,270,271,272,273,274,275,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,323,340,341,342,343,344,345,346,362,363,366,367,368,384,385,386,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,434,452,453,454,455,493 +6037 - 62,63,74,75,84,85,96,97,105,106,107,118,119,126,127,128,129,138,139,140,141,147,148,149,150,151,160,161,162,163,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,227,230,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,489 +6038 - 53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,140,141,142,162,163,183,184,185,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,277,278,279,300,301,322,323,344,345,346,366,367,368,379,380,381,382,388,389,390,402,403,404,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,476,490 +6039 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,470,471,494 +6040 - 30,31,32,33,51,52,53,54,55,56,57,72,73,74,76,77,78,79,80,81,94,95,96,101,102,103,116,117,118,124,125,138,139,140,141,145,146,147,161,162,163,167,168,169,183,184,185,186,188,189,190,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,344,360,361,362,364,365,366,382,383,384,386,387,388,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,493 +6041 - 60,61,62,63,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,420,421,422,423,424,425,426,441,442,443,444,445,446,447,464,465,466,467,492 +6042 - 30,31,32,33,34,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,119,120,121,122,128,129,130,135,136,137,138,141,142,143,144,148,149,150,151,152,157,158,159,160,164,165,168,169,170,171,172,173,174,179,180,181,182,183,189,190,191,192,193,194,202,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,339,343,344,345,346,358,359,360,361,366,367,368,369,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,493 +6043 - 38,39,40,41,58,59,60,61,62,63,64,79,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,128,129,130,141,142,143,144,145,149,150,151,152,162,163,164,165,166,171,172,173,174,184,185,186,187,192,193,194,195,196,204,205,206,207,208,214,215,216,217,218,225,226,227,228,229,234,235,236,237,238,239,246,247,248,249,250,256,257,258,259,260,267,268,269,270,271,275,276,277,278,279,280,281,282,288,289,290,291,292,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,375,376,377,378,379,380,381,382,383,384,397,398,399,400,401,402,403,404,405,420,421,422,423,424,485 +6044 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,123,124,125,126,138,139,140,141,142,146,147,148,160,161,162,167,168,169,181,182,183,188,189,190,203,204,205,210,211,212,224,225,226,231,232,233,246,247,248,253,254,268,269,270,271,274,275,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,361,362,366,367,383,384,388,389,405,406,410,411,427,428,429,431,432,450,451,452,453,454,472,473,474,475,493 +6045 - 62,63,64,84,85,86,104,106,107,108,122,124,125,126,127,128,129,130,143,144,145,147,148,149,150,151,164,165,166,167,169,170,171,185,186,187,188,189,192,193,206,207,208,209,210,211,213,214,215,221,227,228,229,230,231,232,234,235,236,237,249,250,251,252,253,256,257,258,259,270,271,272,273,276,277,278,279,280,291,292,293,294,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,401,402,403,404,405,485 +6046 - 71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,114,115,116,121,122,123,124,125,145,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,236,246,247,248,249,254,255,256,257,267,268,269,270,271,272,273,276,277,278,288,289,290,293,294,295,296,297,298,299,310,311,316,317,318,319,320,321,332,333,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,365,366,367,368,369,370,377,378,379,380,388,389,390,391,392,393,394,395,414,415,416,417,487 +6047 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,122,123,124,125,138,139,140,141,142,144,145,146,147,148,160,161,162,163,166,167,168,169,170,182,183,184,188,189,190,191,192,204,205,206,207,210,211,212,213,226,227,228,229,231,232,233,234,235,250,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,487 +6048 - 36,37,58,59,80,81,93,94,95,102,103,115,116,117,123,124,125,136,137,138,145,146,147,158,159,160,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,223,224,225,233,234,235,245,246,247,252,253,254,255,256,257,267,268,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,453,454,455,489 +6049 - 72,73,74,75,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,165,166,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +6050 - 55,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,486 +6051 - 51,52,60,61,73,74,75,82,83,84,95,96,97,103,104,105,106,116,117,118,119,124,125,126,127,128,138,139,140,141,146,147,148,149,160,161,162,167,168,169,170,171,182,183,184,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,343,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,489 +6052 - 117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,212,213,214,215,224,233,234,235,236,237,255,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,446,447,448,449,467,468,469,470,492 +6053 - 78,79,80,99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,293,294,295,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,494 +6054 - 14,15,16,17,35,36,37,38,57,58,59,78,79,80,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,206,207,208,227,228,229,230,231,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,313,314,315,320,321,322,323,335,336,337,342,343,344,357,358,359,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,491 +6055 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,125,140,141,142,145,146,147,148,161,162,163,164,167,168,169,170,171,182,183,184,185,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,256,257,258,270,271,272,273,274,275,277,278,279,280,292,293,294,295,299,300,301,302,315,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,431,448,449,450,451,452,470,471,472,473,494 +6056 - 31,32,33,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,100,101,117,118,119,121,122,123,138,139,140,141,144,145,160,161,162,163,166,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,256,257,258,259,269,270,271,272,273,279,280,281,291,292,293,294,295,301,302,303,314,315,316,317,323,324,325,336,337,338,339,345,346,347,359,360,361,362,367,368,369,381,382,383,384,385,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,451,452,453,454,491 +6057 - 7,8,9,10,11,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,77,78,79,91,92,93,94,95,99,100,101,113,114,115,121,122,123,124,135,136,137,143,144,145,146,158,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,249,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,313,314,315,316,317,318,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,487 +6058 - 33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,124,125,126,127,128,135,136,137,138,139,140,145,146,147,148,149,157,158,159,167,168,169,170,171,188,189,190,191,192,210,211,212,213,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,335,336,337,338,339,340,341,343,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,487 +6059 - 82,83,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,359,360,361,364,365,381,382,383,385,386,387,388,403,404,405,407,408,409,410,425,426,427,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +6060 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,101,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,233,234,235,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,312,313,314,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,364,365,366,367,377,378,379,380,381,382,388,389,390,391,400,401,411,412,413,414,415,416,434,435,436,437,438,439,459,460,461,487 +6061 - 34,35,55,56,57,58,77,78,79,80,99,100,101,102,115,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +6062 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +6063 - 76,77,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,168,169,170,171,172,173,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,246,247,248,249,250,251,252,269,270,271,272,273,274,275,292,293,294,295,296,297,315,316,317,318,319,320,339,340,341,342,361,362,363,364,378,379,383,384,385,386,387,400,401,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +6064 - 12,13,14,15,16,17,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,81,82,83,94,95,96,97,98,99,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,181,182,183,184,191,192,193,194,202,203,204,205,211,212,213,214,215,216,217,224,225,226,227,231,232,233,234,235,236,237,238,239,240,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,272,273,274,275,276,277,278,281,282,283,284,289,290,291,292,293,294,295,296,297,298,303,304,305,306,311,312,313,314,315,316,317,318,319,323,324,325,326,327,334,335,336,337,338,339,344,345,346,347,348,356,357,358,359,360,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,491 +6065 - 15,16,17,36,37,38,39,57,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,491 +6066 - 31,32,33,34,35,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,123,124,125,126,139,140,146,147,148,161,162,168,169,170,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,277,279,280,281,292,293,294,302,303,304,314,315,324,325,326,335,336,337,346,347,348,357,358,359,360,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +6067 - 98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,271,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +6068 - 47,48,58,59,69,70,80,81,91,92,102,103,113,114,124,125,135,136,137,146,147,157,158,159,168,169,180,181,190,191,192,202,203,212,213,214,224,225,235,236,246,247,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,323,324,345,346,347,367,368,369,389,390,391,412,413,434,435,456,457,478,479,480,489 +6069 - 54,55,56,57,74,75,76,77,78,79,80,84,85,94,95,96,97,98,99,100,101,102,105,106,107,116,117,118,119,120,121,122,123,125,126,127,128,129,138,139,140,141,142,147,148,149,150,151,160,161,162,163,167,168,169,170,171,172,183,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,469,470,471,472,493 +6070 - 10,11,31,32,33,53,54,55,75,76,77,97,98,119,120,140,141,142,143,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,228,229,230,235,236,237,249,250,251,257,258,259,271,272,273,279,280,281,293,294,295,301,302,303,315,316,317,318,323,324,325,337,338,339,340,344,345,346,359,360,361,362,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,491 +6071 - 55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,161,162,163,166,167,168,169,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,318,319,320,341,342,343,363,364,365,386,387,388,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,475,476,488 +6072 - 11,12,13,14,15,16,17,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,60,61,72,73,74,75,76,83,93,94,95,96,115,116,117,137,138,139,159,160,161,182,183,184,205,206,207,228,229,230,231,251,252,253,254,255,275,276,277,278,299,300,301,322,323,324,325,333,334,335,345,346,347,348,355,356,357,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,490 +6073 - 55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,126,127,137,138,139,140,141,142,159,160,161,162,174,175,180,181,182,183,193,194,195,196,197,203,204,205,212,213,214,215,216,217,218,219,225,226,227,228,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,386,387,401,402,403,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +6074 - 50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,125,126,127,146,147,148,149,166,167,168,169,170,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,248,249,250,251,270,271,272,292,293,294,295,315,316,317,318,319,339,340,341,342,343,363,364,365,366,367,387,388,389,390,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,488 +6075 - 10,11,12,13,31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,80,81,82,83,98,103,104,105,125,126,127,146,147,148,149,167,168,169,170,171,187,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,344,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,488 +6076 - 55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,470,471,486 +6077 - 15,16,36,37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,121,122,123,124,142,143,144,145,146,163,164,165,166,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,277,278,279,280,292,293,294,299,300,301,302,313,314,315,316,319,320,321,322,323,335,336,337,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +6078 - 50,51,52,53,54,55,56,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,294,297,298,299,300,301,302,322,323,324,344,345,346,365,366,367,368,382,383,384,387,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +6079 - 80,81,82,83,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,470,492 +6080 - 32,33,54,55,56,75,76,77,78,97,98,99,100,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,386,405,406,407,408,428,429,430,431,432,451,452,453,454,486 +6081 - 36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,124,127,128,129,141,142,143,144,145,149,150,151,163,164,165,166,171,172,173,184,185,186,187,192,193,194,195,205,206,207,208,209,214,215,216,217,218,226,227,228,229,230,235,236,237,238,239,247,248,249,250,251,257,258,259,260,268,269,270,271,272,278,279,280,281,282,290,291,292,293,294,298,299,300,301,302,303,304,311,312,313,314,319,320,321,322,323,324,325,333,334,335,336,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +6082 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,169,170,181,182,183,190,191,192,203,204,205,211,212,213,225,226,227,228,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,472,473,474,475,494 +6083 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,140,141,142,143,144,149,150,161,162,163,164,165,171,172,182,183,184,185,186,193,194,203,204,205,206,207,214,215,216,225,226,227,228,236,237,238,246,247,248,249,250,258,259,260,268,269,270,271,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,332,333,334,335,342,343,344,345,346,354,355,356,357,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +6084 - 47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,134,135,136,137,145,146,156,157,158,164,165,166,167,168,169,170,178,179,180,186,187,188,189,190,191,192,193,201,202,203,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,258,259,260,261,267,268,269,270,271,272,273,274,281,282,283,284,291,292,293,304,305,306,326,327,328,329,349,350,351,371,372,373,381,382,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,438,490 +6085 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,149,150,151,152,153,159,160,161,162,163,164,165,166,167,172,173,174,175,180,181,182,183,184,185,186,187,188,189,194,195,196,197,201,202,203,204,205,206,207,208,209,210,216,217,218,219,223,224,225,226,227,230,231,232,233,238,239,240,241,245,246,247,248,253,254,255,259,260,261,262,263,266,267,268,269,270,280,281,282,283,284,288,289,290,291,301,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,332,333,334,335,342,343,344,345,346,347,348,354,355,356,357,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,468,469,470,485 +6086 - 58,59,60,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,486 +6087 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,449,486 +6088 - 13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,279,280,281,291,292,293,294,295,301,302,303,313,314,315,316,317,321,322,323,324,325,335,336,337,338,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +6089 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,139,140,141,142,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,227,228,229,231,232,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,344,345,346,347,348,349,350,351,354,355,356,357,358,359,367,368,369,370,371,372,373,376,377,378,379,380,487 +6090 - 99,100,101,102,103,116,117,118,119,121,122,123,124,125,137,138,139,140,141,142,144,145,146,147,148,159,160,161,162,163,164,168,169,170,180,181,182,183,191,192,193,202,203,204,212,213,214,224,225,232,233,234,235,236,246,247,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,300,301,302,322,323,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,474,475,476,494 +6091 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,96,97,98,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,276,277,278,279,280,291,292,299,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,380,381,382,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +6092 - 53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,251,252,253,254,274,275,276,277,297,298,299,319,320,321,342,343,363,364,365,380,381,385,386,387,401,402,403,404,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,474,490 +6093 - 82,83,103,104,105,125,126,127,137,146,147,148,149,158,159,160,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,211,212,213,217,218,219,223,224,225,232,233,234,235,236,237,238,239,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,489 +6094 - 49,50,71,72,73,82,93,94,95,96,103,104,105,106,114,115,116,117,118,125,126,127,128,136,137,138,139,140,146,147,148,149,150,151,157,158,159,160,161,162,168,169,170,171,172,173,179,180,181,182,183,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,298,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,473,474,475,489 +6095 - 95,96,97,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,270,276,277,278,279,299,300,301,302,321,322,323,324,332,333,334,342,343,344,345,346,354,355,356,357,358,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,490 +6096 - 12,13,34,35,36,56,57,58,59,79,80,81,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,251,252,253,254,255,256,275,276,277,278,299,300,320,321,322,341,342,343,344,355,356,357,358,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,424,425,426,427,428,429,488 +6097 - 10,11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,143,161,162,163,164,182,183,184,185,186,192,204,205,206,207,211,212,213,214,215,216,225,226,227,228,229,232,233,234,235,236,237,238,239,246,247,248,249,250,251,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,274,275,276,277,278,279,281,282,283,284,290,291,292,293,294,295,296,297,298,299,303,304,305,306,312,313,314,315,316,317,318,319,320,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +6098 - 71,72,73,93,94,95,101,115,116,117,118,123,124,138,139,140,145,146,160,161,162,167,168,169,182,183,184,189,190,191,192,193,204,205,206,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,322,323,324,336,337,338,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +6099 - 114,115,116,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,212,213,214,215,216,217,221,222,223,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +6100 - 134,135,156,157,168,169,170,177,178,179,189,190,191,192,199,200,201,202,203,204,205,206,207,210,211,212,213,214,221,222,223,224,225,226,227,228,229,230,231,232,233,235,236,243,244,252,253,254,256,257,258,259,260,261,262,275,276,277,278,279,280,281,282,283,297,298,300,301,322,323,344,345,365,366,367,387,388,492 +6101 - 36,37,38,39,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,127,128,129,138,139,140,141,142,148,149,150,151,160,161,162,163,169,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,206,207,212,213,214,215,226,227,228,229,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +6102 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +6103 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,188,189,190,191,192,202,203,204,205,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,259,260,269,270,271,272,273,274,275,276,277,281,282,296,297,298,303,304,305,317,318,319,320,325,326,327,339,340,341,347,348,349,361,362,363,370,371,383,384,385,393,404,405,406,407,415,426,427,428,429,436,437,448,449,450,451,458,459,470,471,472,479,480,481,494 +6104 - 7,8,9,10,11,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,78,79,80,81,101,102,103,104,124,125,126,146,147,148,169,170,171,191,192,193,204,205,206,207,213,214,215,225,226,227,228,229,230,235,236,237,246,247,248,251,252,253,256,257,258,268,269,270,273,274,275,278,279,280,290,291,296,297,298,300,301,302,312,313,314,318,319,320,321,322,323,334,335,336,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,409,410,411,412,413,432,433,434,487 +6105 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,171,172,173,174,175,181,182,183,184,185,186,195,196,197,202,203,204,205,206,207,217,218,219,224,225,226,227,228,239,240,241,245,246,247,248,249,250,260,261,262,263,267,268,269,270,271,282,283,284,285,288,289,290,291,292,293,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,344,345,346,347,348,349,354,355,356,357,363,364,365,366,367,368,369,376,377,378,379,380,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +6106 - 97,98,99,100,118,119,120,121,122,123,139,140,141,142,143,144,145,147,160,161,162,163,164,165,166,167,168,169,170,182,183,184,187,188,189,190,191,192,203,204,205,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,277,278,279,294,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,473,474,475,476,494 +6107 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +6108 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,124,125,126,136,137,138,139,140,146,147,148,158,159,160,161,167,168,169,170,181,182,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,433,435,436,447,448,449,487 +6109 - 76,77,78,97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,160,161,162,165,166,167,168,182,183,184,187,188,189,190,209,210,211,212,231,232,233,234,246,247,248,249,252,253,254,255,267,268,269,270,271,272,273,274,275,276,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,365,366,367,368,369,370,487 +6110 - 55,56,76,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,486 +6111 - 25,26,27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,97,98,99,100,101,102,113,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,298,299,300,301,302,303,304,305,322,323,324,325,326,327,328,345,346,347,348,349,350,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +6112 - 55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,125,137,138,139,140,141,142,143,158,159,160,161,162,163,164,179,180,181,182,183,184,201,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,281,300,301,302,303,323,324,325,344,345,346,347,365,366,367,368,369,384,385,386,387,388,389,390,391,400,401,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,490 +6113 - 132,133,134,135,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,471,472,492 +6114 - 51,52,53,54,55,56,57,58,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,123,124,125,126,127,128,129,130,131,137,138,139,140,141,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,341,342,343,344,345,356,357,358,359,360,361,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,493 +6115 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,151,152,153,161,162,163,164,171,172,173,174,175,182,183,184,185,191,192,193,194,195,196,197,204,205,206,207,208,211,212,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,356,357,358,359,361,362,363,364,365,377,378,379,380,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +6116 - 28,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,71,72,73,80,81,93,94,95,101,102,103,115,116,117,137,138,139,159,160,181,182,185,186,187,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,261,262,263,268,269,270,284,285,291,292,293,306,307,312,313,314,315,328,329,333,334,335,349,350,351,355,356,357,370,371,372,373,378,379,380,391,392,393,394,400,401,402,403,404,405,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,490 +6117 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,137,139,140,141,142,143,144,146,147,148,159,161,162,163,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,474,494 +6118 - 12,13,14,15,16,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,103,104,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,491 +6119 - 12,13,14,15,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,191,192,193,194,195,196,202,203,204,205,206,214,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,249,259,260,261,262,266,267,268,269,270,280,281,282,283,288,289,290,291,292,302,303,304,305,309,310,311,312,313,322,323,324,325,326,327,331,332,333,334,335,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,485 +6120 - 34,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,118,119,120,121,122,123,139,140,141,142,161,162,163,183,184,185,205,206,207,227,228,229,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,319,320,321,322,342,343,344,364,365,366,386,387,388,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,490 +6121 - 34,35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +6122 - 57,58,59,60,61,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,183,184,186,191,192,193,204,205,206,208,213,214,215,226,227,235,236,237,247,248,257,258,268,269,278,279,290,291,299,300,301,312,320,321,322,333,334,341,342,343,344,355,356,363,364,365,366,377,378,384,385,386,399,400,401,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,468,469,470,485 +6123 - 75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,141,142,144,145,146,166,167,168,169,188,189,190,191,210,211,212,225,226,227,228,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,278,279,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,344,345,346,347,348,349,350,351,355,356,357,358,359,360,487 +6124 - 5,6,7,8,27,28,29,30,31,50,51,52,53,54,72,73,74,75,76,77,95,96,97,98,99,100,119,120,121,122,123,142,143,144,145,146,165,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,345,346,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,487 +6125 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,144,145,146,147,148,149,168,169,170,171,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,326,336,345,346,347,348,357,358,359,360,361,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,488 +6126 - 40,41,61,62,63,74,75,82,83,84,96,97,98,99,101,102,103,104,105,118,119,120,121,122,123,124,125,139,140,142,143,144,161,162,183,184,205,206,227,228,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,276,277,278,292,293,294,295,299,300,314,315,316,321,322,343,344,365,366,386,387,388,408,409,410,424,425,428,429,430,446,447,448,449,450,451,490 +6127 - 37,38,39,40,58,59,60,61,79,80,81,82,83,101,102,103,104,123,124,125,126,139,140,144,145,146,147,148,160,161,162,166,167,168,169,181,182,183,184,187,188,189,190,191,203,204,205,206,209,210,211,212,224,225,226,227,228,230,231,232,233,234,245,246,247,248,249,252,253,254,255,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,489 +6128 - 30,31,32,33,34,52,53,54,55,56,57,74,75,76,78,79,80,95,96,97,98,101,102,103,117,118,119,120,123,124,125,139,140,141,146,147,148,161,162,163,164,168,169,170,183,184,185,186,190,191,192,205,206,207,208,211,212,213,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,360,361,362,365,366,367,368,382,383,384,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +6129 - 97,98,117,118,119,120,121,122,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,186,187,188,189,190,191,194,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,274,275,276,277,278,279,289,290,291,299,300,301,311,312,313,314,315,321,322,323,334,335,336,337,338,339,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,405,406,407,408,409,410,490 +6130 - 74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,277,296,297,298,318,319,320,340,341,342,362,363,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,486 +6131 - 9,10,11,12,31,32,33,34,52,53,54,55,56,74,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,164,181,182,183,184,185,186,191,192,203,204,205,206,207,211,212,213,214,215,216,217,225,226,227,228,229,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,304,305,306,307,311,312,313,314,315,316,317,318,319,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,491 +6132 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,144,145,146,147,158,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,322,323,324,337,338,339,340,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,435,454,455,456,457,476,477,478,479,494 +6133 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +6134 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,70,71,75,76,77,78,98,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,255,256,257,258,259,260,270,271,280,281,282,302,303,304,324,325,326,345,346,347,348,367,368,369,387,388,389,390,391,399,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +6135 - 53,54,55,56,57,58,59,60,64,65,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,126,127,128,129,130,131,137,138,139,140,141,147,148,149,150,151,152,153,159,160,161,162,163,170,171,172,173,174,182,183,184,185,191,192,193,194,195,204,205,206,207,208,212,213,214,215,216,217,226,227,228,229,230,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,382,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +6136 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,137,138,139,140,141,142,145,147,148,149,150,156,157,158,159,160,161,171,172,173,178,180,181,182,193,194,195,196,199,200,201,202,203,216,217,218,221,222,238,239,240,243,244,260,261,262,265,266,282,283,284,287,288,289,303,304,305,306,309,310,311,312,325,326,327,331,332,333,334,335,346,347,348,349,354,355,356,357,358,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,429,430,431,485 +6137 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,128,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,168,169,171,172,181,182,183,184,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,215,216,225,226,227,228,229,230,231,232,233,234,235,237,238,248,249,250,251,252,253,254,255,256,259,260,275,276,277,278,281,282,296,297,298,299,303,304,318,319,320,325,326,339,340,341,342,347,348,361,362,363,369,370,382,383,384,385,391,392,404,405,406,425,426,427,428,447,448,449,450,468,469,470,471,494 +6138 - 45,46,47,48,67,68,69,70,71,72,73,90,91,92,93,94,95,96,97,115,116,117,118,119,120,121,122,139,140,141,142,143,144,145,146,147,149,163,164,165,166,167,168,169,170,171,172,187,188,189,190,191,192,193,194,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +6139 - 33,34,35,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,169,170,171,172,173,183,184,185,186,187,192,193,194,205,206,207,208,213,214,215,216,226,227,228,229,230,235,236,237,238,247,248,249,250,251,257,258,259,260,269,270,271,272,278,279,280,281,290,291,292,293,294,298,299,300,301,302,303,312,313,314,315,319,320,321,322,323,324,333,334,335,336,337,340,341,342,343,344,345,355,356,357,358,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,485 +6140 - 6,7,8,9,27,28,29,30,31,32,48,49,50,51,53,54,55,56,70,71,72,76,77,78,79,99,100,101,102,122,123,124,125,145,146,147,168,169,190,191,192,212,213,214,234,235,236,256,257,258,278,279,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,391,392,393,401,402,403,404,405,413,414,415,434,435,436,487 +6141 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,161,162,163,164,165,168,169,170,171,172,182,183,184,185,189,190,191,192,193,204,205,206,207,210,211,212,213,214,215,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,341,357,358,359,360,361,362,363,378,379,380,381,383,384,385,400,401,402,403,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,451,468,469,470,471,472,493 +6142 - 114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,171,172,173,174,178,179,195,196,197,218,219,239,240,241,260,261,262,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,321,322,323,324,332,333,334,335,341,342,343,344,354,355,360,361,362,363,364,376,377,378,379,380,381,382,383,384,399,400,401,402,403,487 +6143 - 103,104,105,106,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,191,192,193,194,201,202,203,204,205,206,207,213,214,215,216,222,223,224,225,226,227,234,235,236,237,244,245,246,247,248,255,256,257,258,259,267,268,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +6144 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,170,171,172,183,184,185,186,187,188,192,193,194,205,206,207,208,209,213,214,215,216,227,228,229,230,234,235,236,237,238,248,249,250,251,252,256,257,258,259,260,270,271,272,273,274,278,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,316,317,321,322,323,324,325,335,336,337,338,339,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +6145 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,119,120,121,122,123,124,126,127,128,141,142,143,144,145,148,149,150,163,164,165,166,169,170,171,172,185,186,187,191,192,193,194,207,208,209,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +6146 - 31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,117,118,119,124,125,126,139,140,141,147,148,161,162,163,169,170,171,191,192,193,212,213,214,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,320,321,322,323,324,335,336,337,342,343,344,345,357,358,359,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,487 +6147 - 77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,149,161,162,163,164,167,168,169,170,183,184,185,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,472,494 +6148 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,273,274,275,295,296,297,317,318,319,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,449,450,486 +6149 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,193,202,203,204,205,211,212,213,214,215,223,224,225,226,232,233,234,235,236,237,245,246,247,248,253,254,255,256,257,258,267,268,269,270,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,321,322,323,335,336,337,338,339,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,475,494 +6150 - 91,92,93,94,95,113,114,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,144,158,159,160,161,162,163,164,165,166,167,184,185,186,187,188,189,190,209,210,211,212,232,233,234,254,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,433,451,452,453,454,473,474,475,476,492 +6151 - 52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,170,171,172,173,174,175,180,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,207,208,216,217,218,219,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,249,258,259,260,261,262,263,266,267,268,269,270,280,281,282,283,284,288,289,290,291,292,300,301,302,303,304,305,306,310,311,312,313,314,322,323,324,325,326,327,332,333,334,335,342,343,344,345,346,347,348,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,485 +6152 - 74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,145,146,147,148,149,156,157,158,159,160,169,170,171,177,178,179,190,191,192,193,199,200,201,211,212,213,214,215,221,222,223,231,232,233,234,235,236,237,243,244,245,246,252,253,254,255,256,257,258,265,266,267,268,269,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,300,301,302,311,312,313,314,315,316,317,322,323,324,325,344,345,346,347,366,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,458,459,478,479,480,481,482,494 +6153 - 54,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,453,471,472,473,474,486 +6154 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,122,123,124,137,138,139,140,144,145,146,160,161,162,163,165,166,167,168,183,184,185,186,187,188,189,206,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,338,339,340,343,344,345,360,361,362,365,366,367,368,382,383,384,387,388,389,390,404,405,406,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +6155 - 58,59,60,75,76,79,80,81,95,96,97,98,101,102,103,116,117,118,119,122,123,124,125,138,139,140,144,145,146,147,159,160,161,166,167,168,180,181,182,183,188,189,190,202,203,204,205,209,210,211,212,218,219,224,225,226,227,228,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,489 +6156 - 32,33,34,35,36,54,55,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,204,205,206,207,226,227,228,229,230,231,249,250,251,252,253,254,255,273,274,275,276,277,278,298,299,300,301,321,322,323,343,344,345,364,365,366,367,385,386,387,388,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,488 +6157 - 99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,170,171,182,183,184,185,186,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,269,275,276,277,278,289,290,298,299,300,301,311,312,320,321,322,323,333,334,340,341,342,343,344,355,356,357,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,423,424,425,426,490 +6158 - 57,58,59,71,72,73,74,75,76,77,79,80,81,92,93,94,95,96,97,98,99,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,143,144,145,146,147,157,158,159,160,166,167,168,169,180,181,182,183,187,188,189,190,202,203,204,205,206,207,209,210,211,212,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,274,275,276,277,278,296,297,298,299,300,301,302,318,319,320,322,323,324,325,340,341,342,345,346,347,361,362,363,364,368,369,370,383,384,385,389,390,391,392,406,407,408,410,411,412,413,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,473,474,475,476,493 +6159 - 36,37,38,39,58,59,60,61,79,80,81,82,83,96,97,101,102,103,104,105,118,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,401,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,486 +6160 - 11,12,33,34,35,55,56,57,76,77,78,98,99,100,120,121,122,141,142,143,163,164,165,185,186,187,206,207,208,209,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,276,277,278,279,294,295,296,299,300,301,315,316,317,318,322,323,324,337,338,339,340,344,345,360,361,362,366,367,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6161 - 11,12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,139,140,141,142,143,144,161,162,163,164,165,168,169,170,171,172,173,182,183,184,185,186,188,189,190,191,192,193,194,195,196,203,204,205,206,207,209,210,211,212,213,214,215,216,217,218,219,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,254,255,256,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,491 +6162 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,142,143,144,145,146,147,148,149,158,159,170,171,172,181,192,193,194,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,468,469,470,492 +6163 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,172,173,174,175,183,184,185,186,187,195,196,197,203,204,205,206,207,208,217,218,219,224,225,226,227,228,229,230,238,239,240,241,246,247,248,249,250,251,260,261,262,263,267,268,269,270,271,281,282,283,284,285,288,289,290,291,292,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,485 +6164 - 54,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,119,120,141,142,162,163,164,184,185,206,207,227,228,229,249,250,251,252,253,272,273,274,275,276,297,298,299,320,321,342,343,344,364,365,366,386,387,388,408,409,428,429,430,431,449,450,451,452,469,470,471,472,473,490 +6165 - 121,122,123,124,125,126,127,128,130,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,205,206,207,208,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,270,271,275,276,277,297,298,299,311,312,313,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,490 +6166 - 9,10,11,12,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,100,101,102,103,122,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,276,277,278,298,299,300,312,313,314,315,316,317,318,319,320,321,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,410,411,412,413,423,424,425,426,427,487 +6167 - 13,14,15,16,34,35,36,37,55,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,187,204,205,206,207,208,226,227,228,229,230,234,235,236,237,238,247,248,249,250,251,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,324,325,326,335,336,337,338,339,340,341,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +6168 - 54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,144,145,146,161,162,163,164,166,167,168,183,184,185,186,188,189,190,205,206,207,210,211,212,226,227,228,232,233,234,247,248,249,250,254,255,256,257,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +6169 - 100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,472,473,492 +6170 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,145,146,147,148,157,158,159,168,169,170,171,179,180,181,190,191,192,193,194,201,202,203,212,213,214,215,216,223,224,225,234,235,236,237,245,246,247,256,257,258,259,267,268,269,270,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,335,336,337,338,339,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +6171 - 34,35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,107,118,119,120,121,122,123,126,127,128,140,141,142,143,147,148,149,150,163,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,298,299,300,301,321,322,323,332,333,334,335,342,343,344,345,353,354,355,356,357,362,363,364,365,366,374,375,376,377,378,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,488 +6172 - 56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,128,129,130,131,137,138,139,140,141,142,150,151,152,153,158,159,160,161,162,171,172,173,174,175,180,181,182,183,192,193,194,195,196,202,203,204,205,212,213,214,215,216,217,225,226,227,228,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,366,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,493 +6173 - 79,80,81,82,100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,189,190,191,192,204,205,206,207,208,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,469,470,471,494 +6174 - 54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,135,136,137,138,158,159,160,180,181,182,183,203,204,205,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,277,278,279,280,281,292,293,294,301,302,303,304,314,315,316,323,324,325,326,346,347,348,368,369,370,389,390,391,392,405,406,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,471,472,473,474,475,476,490 +6175 - 79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,141,142,143,144,145,147,148,149,162,163,164,165,168,169,170,182,183,184,185,186,189,190,191,192,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +6176 - 29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,101,102,103,104,105,106,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,245,246,247,248,249,252,253,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,309,310,311,312,313,314,315,316,317,318,319,332,333,334,335,336,337,338,339,340,341,354,355,356,357,358,359,360,361,362,363,364,383,384,385,386,387,391,392,393,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,434,435,452,453,454,455,456,487 +6177 - 32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,145,146,147,148,165,166,167,168,169,170,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,256,257,258,259,272,273,279,280,281,282,302,303,304,324,325,326,327,333,346,347,348,349,354,355,356,357,358,359,367,368,369,370,376,377,378,379,380,381,382,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,488 +6178 - 53,54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,149,159,160,161,163,164,169,170,171,181,182,185,186,191,192,193,194,202,203,204,214,215,216,217,224,225,226,236,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,359,368,369,370,379,380,381,382,389,390,391,392,401,402,403,404,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +6179 - 56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,160,161,162,163,164,169,170,171,172,173,182,183,184,185,186,190,191,192,193,194,195,205,206,207,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +6180 - 53,54,55,56,74,75,76,77,78,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,160,161,162,163,164,166,167,168,182,183,184,185,188,189,190,204,205,206,207,210,211,212,226,227,228,229,232,233,234,247,248,249,250,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,363,364,365,366,385,386,387,388,408,409,410,429,430,431,432,451,452,453,454,474,475,476,489 +6181 - 35,36,37,38,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +6182 - 57,58,59,60,77,78,79,80,81,82,84,85,98,99,100,103,104,106,107,119,120,121,124,125,126,127,128,129,141,142,147,148,149,150,162,163,164,168,169,170,171,184,185,186,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,320,337,338,339,341,342,358,359,360,363,364,365,380,381,386,387,401,402,403,408,409,424,425,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +6183 - 76,96,97,98,99,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,160,161,164,165,166,167,187,188,189,209,210,211,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,315,316,317,318,319,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,349,350,351,355,356,357,358,359,360,361,378,379,380,381,487 +6184 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,125,126,127,138,139,140,141,147,148,149,160,161,162,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,343,344,359,360,361,362,365,366,380,381,382,383,387,388,402,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,493 +6185 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,161,162,163,164,168,169,170,171,172,182,183,184,185,190,191,192,193,203,204,205,206,207,211,212,213,214,215,225,226,227,228,233,234,235,236,237,245,246,247,248,249,250,252,253,254,255,256,257,258,267,268,269,270,271,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,342,343,344,345,359,360,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,472,473,474,475,494 +6186 - 91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,163,167,168,169,170,171,191,192,193,213,214,234,235,236,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +6187 - 11,12,13,33,34,35,36,54,55,56,57,75,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,226,227,228,229,236,237,238,248,249,250,255,256,257,258,259,260,261,270,271,272,276,277,278,279,280,281,282,283,292,293,294,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,321,322,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,404,405,406,426,427,428,491 +6188 - 9,10,11,30,31,32,33,52,53,72,73,74,75,94,95,96,115,116,117,118,136,137,138,139,158,159,160,180,181,182,187,188,189,190,191,192,193,203,204,209,210,211,212,213,214,215,216,217,225,226,227,233,234,235,236,237,238,239,247,248,249,258,259,260,261,262,269,270,271,272,282,283,284,292,293,294,304,305,306,314,315,316,317,326,327,328,336,337,338,339,347,348,349,359,360,361,368,369,370,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +6189 - 104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,211,212,213,214,225,226,227,228,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +6190 - 68,69,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,142,143,144,145,146,157,158,159,160,161,164,165,166,167,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,226,227,228,229,230,231,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,303,318,319,320,321,322,323,324,325,326,344,345,346,347,348,349,368,369,370,371,384,391,392,393,394,405,406,407,413,414,415,416,427,428,429,434,435,436,437,438,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,481,488 +6191 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,139,140,141,142,143,147,148,149,150,161,162,163,167,168,169,170,171,183,184,185,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,377,378,379,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +6192 - 53,54,55,56,57,58,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,128,129,130,137,138,139,140,141,142,145,146,147,151,152,158,159,160,161,162,163,168,169,173,174,180,181,182,183,184,191,195,196,202,203,204,205,206,216,217,218,223,224,225,226,227,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,303,304,305,310,311,312,313,324,325,326,331,332,333,334,335,345,346,347,348,353,354,355,356,366,367,368,369,375,376,377,378,388,389,390,397,398,399,400,409,410,411,412,419,420,421,422,430,431,432,433,441,442,443,444,451,452,453,454,463,464,465,466,471,472,473,474,475,485 +6193 - 14,15,16,34,35,36,37,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,124,125,126,127,140,141,142,143,147,148,149,162,163,164,169,170,171,190,191,192,193,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,320,321,322,323,335,343,344,345,346,355,356,357,358,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,488 +6194 - 78,79,80,93,94,95,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,209,210,211,212,213,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,453,472,473,474,475,492 +6195 - 38,39,60,61,81,82,83,97,98,103,104,105,118,119,120,124,125,126,139,140,141,142,146,147,148,160,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,296,297,298,299,300,301,302,303,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,489 +6196 - 53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,126,127,128,129,135,136,137,138,139,149,150,151,152,156,157,158,159,171,172,173,174,178,179,180,193,194,195,196,200,201,202,215,216,217,218,237,238,239,258,259,260,261,280,281,282,283,284,285,301,302,303,304,305,306,307,311,312,313,314,315,316,317,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,385,386,387,388,389,400,401,402,403,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,472,487 +6197 - 74,75,95,96,97,100,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,233,234,235,236,246,247,255,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +6198 - 69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,124,125,126,146,147,148,168,169,170,189,190,191,192,210,211,212,213,232,233,234,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,427,447,448,449,470,471,472,473,474,475,476,477,478,479,487 +6199 - 92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,492 +6200 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,103,104,105,118,119,124,125,126,127,145,146,147,148,149,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,250,251,252,253,272,273,274,293,294,295,314,315,316,334,335,336,337,338,356,357,358,359,377,378,379,380,381,384,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,487 +6201 - 80,81,82,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,162,163,164,165,166,168,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,226,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +6202 - 30,31,32,51,52,53,54,73,74,75,95,96,100,101,102,103,117,118,121,122,123,124,125,126,138,139,140,143,144,145,146,147,148,161,162,165,166,169,170,183,184,187,191,192,193,205,206,213,214,215,227,228,235,236,237,249,250,257,258,259,271,272,279,280,281,293,294,301,302,303,315,316,323,324,325,337,338,339,345,346,359,360,361,366,367,368,382,383,388,389,404,405,406,409,410,411,427,428,429,430,431,432,449,450,451,452,453,485 +6203 - 35,36,37,38,56,57,58,59,60,78,79,80,81,99,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +6204 - 53,54,75,76,77,98,99,120,121,142,143,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,319,320,341,342,363,364,385,386,407,408,429,430,451,452,473,474,486 +6205 - 78,79,80,81,82,93,94,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +6206 - 55,56,57,58,77,78,79,80,99,100,101,102,122,123,124,139,140,141,145,146,161,162,167,168,183,184,188,189,190,204,205,206,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,473,474,475,489 +6207 - 13,14,15,34,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,187,205,206,207,208,212,214,215,226,227,228,229,230,232,233,234,235,236,237,238,247,248,249,250,251,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +6208 - 76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,126,127,128,135,136,137,138,139,148,149,157,158,159,169,170,171,190,191,192,211,212,213,231,232,233,234,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,292,293,294,295,296,299,300,315,322,323,345,366,367,388,389,410,411,431,432,446,447,452,453,454,468,469,470,471,472,473,474,475,488 +6209 - 95,96,97,98,115,116,117,118,119,120,121,136,137,138,139,140,141,142,143,159,163,164,165,185,186,187,206,207,208,209,228,229,230,231,245,246,247,248,249,250,251,252,267,268,269,270,271,272,273,274,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,341,342,343,344,345,487 +6210 - 27,28,29,30,31,48,49,50,51,52,53,54,70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,114,115,116,117,136,137,138,139,158,159,160,161,181,182,183,203,204,205,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,302,303,304,325,326,347,348,369,370,382,390,391,392,404,405,406,407,408,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,490 +6211 - 37,38,39,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +6212 - 73,74,75,76,77,78,80,81,95,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,143,144,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,468,469,470,492 +6213 - 124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,251,252,253,254,255,256,276,277,278,279,299,300,301,302,311,312,313,321,322,323,324,333,334,335,336,337,338,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,404,405,406,407,408,490 +6214 - 58,59,60,80,81,82,97,98,102,103,104,105,118,119,120,124,125,126,127,139,140,141,142,146,147,148,149,160,161,162,163,164,168,169,170,171,182,183,184,185,186,190,191,192,203,204,205,206,207,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,300,301,302,310,311,312,313,314,315,321,322,323,324,335,343,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,453,454,455,476,477,489 +6215 - 119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,203,204,205,206,224,225,226,227,246,247,248,249,250,251,268,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,312,318,319,320,321,322,333,334,335,336,337,338,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,404,405,406,407,408,490 +6216 - 57,58,59,79,80,81,92,93,94,101,102,103,114,115,116,117,123,124,125,136,137,138,139,145,146,147,158,159,160,161,167,168,169,180,181,182,189,190,191,201,202,203,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,291,300,301,302,322,323,324,344,345,346,366,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,458,477,478,479,480,489 +6217 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,167,168,169,170,171,172,173,181,182,183,184,185,191,192,193,194,195,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,249,258,259,260,261,266,267,268,269,270,271,280,281,282,283,288,289,290,291,292,301,302,303,304,305,306,309,310,311,312,313,321,322,323,324,325,326,327,331,332,333,334,335,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,485 +6218 - 32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +6219 - 119,120,121,122,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,193,194,195,196,203,204,205,206,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,490 +6220 - 55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,177,178,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,300,301,302,303,304,305,306,324,325,326,327,328,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,488 +6221 - 55,56,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,169,170,171,172,173,174,180,181,182,183,184,192,193,194,195,196,202,203,204,205,215,216,217,218,219,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,249,259,260,261,262,263,266,267,268,269,270,281,282,283,284,285,288,289,290,291,292,303,304,305,306,307,310,311,312,313,314,324,325,326,327,328,332,333,334,335,336,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,485 +6222 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,274,275,276,277,278,296,297,298,299,300,319,320,321,322,341,342,343,344,345,363,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,486 +6223 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,123,124,125,126,137,138,139,159,160,161,162,166,167,168,169,182,183,184,185,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,324,336,337,338,339,340,343,344,345,346,358,359,360,361,362,366,367,368,380,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +6224 - 53,54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,454,473,474,475,476,486 +6225 - 60,61,62,75,76,80,81,82,83,96,97,98,102,103,104,118,119,120,124,125,126,139,140,141,145,146,147,148,161,162,163,167,168,169,182,183,184,185,188,189,190,191,203,204,205,206,207,210,211,212,213,225,226,227,228,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,473,474,489 +6226 - 117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,170,171,172,177,178,179,180,181,192,193,194,198,199,200,214,215,216,220,236,237,238,257,258,259,279,280,281,300,301,302,322,323,324,343,344,345,364,365,366,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,492 +6227 - 35,36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,147,148,149,150,151,160,161,162,163,164,165,166,169,170,171,172,173,174,182,183,184,185,186,187,191,192,193,194,195,196,203,204,205,206,207,208,213,214,215,216,217,218,223,224,225,226,227,228,229,235,236,237,238,239,240,244,245,246,247,248,249,250,257,258,259,260,261,262,266,267,268,269,270,271,279,280,281,282,283,287,288,289,290,291,292,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,341,342,343,344,345,346,347,353,354,355,356,361,362,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,485 +6228 - 55,56,77,78,99,100,121,122,143,144,165,166,187,188,209,210,231,232,253,254,275,276,297,298,319,320,341,342,363,364,385,386,407,408,429,430,451,452,473,474,486 +6229 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,118,119,123,124,125,126,127,145,146,147,148,166,167,168,169,170,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,277,278,279,280,281,282,300,301,302,303,304,322,323,324,325,326,342,343,344,345,346,347,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +6230 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,122,123,124,135,136,137,138,144,145,146,147,157,158,159,160,166,167,168,180,181,182,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,252,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,301,302,316,317,318,319,322,323,324,325,338,339,340,341,345,346,347,360,361,362,367,368,369,382,383,384,389,390,391,404,405,406,407,411,412,413,426,427,428,429,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +6231 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,147,148,149,150,151,160,161,162,163,169,170,171,172,173,182,183,184,185,190,191,192,193,194,204,205,206,207,211,212,213,214,215,227,228,229,230,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,385,386,387,400,401,402,403,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +6232 - 56,57,58,59,60,61,77,78,79,80,81,82,83,99,100,104,105,117,118,119,125,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,164,165,169,170,171,182,183,184,190,191,192,204,205,206,211,212,213,227,228,229,232,233,234,235,250,251,252,254,255,256,273,274,275,276,277,295,296,297,298,299,318,319,320,321,339,340,341,342,343,344,360,361,362,364,365,366,382,383,384,386,387,388,389,404,405,408,409,410,411,425,426,427,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +6233 - 35,36,37,38,57,58,59,60,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,372,381,382,383,384,394,402,403,404,405,406,424,425,426,427,447,448,449,486 +6234 - 34,35,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +6235 - 10,11,12,13,31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,101,102,103,104,123,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,366,367,368,369,370,371,372,375,376,377,378,379,380,381,390,391,392,393,397,398,399,400,401,487 +6236 - 35,36,57,58,59,77,78,79,80,81,99,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +6237 - 31,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,226,227,228,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,301,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,365,366,367,368,369,370,371,372,373,377,378,379,380,391,392,393,487 +6238 - 57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,163,164,165,166,169,170,171,172,184,185,186,187,188,192,193,194,205,206,207,208,209,214,215,216,227,228,229,230,235,236,237,238,248,249,250,251,257,258,259,270,271,272,273,278,279,280,281,291,292,293,294,295,300,301,302,313,314,315,316,321,322,323,324,335,336,337,338,342,343,344,345,356,357,358,359,360,363,364,365,366,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,485 +6239 - 26,27,28,29,30,31,32,33,34,35,36,37,48,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,124,125,126,127,128,129,144,145,146,147,148,149,150,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,326,344,345,346,347,348,367,368,369,370,371,377,378,379,380,381,382,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +6240 - 97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,146,147,158,159,160,161,162,168,169,179,180,181,182,190,191,192,201,202,203,212,213,234,235,256,257,277,278,279,299,300,301,320,321,322,342,343,344,364,365,386,387,407,408,409,429,430,431,450,451,452,472,473,474,492 +6241 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,486 +6242 - 53,54,55,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,246,247,250,251,252,253,254,255,256,257,258,266,267,268,275,276,277,278,279,280,281,288,289,290,300,301,302,303,309,310,311,312,323,324,325,326,331,332,333,334,345,346,347,348,354,355,356,357,367,368,369,370,376,377,378,379,380,381,382,383,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +6243 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,124,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,298,299,300,301,321,322,323,324,335,336,343,344,345,346,355,356,357,358,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +6244 - 32,33,34,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,146,147,148,161,162,163,166,167,168,169,170,171,183,184,185,190,191,192,193,194,204,205,206,214,215,216,226,227,228,236,237,238,248,249,258,259,269,270,271,280,281,292,293,301,302,303,314,315,323,324,336,337,338,344,345,346,358,359,360,366,367,368,381,382,383,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,485 +6245 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,211,212,213,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,302,303,304,305,312,313,314,315,316,317,318,322,323,324,325,326,334,335,336,337,338,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,491 +6246 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,126,127,128,129,138,139,140,141,149,150,151,160,161,162,163,164,169,170,171,172,173,182,183,184,185,186,189,190,191,192,193,194,195,205,206,207,208,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,345,358,359,360,361,364,365,366,367,380,381,382,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +6247 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,190,191,192,203,204,205,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +6248 - 73,74,75,76,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,142,143,144,145,146,147,148,149,159,160,161,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,224,225,226,233,234,235,246,247,248,255,256,257,268,269,277,278,279,280,281,290,291,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,363,364,365,385,386,387,407,408,409,429,430,431,451,452,473,474,475,492 +6249 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,76,77,78,79,80,81,101,102,103,123,124,125,144,145,146,147,165,166,167,168,169,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,302,321,322,323,324,343,344,345,346,356,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,488 +6250 - 71,72,73,74,75,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,163,164,165,166,167,168,169,170,171,176,177,178,179,180,189,190,191,192,193,194,198,199,200,201,202,211,212,213,214,215,216,220,221,222,223,224,225,233,234,235,236,237,238,243,244,245,246,247,248,249,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,345,346,347,348,366,367,368,369,370,389,390,391,392,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,477,478,479,480,494 +6251 - 38,39,40,59,60,61,80,81,82,102,103,104,123,124,125,126,139,140,145,146,147,160,161,162,167,168,169,182,183,184,188,189,190,191,203,204,205,206,210,211,212,225,226,227,228,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,318,319,320,321,322,323,324,325,326,327,328,332,333,334,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,489 +6252 - 53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,121,126,127,128,135,136,137,148,149,150,157,158,159,169,170,171,179,180,181,182,190,191,192,193,202,203,204,205,206,211,212,213,214,225,226,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,339,340,343,344,345,346,347,359,360,361,367,368,369,370,380,381,382,383,389,390,391,392,402,403,404,405,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +6253 - 78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,146,147,148,149,160,161,162,163,164,165,168,169,170,171,181,182,183,184,185,189,190,191,192,202,203,204,205,206,210,211,212,213,214,224,225,226,227,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,314,315,316,319,320,321,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +6254 - 34,35,36,37,56,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,425,426,427,428,447,448,449,450,486 +6255 - 13,14,15,34,35,36,37,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,187,205,206,207,208,227,228,229,230,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,321,322,323,324,335,336,337,338,339,343,344,345,346,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +6256 - 74,75,76,77,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,125,139,140,141,144,145,146,147,148,160,161,162,168,169,170,171,182,183,184,191,192,193,204,205,206,213,214,215,226,227,234,235,236,247,248,249,255,256,257,258,269,270,271,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,474,475,476,494 +6257 - 84,85,86,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,181,182,183,184,185,203,204,205,206,207,208,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,275,276,277,278,279,289,298,299,300,301,311,312,321,322,323,324,333,334,335,344,345,346,355,356,357,358,359,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,490 +6258 - 11,12,13,14,32,33,34,35,36,52,53,54,55,56,74,75,76,95,96,97,98,117,118,119,138,139,140,141,160,161,162,163,182,183,184,204,205,206,225,226,227,228,233,234,235,247,248,249,250,253,254,255,256,257,258,259,269,270,271,274,275,276,277,278,279,280,281,282,291,292,293,295,296,297,298,299,302,303,304,313,314,315,316,317,318,319,320,324,325,326,336,337,338,339,340,341,346,347,348,358,359,360,361,362,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +6259 - 36,37,57,58,59,60,72,78,79,80,81,93,94,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,449,486 +6260 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,94,95,96,97,98,101,102,103,104,116,117,118,124,125,126,138,139,140,145,146,147,148,161,162,166,167,168,169,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,276,277,278,299,300,301,321,322,323,343,344,345,357,358,365,366,367,379,380,381,387,388,389,401,402,403,408,409,410,411,423,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +6261 - 78,79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,181,182,183,184,185,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +6262 - 55,56,57,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,162,163,165,166,167,187,188,189,209,210,211,231,232,233,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,448,449,450,451,452,453,470,471,472,473,474,475,486 +6263 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,125,126,127,128,129,130,139,140,141,142,143,148,149,150,151,152,160,161,162,163,168,169,170,171,172,173,181,182,183,184,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,225,226,227,228,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +6264 - 74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,107,108,116,128,129,130,149,150,151,170,171,172,191,192,193,212,213,214,233,234,235,254,255,256,275,276,277,295,296,297,298,316,317,318,337,338,339,358,359,360,379,380,381,400,401,402,403,404,421,422,423,424,425,442,443,444,445,463,464,465,492 +6265 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +6266 - 49,50,51,52,53,54,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,113,114,115,121,122,124,125,126,135,136,137,138,139,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,254,255,256,257,271,272,273,277,278,279,280,293,294,295,301,302,303,315,316,317,324,325,337,338,339,346,347,348,360,361,362,369,370,382,383,384,385,391,392,393,405,406,407,408,412,413,414,415,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,474,475,476,477,478,493 +6267 - 36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,426,427,428,429,448,449,450,486 +6268 - 52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,85,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,157,158,159,160,161,162,163,182,183,184,185,205,206,207,208,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,302,322,323,324,325,335,336,344,345,346,347,356,357,358,365,366,367,368,369,377,378,379,380,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +6269 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,146,147,148,149,161,162,163,168,169,170,171,184,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,388,389,390,391,392,393,398,399,400,401,402,403,404,412,413,414,420,421,422,423,424,425,442,443,444,445,487 +6270 - 97,98,99,100,103,104,105,117,118,119,120,121,122,125,126,127,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,168,169,170,180,181,182,189,190,191,202,203,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,385,386,406,407,408,428,429,430,450,451,471,472,473,494 +6271 - 96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +6272 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,492 +6273 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,188,206,207,208,209,227,228,229,230,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +6274 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,95,100,101,115,116,117,122,123,138,139,140,141,161,162,163,164,185,186,187,188,189,190,207,208,209,210,211,212,230,231,232,233,252,253,254,255,256,273,274,275,277,278,279,295,296,297,300,301,317,318,322,323,324,338,339,340,345,346,360,361,362,367,368,382,383,384,389,390,404,405,406,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,493 +6275 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,103,104,105,116,117,118,119,125,126,138,139,140,147,148,149,160,161,162,169,170,171,182,183,184,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,326,335,336,337,338,340,341,342,346,347,348,356,357,358,359,362,363,364,368,369,370,378,379,380,383,384,385,386,389,390,391,392,400,401,402,403,404,405,406,407,408,411,412,413,414,422,423,424,425,426,427,428,429,434,435,436,446,447,448,449,450,457,493 +6276 - 77,78,79,80,81,82,92,93,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,177,178,179,180,181,182,183,184,185,186,199,200,201,202,203,204,205,206,207,208,209,210,211,221,222,223,224,225,226,227,228,229,230,231,232,233,234,243,244,245,246,247,248,250,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,282,300,301,302,303,304,305,323,324,325,326,327,347,348,349,350,369,370,371,372,379,380,391,392,393,394,401,402,403,412,413,414,415,424,425,426,427,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,479,490 +6277 - 59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,148,149,150,162,163,164,165,166,171,172,183,184,185,186,187,191,192,193,205,206,207,208,211,212,213,214,215,216,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,335,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +6278 - 32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,429,430,431,432,451,452,453,454,486 +6279 - 37,38,39,58,59,60,61,80,81,82,101,102,103,104,123,124,125,139,140,144,145,146,147,160,161,162,166,167,168,182,183,184,187,188,189,190,203,204,205,206,209,210,211,225,226,227,231,232,233,246,247,248,253,254,255,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,489 +6280 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,122,123,124,126,138,139,140,141,144,145,146,147,148,149,160,161,162,168,169,170,171,181,182,183,190,191,192,202,203,204,210,211,212,213,214,224,225,226,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,298,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,454,473,474,475,476,477,494 +6281 - 14,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,150,162,163,169,170,171,172,191,192,193,194,212,213,214,215,216,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,391,392,393,398,399,400,401,402,403,487 +6282 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,144,145,146,147,148,158,159,160,161,162,166,167,168,169,180,181,182,183,184,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,412,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +6283 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,100,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,369,370,371,372,373,377,378,379,380,381,382,399,400,401,402,487 +6284 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,95,96,97,116,117,118,125,126,127,128,129,138,139,140,145,146,147,148,149,161,162,163,166,167,168,169,184,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,256,271,272,273,274,276,277,278,293,294,295,296,299,300,315,316,317,318,321,322,323,337,338,339,340,343,344,345,359,360,361,362,365,366,367,381,382,383,384,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,493 +6285 - 54,55,56,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,166,167,168,169,170,171,182,183,184,185,191,192,193,204,205,206,207,213,214,215,216,226,227,228,236,237,238,248,249,250,258,259,260,270,271,272,280,281,282,292,293,294,301,302,303,304,313,314,315,322,323,324,325,335,336,337,344,345,346,357,358,359,360,364,365,366,367,368,379,380,381,382,385,386,387,388,389,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +6286 - 71,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,143,144,145,146,147,148,149,155,156,157,158,168,169,170,171,177,178,179,191,192,193,194,199,200,201,213,214,215,216,217,221,222,223,224,225,236,237,238,239,240,243,244,245,246,247,258,259,260,261,262,266,267,268,269,270,281,282,283,284,289,290,291,292,293,303,304,305,306,311,312,313,314,315,316,317,318,319,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,361,362,363,364,365,366,367,368,369,370,371,372,383,384,385,386,387,388,389,390,391,392,393,408,409,410,411,412,413,485 +6287 - 55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,124,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,486 +6288 - 92,93,94,101,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,191,192,193,194,200,201,202,203,214,215,216,222,223,224,225,235,236,237,238,243,244,245,246,257,258,259,260,265,266,267,268,279,280,281,282,287,288,289,300,301,302,303,309,310,322,323,324,325,343,344,345,346,347,365,366,367,368,387,388,389,409,410,411,430,431,432,433,452,453,454,455,473,474,475,476,492 +6289 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,99,100,101,102,103,122,123,124,125,145,146,147,168,169,170,190,191,192,212,213,233,234,235,255,256,257,277,278,279,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,389,390,391,392,402,403,404,405,406,407,408,412,413,414,415,424,425,426,427,428,429,434,435,436,447,448,449,457,458,487 +6290 - 54,55,74,75,76,77,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,165,166,167,182,183,184,185,187,188,189,204,205,206,207,209,210,211,226,227,228,231,232,233,247,248,249,250,253,254,255,269,270,271,272,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,363,364,365,368,369,385,386,407,408,429,430,451,452,473,474,489 +6291 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,122,123,124,144,145,146,165,166,167,178,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,256,257,258,259,268,269,270,271,272,273,278,279,280,281,291,292,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,386,387,388,389,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,488 +6292 - 56,57,58,59,77,78,79,80,81,98,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,383,384,385,405,406,407,427,428,429,430,450,451,452,473,474,486 +6293 - 37,38,39,59,60,61,80,81,82,83,102,103,104,116,117,124,125,126,138,139,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,206,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,321,322,323,335,336,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,489 +6294 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,75,76,77,78,79,80,81,92,93,100,101,102,103,123,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,250,251,252,253,254,256,257,258,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,320,321,322,323,324,334,335,336,343,344,345,346,356,357,358,363,364,365,366,367,368,369,370,378,379,380,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,412,413,414,415,423,424,425,426,427,428,429,435,436,446,447,448,449,487 +6295 - 59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,141,158,159,160,180,181,182,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,257,258,259,260,268,269,270,271,280,281,282,283,302,303,304,305,324,325,326,327,346,347,348,349,367,368,369,370,380,381,382,389,390,391,392,401,402,403,404,405,406,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +6296 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,159,160,161,162,167,168,169,170,171,182,186,187,188,189,190,191,192,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,367,377,383,384,385,386,387,388,398,399,400,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,488 +6297 - 9,10,11,31,32,33,52,53,54,74,75,76,96,97,117,118,119,139,140,141,161,162,163,182,183,184,204,205,206,210,211,212,213,214,226,227,228,232,233,234,235,236,237,248,249,250,253,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,292,293,294,297,298,299,300,301,302,314,315,316,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,383,384,385,386,387,406,407,408,491 +6298 - 6,7,8,9,27,28,29,30,31,32,50,51,52,53,54,55,56,73,74,75,76,77,78,79,97,98,99,100,101,120,121,122,123,124,144,145,146,147,167,168,169,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,278,279,280,281,282,283,284,289,290,291,292,300,301,302,303,304,305,306,307,311,312,313,314,320,321,322,323,324,325,326,327,328,329,333,334,335,336,341,342,343,344,345,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,425,426,427,487 +6299 - 91,92,93,102,103,104,113,114,115,116,117,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,211,212,213,214,223,224,225,226,233,234,235,236,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,492 +6300 - 53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +6301 - 56,57,58,59,77,78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,161,162,163,164,167,168,169,183,184,185,186,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,278,279,296,297,298,299,300,301,302,318,319,320,321,322,323,324,339,340,341,343,344,345,346,360,361,362,365,366,367,368,381,382,383,387,388,389,403,404,405,408,409,410,411,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +6302 - 53,54,58,59,60,74,75,76,77,80,81,82,83,95,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,138,139,140,141,142,146,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,185,190,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,234,235,236,237,245,246,247,248,249,255,256,257,258,267,268,269,270,271,277,278,279,280,289,290,291,292,293,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,410,411,412,432,433,434,454,455,456,457,476,477,478,479,489 +6303 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,165,166,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,210,211,212,213,214,225,226,227,232,233,234,235,236,248,249,250,251,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +6304 - 71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,120,121,122,123,124,125,145,146,147,167,168,169,188,189,190,210,211,212,232,233,234,253,254,255,256,275,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +6305 - 55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,192,193,194,204,205,206,207,214,215,216,225,226,227,228,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,291,292,293,300,301,302,303,313,314,315,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,364,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +6306 - 32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,103,104,117,118,119,122,123,124,125,126,127,138,139,140,146,147,148,149,159,160,161,162,168,169,170,171,172,181,182,183,190,191,192,193,194,203,204,205,214,215,216,224,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,345,346,347,348,357,358,359,360,367,368,369,380,381,382,383,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +6307 - 33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,486 +6308 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,165,166,167,187,188,208,209,210,230,231,232,251,252,253,273,274,275,295,296,297,316,317,318,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,429,448,449,450,486 +6309 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,97,98,99,100,101,102,103,104,112,113,114,115,123,124,125,126,135,136,137,146,147,148,158,159,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,256,257,258,277,278,279,280,298,299,300,301,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,410,411,412,413,414,423,424,425,426,427,428,433,434,435,436,445,446,447,448,449,455,456,457,458,487 +6310 - 53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,106,107,108,114,115,116,117,118,119,135,136,137,138,139,140,157,158,159,160,179,180,181,201,202,203,204,223,224,225,226,227,228,229,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,321,322,323,324,325,326,345,346,347,348,368,369,370,371,390,391,392,393,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,490 +6311 - 47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,258,259,260,269,280,281,282,302,303,304,305,324,325,326,327,344,345,346,347,348,365,366,367,368,369,370,385,386,387,388,389,390,391,399,400,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,488 +6312 - 57,58,59,78,79,80,95,96,100,101,102,116,117,118,122,123,124,138,139,144,145,146,159,160,161,166,167,168,181,182,188,189,190,203,204,205,210,211,212,225,226,227,228,232,233,234,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,298,299,320,321,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,474,475,489 +6313 - 57,58,59,79,80,81,96,101,102,103,117,118,119,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,181,182,183,184,189,190,203,204,205,210,211,212,225,226,227,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +6314 - 56,57,58,78,79,80,81,99,100,101,102,114,115,116,117,121,122,123,124,135,136,137,138,139,144,145,146,157,158,159,160,166,167,168,169,178,179,180,189,190,191,200,201,202,211,212,213,214,222,223,224,234,235,236,237,244,245,246,247,256,257,258,259,267,268,269,270,271,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,338,346,347,348,368,369,370,371,391,392,393,413,414,415,435,436,437,456,457,458,479,480,489 +6315 - 76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,156,157,158,159,160,161,162,181,182,183,184,203,204,205,206,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,301,302,303,304,324,325,326,327,346,347,348,367,368,369,370,388,389,390,391,392,409,410,411,412,413,423,424,425,426,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,476,490 +6316 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,166,167,168,169,179,180,181,182,183,184,185,188,189,190,201,202,203,204,205,206,210,211,212,224,225,231,232,233,234,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +6317 - 9,10,11,12,13,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,190,191,192,193,203,204,205,211,212,213,214,215,216,217,224,225,226,227,233,234,235,236,237,238,239,246,247,248,254,255,256,257,258,259,260,261,268,269,270,276,277,278,279,280,281,282,290,291,292,297,298,299,300,301,302,303,312,313,314,319,320,321,322,323,324,325,334,335,336,337,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +6318 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,147,148,149,161,162,163,164,165,166,167,169,170,171,172,182,183,184,185,186,187,189,191,192,193,194,203,204,205,206,208,213,214,215,216,225,226,227,235,236,237,238,246,247,248,249,257,258,259,268,269,270,271,279,280,281,289,290,291,292,300,301,302,311,312,313,314,322,323,324,333,334,335,336,343,344,345,346,355,356,357,358,365,366,367,377,378,379,380,385,386,387,388,400,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,468,469,470,471,472,485 +6319 - 94,95,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,179,188,189,190,191,210,211,212,213,232,233,234,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,492 +6320 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,102,103,104,105,106,116,117,118,119,124,125,126,127,128,138,139,140,146,147,148,149,150,160,161,168,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,266,267,268,269,275,276,277,278,279,288,289,290,291,292,296,297,298,299,300,309,310,311,312,313,314,315,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,457,487 +6321 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,146,147,148,160,161,162,163,164,165,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,324,336,337,338,339,343,344,345,346,358,359,360,366,367,368,379,380,381,382,388,389,390,401,402,403,409,410,411,412,423,424,425,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +6322 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,121,122,123,124,125,136,137,138,139,140,146,147,148,159,160,161,162,163,169,170,182,183,184,185,186,206,207,208,209,213,229,230,231,232,233,234,235,252,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,321,322,323,324,336,337,338,344,345,346,358,359,360,366,367,368,380,381,382,383,389,390,391,403,404,405,411,412,413,425,426,427,428,429,433,434,435,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,493 +6323 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,145,146,147,148,149,150,151,152,158,159,160,161,162,163,169,170,171,172,173,174,180,181,182,183,184,192,193,194,195,201,202,203,204,205,215,216,217,223,224,225,226,227,237,238,239,244,245,246,247,248,249,258,259,260,261,266,267,268,270,280,281,282,283,288,289,290,302,303,304,305,309,310,311,312,323,324,325,326,327,331,332,333,334,344,345,346,347,353,354,355,356,365,366,367,368,369,375,376,377,378,379,386,387,388,389,390,398,399,400,401,402,403,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,485 +6324 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,158,166,167,168,169,170,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,492 +6325 - 34,35,36,55,56,57,58,77,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,449,450,451,452,486 +6326 - 53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,129,130,131,137,138,139,140,151,152,153,159,160,161,173,174,175,180,181,182,195,196,197,201,202,203,204,217,218,219,223,224,225,239,240,241,245,246,247,260,261,262,263,267,268,269,281,282,283,284,288,289,290,302,303,304,305,310,311,312,323,324,325,326,332,333,334,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,468,469,470,485 +6327 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,99,100,101,102,112,113,114,115,116,122,123,124,125,134,135,136,137,145,146,147,156,157,158,159,160,168,169,170,179,180,181,182,190,191,192,213,214,235,236,257,258,278,279,280,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,410,411,412,426,432,433,434,454,455,456,457,476,477,478,487 +6328 - 25,26,27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,76,77,78,79,80,100,101,102,123,124,145,146,167,168,189,190,210,211,212,232,233,234,254,255,256,257,258,259,260,261,274,275,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,304,305,306,315,316,317,318,319,320,321,327,328,329,337,338,339,341,342,343,350,351,358,359,363,364,373,379,380,381,384,385,386,401,402,403,406,407,424,425,426,427,428,429,446,447,448,449,450,487 +6329 - 27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,100,101,102,103,115,122,123,124,125,143,144,145,146,147,163,164,165,166,167,168,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,279,280,281,282,301,302,303,304,305,323,324,325,326,345,346,347,348,366,367,368,369,377,378,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,488 +6330 - 72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,145,146,147,148,158,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,234,235,236,246,247,248,249,255,256,257,258,269,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,322,323,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,448,449,450,453,454,455,456,470,471,472,473,474,475,476,477,494 +6331 - 59,60,73,74,75,80,81,82,95,96,97,102,103,104,117,118,119,124,125,126,139,140,146,147,148,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,228,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,320,321,322,342,343,363,364,365,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,489 +6332 - 9,10,11,12,29,30,31,32,33,34,51,52,53,55,56,72,73,74,93,94,95,114,115,116,117,135,136,137,138,157,158,159,160,169,170,171,172,173,174,178,179,180,181,189,190,191,192,193,194,195,196,197,200,201,202,210,211,212,213,214,215,216,217,218,219,222,223,224,231,232,233,234,240,241,244,245,246,252,253,254,255,262,263,266,267,268,274,275,276,283,284,285,288,289,290,296,297,298,304,305,306,307,311,312,313,318,319,320,324,325,326,327,328,333,334,335,336,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,491 +6333 - 31,32,35,36,37,38,39,40,41,51,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,116,117,118,119,138,139,140,159,160,161,162,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,250,251,255,256,257,258,259,260,280,281,282,283,302,303,304,305,324,325,326,327,345,346,347,348,349,354,355,356,357,366,367,368,369,370,376,377,378,379,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,490 +6334 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +6335 - 11,12,13,14,32,33,34,35,53,54,55,56,75,76,77,96,97,98,99,118,119,120,139,140,141,142,161,162,163,182,183,184,192,193,204,205,206,212,213,214,215,216,225,226,227,228,234,235,236,237,238,239,247,248,249,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,298,299,300,303,304,305,312,313,314,320,321,322,324,325,326,334,335,336,337,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +6336 - 29,30,31,32,33,51,52,53,54,55,56,73,74,75,76,77,78,94,95,96,98,99,100,101,116,117,121,122,123,139,143,144,145,164,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,256,257,258,259,279,280,281,301,302,303,323,324,325,345,346,347,356,357,366,367,368,369,378,379,380,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +6337 - 81,82,83,102,103,104,105,113,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,344,345,346,362,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,492 +6338 - 63,64,84,85,86,98,99,106,107,108,119,120,121,122,127,128,129,130,140,141,142,143,148,149,150,151,161,162,163,164,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,225,226,227,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,448,449,450,451,469,470,471,472,489 +6339 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,168,169,170,183,184,185,189,190,191,192,205,206,207,210,211,212,213,227,228,229,232,233,234,249,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,344,358,359,360,361,364,365,366,380,381,382,386,387,388,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +6340 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,125,126,127,128,138,139,140,141,142,146,147,148,149,161,162,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,292,293,294,295,300,301,302,314,315,316,322,323,324,335,336,337,345,346,347,356,357,358,359,367,368,378,379,380,381,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +6341 - 96,97,98,99,100,101,102,108,117,118,119,120,121,122,123,124,125,130,138,139,140,141,143,144,145,146,147,148,152,159,160,161,166,167,168,169,170,181,182,183,188,189,190,191,192,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,284,297,298,299,300,306,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +6342 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,149,159,160,161,162,166,167,168,169,170,181,182,183,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,292,293,294,299,300,301,321,322,323,343,344,345,365,366,367,368,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +6343 - 93,94,95,96,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,190,191,192,204,205,206,211,212,213,226,227,228,233,234,235,248,249,250,255,256,257,277,278,279,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,454,473,474,475,492 +6344 - 32,33,34,35,36,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,103,104,116,117,125,126,146,147,148,166,167,168,169,170,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,279,280,301,302,303,312,313,323,324,325,334,335,336,344,345,346,356,357,366,367,368,378,379,380,381,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +6345 - 54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,486 +6346 - 14,15,16,35,36,37,56,57,58,59,77,78,79,80,98,99,100,120,121,141,142,143,163,164,184,185,206,207,212,227,228,232,233,234,235,236,249,250,252,253,254,255,256,257,258,271,272,273,274,275,280,293,294,301,302,315,323,324,337,338,344,345,359,360,365,366,367,381,382,386,387,388,403,404,407,408,409,425,426,427,428,429,491 +6347 - 52,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,137,138,139,158,159,160,161,180,181,182,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,260,261,262,268,269,270,271,282,283,284,304,305,306,326,327,328,347,348,349,350,367,368,369,370,371,378,379,388,389,390,391,392,399,400,401,402,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,490 +6348 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +6349 - 9,10,11,31,32,33,52,53,54,55,74,75,76,95,96,97,98,117,118,119,139,140,141,160,161,162,163,168,169,170,182,183,184,188,189,190,191,192,193,204,205,206,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,274,275,276,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,404,405,406,407,491 +6350 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,160,161,162,163,167,168,170,171,181,182,183,188,189,190,192,193,203,204,205,210,211,212,213,214,215,224,225,226,232,233,234,235,236,246,247,248,253,254,255,256,257,268,269,275,276,277,278,279,290,291,296,297,298,299,300,301,312,313,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,365,366,379,380,381,382,383,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +6351 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,137,138,139,146,147,148,149,159,160,161,169,170,171,191,192,193,212,213,214,215,234,235,236,256,257,258,277,278,279,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,388,389,390,401,402,403,404,405,406,407,410,411,412,413,424,425,426,427,432,433,434,435,454,455,456,476,477,478,487 +6352 - 34,35,36,56,57,58,59,60,74,75,77,78,79,80,81,82,95,96,97,98,103,104,105,116,117,118,119,120,126,127,128,138,139,140,149,150,159,160,161,162,171,172,181,182,183,184,193,194,203,204,205,215,216,224,225,226,227,237,238,247,248,258,259,260,268,269,270,280,281,290,291,292,302,303,312,313,314,323,324,325,334,335,336,344,345,346,357,358,365,366,367,368,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +6353 - 50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,123,124,136,137,138,139,158,159,160,161,180,181,182,186,187,188,189,190,191,192,193,202,203,204,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,257,258,259,260,261,268,269,270,271,272,273,281,282,283,290,291,292,293,303,304,305,306,325,326,327,347,348,349,368,369,370,371,389,390,391,392,393,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,490 +6354 - 35,36,37,38,56,57,58,59,62,77,78,79,80,84,99,100,101,105,106,120,121,122,127,128,141,142,143,148,149,150,163,164,170,171,184,185,186,192,193,205,206,207,213,214,215,227,228,229,235,236,249,250,256,257,258,270,271,272,277,278,279,292,293,294,299,300,301,314,315,320,321,322,336,337,342,343,357,358,359,363,364,365,379,380,384,385,386,400,401,402,405,406,407,408,422,423,424,425,426,427,428,445,446,447,448,449,485 +6355 - 34,35,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,257,258,259,260,268,269,270,271,278,279,280,281,290,291,292,300,301,302,311,312,313,314,321,322,323,324,333,334,335,336,343,344,345,346,355,356,357,364,365,366,367,368,377,378,379,380,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +6356 - 49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,124,125,135,136,137,157,158,159,160,161,162,163,164,165,179,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,232,233,234,235,236,237,245,246,247,256,257,258,259,260,280,281,282,283,303,304,305,325,326,327,328,337,338,347,348,349,350,358,359,360,370,371,372,380,381,382,392,393,394,402,403,404,405,406,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,448,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,490 +6357 - 48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,137,138,139,140,141,160,161,162,163,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,248,249,250,251,252,259,260,261,262,269,270,271,272,273,282,283,284,291,292,293,294,304,305,306,326,327,328,348,349,350,369,370,371,390,391,392,393,402,403,404,405,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,490 +6358 - 35,36,37,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,116,117,137,138,139,160,161,182,183,184,204,205,206,207,226,227,228,229,230,231,232,249,250,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,281,282,283,300,301,302,303,304,305,324,325,326,327,345,346,347,348,360,365,366,367,368,369,370,381,382,383,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,490 +6359 - 59,60,61,62,81,82,83,102,103,104,117,118,124,125,126,139,140,146,147,160,161,162,163,167,168,169,183,184,189,190,191,204,205,206,211,212,213,226,227,228,229,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,298,299,300,314,320,321,342,343,364,365,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +6360 - 75,76,77,78,79,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,158,159,160,161,162,166,167,168,179,180,181,182,183,188,189,190,201,202,203,204,213,214,215,223,224,225,234,235,236,237,238,245,246,247,255,256,257,258,259,267,268,269,270,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,344,345,346,359,366,367,368,388,389,390,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,480,494 +6361 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,116,117,118,119,124,125,126,127,138,139,140,141,147,148,149,160,161,162,163,164,169,170,171,191,192,212,213,214,233,234,235,254,255,256,257,276,277,278,296,297,298,299,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,386,387,388,400,401,402,403,404,408,409,410,411,413,414,415,422,423,424,431,432,433,434,435,436,453,454,455,456,487 +6362 - 36,37,57,58,59,79,80,81,101,102,122,123,124,144,145,146,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +6363 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,144,145,146,147,148,149,150,160,161,162,163,167,168,169,170,171,172,182,183,184,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,235,236,237,238,247,248,249,257,258,259,260,269,270,271,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,323,324,325,326,334,335,336,345,346,347,356,357,366,367,368,369,377,378,379,387,388,389,390,399,400,401,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,485 +6364 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,80,81,82,95,96,97,103,104,117,118,139,140,161,162,183,184,185,205,206,207,208,209,210,211,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,280,300,301,302,323,324,345,346,367,368,369,381,382,383,384,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,427,428,429,430,431,432,433,434,446,447,448,452,453,454,455,490 +6365 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,138,139,140,141,142,146,147,148,160,161,162,163,164,167,168,169,170,183,184,185,186,187,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,336,337,338,339,343,344,345,357,358,359,365,366,367,378,379,380,386,387,388,389,400,401,402,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,493 +6366 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,227,228,229,230,231,232,249,250,251,252,253,254,255,272,274,275,276,277,297,298,299,300,320,321,322,342,343,344,345,365,366,367,378,379,387,388,389,400,401,408,409,410,411,422,423,424,430,431,432,445,446,447,448,451,452,453,454,468,469,470,471,472,473,474,475,488 +6367 - 56,57,58,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,451,470,471,472,473,486 +6368 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,486 +6369 - 103,104,105,123,124,125,126,127,137,138,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,254,255,256,257,268,269,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +6370 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,71,72,73,74,77,78,79,80,101,102,122,123,124,144,145,146,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,300,301,302,323,324,325,345,346,357,358,359,366,367,368,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +6371 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +6372 - 47,48,49,50,51,52,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,119,120,121,122,123,124,134,144,145,146,147,167,168,169,189,190,191,192,206,207,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,298,299,300,301,302,322,323,324,344,345,346,347,360,361,367,368,369,381,382,383,389,390,391,403,404,409,410,411,412,413,424,425,426,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +6373 - 54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,148,160,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,207,212,213,214,226,227,228,229,230,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +6374 - 15,16,36,37,38,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,162,163,164,184,185,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,253,254,255,256,257,258,278,279,280,281,301,302,303,323,324,325,345,346,347,356,357,358,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,490 +6375 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,118,121,122,123,124,135,136,137,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,281,282,283,284,303,304,305,306,325,326,327,328,346,347,348,349,367,368,369,370,387,388,389,390,391,392,397,398,399,400,401,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,488 +6376 - 32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,486 +6377 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,124,125,126,138,139,140,141,142,146,147,148,160,161,162,163,168,169,170,182,183,184,185,191,192,205,206,207,208,212,213,214,228,229,230,231,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,357,358,359,360,361,364,365,366,379,380,381,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,493 +6378 - 7,8,9,28,29,30,31,50,51,52,71,72,73,93,94,95,114,115,116,117,125,136,137,138,146,147,148,149,150,151,158,159,160,167,168,169,170,171,172,173,174,179,180,181,188,189,190,191,193,194,195,196,201,202,203,210,211,212,216,217,218,223,224,225,231,232,233,238,239,240,245,246,247,253,254,255,260,261,267,268,269,275,276,277,281,282,283,289,290,291,296,297,298,299,302,303,304,311,312,313,314,318,319,320,321,322,323,324,325,333,334,335,336,337,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,491 +6379 - 105,106,107,108,126,127,128,129,130,135,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,243,244,245,246,247,248,249,250,255,256,257,258,259,260,265,266,267,268,269,277,278,279,280,281,287,288,289,290,291,299,300,301,302,303,309,310,311,312,313,321,322,323,324,325,332,333,334,335,342,343,344,345,346,354,355,356,357,358,364,365,366,367,368,379,380,385,386,387,388,389,401,402,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,492 +6380 - 83,84,85,86,87,97,98,99,100,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,181,182,183,184,185,202,203,204,205,224,225,226,227,246,247,248,249,269,270,271,272,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,339,340,341,342,343,344,345,366,367,388,389,409,410,411,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +6381 - 34,35,36,55,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +6382 - 54,55,56,73,74,75,76,77,78,79,84,94,95,96,97,98,99,100,101,104,105,106,107,108,114,115,116,117,118,119,120,121,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,166,167,168,169,170,171,172,178,179,180,181,186,187,188,189,190,191,200,201,202,203,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,297,298,299,300,301,313,314,315,316,322,323,324,335,336,337,345,346,358,359,367,368,380,381,382,383,384,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,456,473,474,475,476,493 +6383 - 102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,189,190,191,192,193,201,202,203,211,212,213,214,223,224,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +6384 - 53,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,119,120,121,140,141,142,162,163,164,184,185,186,205,206,207,227,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,300,301,302,322,323,324,344,345,346,366,367,368,388,389,409,410,411,430,431,432,450,451,452,453,471,472,473,490 +6385 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,467,468,469,470,486 +6386 - 10,11,12,13,14,28,29,30,31,32,33,34,35,36,37,38,49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,79,80,81,82,83,93,94,95,96,102,103,104,105,115,116,124,125,126,127,145,146,147,148,149,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,279,280,281,282,283,288,289,302,303,304,305,309,310,311,312,313,324,325,326,327,330,331,332,333,334,335,336,340,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,488 +6387 - 38,39,40,60,61,62,82,83,84,96,97,98,103,104,105,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,168,169,170,183,184,185,190,191,192,204,205,206,211,212,213,214,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,298,299,300,314,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,489 +6388 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,140,143,144,145,146,158,159,160,165,166,167,168,180,181,182,185,186,187,188,189,190,202,203,207,208,209,210,211,212,213,224,225,228,229,230,231,233,234,246,247,248,249,250,251,252,255,256,269,270,271,272,277,278,299,300,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +6389 - 39,40,41,61,62,63,75,76,77,82,83,84,85,96,97,98,99,100,104,105,106,118,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,161,162,163,164,165,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,226,227,228,229,233,234,235,236,247,248,249,250,251,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,341,342,343,344,357,363,364,365,385,386,387,406,407,408,409,428,429,430,431,432,449,450,451,452,453,454,489 +6390 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,124,125,126,127,135,136,137,138,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,279,294,295,296,297,298,299,300,315,316,317,318,319,320,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,420,421,422,423,424,425,426,427,443,444,445,446,487 +6391 - 60,61,62,81,82,83,84,96,97,98,103,104,105,118,119,120,121,125,126,127,140,141,142,143,146,147,148,149,161,162,163,164,168,169,170,183,184,185,189,190,191,192,205,206,207,211,212,213,226,227,228,229,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,313,314,315,316,319,320,321,336,340,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,473,489 +6392 - 32,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,205,206,207,208,209,210,211,228,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,486 +6393 - 52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,139,140,141,142,161,162,163,164,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,254,255,256,257,258,259,260,279,280,281,282,300,301,302,303,304,323,324,325,326,344,345,346,347,358,359,364,365,366,367,368,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,468,469,470,471,472,490 +6394 - 93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,166,167,168,181,182,183,189,190,191,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,282,296,297,298,299,300,301,302,303,304,319,320,321,322,323,324,325,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,452,453,454,455,474,475,476,477,492 +6395 - 93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,182,183,184,189,190,191,192,206,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,492 +6396 - 31,32,33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,77,78,79,81,82,83,95,96,97,98,99,100,104,105,117,118,119,120,121,126,127,128,138,139,140,148,149,150,160,161,162,171,172,182,183,193,194,203,204,205,215,216,225,226,227,237,238,247,248,249,259,260,269,270,271,281,282,291,292,293,303,304,313,314,315,325,326,335,336,337,346,347,348,357,358,359,368,369,380,381,382,389,390,391,402,403,404,405,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +6397 - 59,60,61,80,81,82,83,95,102,103,104,105,106,116,117,118,124,125,126,127,138,139,140,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,225,226,227,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,319,320,321,322,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,448,449,450,451,471,472,473,489 +6398 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,102,103,104,117,118,119,124,125,126,139,140,141,146,147,148,161,162,163,168,169,184,185,190,191,192,206,207,208,211,212,213,228,229,230,233,234,250,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,363,364,365,380,381,385,386,387,401,402,403,408,409,423,424,430,431,445,446,452,453,467,468,469,473,474,475,493 +6399 - 58,59,60,80,81,82,101,102,103,104,123,124,125,138,139,140,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,231,232,233,234,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,405,406,407,408,427,428,429,430,449,450,451,471,472,489 +6400 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,103,104,115,116,117,118,137,138,139,160,161,182,183,184,205,206,207,208,228,229,230,231,232,251,252,253,254,255,256,257,276,277,278,279,280,300,301,302,323,324,325,345,346,347,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,490 +6401 - 104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,246,247,248,255,256,257,258,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +6402 - 29,30,31,50,51,52,72,73,74,77,78,79,80,93,94,95,96,99,100,101,102,103,104,115,116,117,118,122,123,124,125,126,127,137,138,139,140,146,147,148,149,150,159,160,161,169,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,225,226,227,237,238,247,248,249,259,260,269,270,271,272,281,282,291,292,293,294,303,304,313,314,315,316,324,325,326,335,336,337,338,339,346,347,348,358,359,360,361,362,367,368,369,370,380,381,382,383,384,385,386,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,485 +6403 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,103,104,105,106,117,118,125,126,127,128,147,148,149,150,169,170,171,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,408,409,410,411,421,422,423,424,425,443,444,445,487 +6404 - 7,8,9,10,11,12,29,30,31,32,33,34,35,50,51,52,53,55,56,57,72,73,74,78,79,80,94,95,96,100,101,102,117,118,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,293,294,295,296,297,299,300,301,314,315,316,317,318,319,320,321,322,323,335,336,337,341,342,343,344,346,357,358,359,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,410,411,412,413,426,427,433,434,435,487 +6405 - 37,38,39,40,53,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,117,118,119,120,139,140,141,142,160,161,162,163,182,183,184,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,278,279,280,291,292,300,301,302,303,323,324,325,345,346,347,357,358,359,366,367,368,369,378,379,380,381,382,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +6406 - 52,53,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,142,143,144,163,164,165,166,185,186,187,206,207,208,228,229,230,249,250,251,270,271,272,273,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,359,364,365,366,367,381,382,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,490 +6407 - 31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,100,101,102,103,115,116,117,118,122,123,124,125,138,143,144,145,146,147,164,165,166,167,168,169,170,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,235,236,237,249,250,251,252,257,258,259,271,272,273,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,356,357,358,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +6408 - 26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,76,77,78,79,90,91,100,101,102,112,113,123,124,125,146,147,148,169,170,191,192,193,213,214,215,235,236,237,252,253,254,258,259,271,272,273,274,275,276,277,278,280,281,292,293,294,295,298,299,300,301,302,303,314,315,322,323,324,325,335,336,337,345,346,347,357,358,367,368,369,379,380,381,388,389,390,391,392,402,403,409,410,411,413,414,415,424,425,426,427,428,429,430,431,432,433,436,437,447,448,449,450,451,452,453,487 +6409 - 102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,210,211,212,213,214,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,473,494 +6410 - 10,11,12,13,14,32,33,34,35,53,54,55,56,75,76,77,96,97,98,99,118,119,120,139,140,141,142,161,162,163,164,183,184,185,204,205,206,207,226,227,228,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,301,302,303,304,313,314,315,316,317,318,322,323,324,325,326,336,337,338,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +6411 - 54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,122,123,124,125,136,137,138,139,140,144,145,146,159,160,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,256,257,258,272,273,274,275,278,279,280,296,300,301,302,303,322,323,324,343,344,345,346,365,366,367,368,379,380,381,382,386,387,388,389,400,401,402,403,404,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +6412 - 31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,82,83,84,93,94,95,96,97,98,101,102,103,104,105,106,107,115,116,117,123,124,125,126,127,128,129,130,135,136,137,138,139,147,148,150,151,152,153,157,158,159,160,173,174,175,179,180,181,195,196,197,201,202,217,218,219,222,223,224,239,240,241,244,245,246,261,262,266,267,268,282,283,284,288,289,290,303,304,305,306,310,311,312,313,325,326,327,328,333,334,335,346,347,348,349,350,355,356,357,365,366,367,368,369,370,371,377,378,379,380,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,485 +6413 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,166,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,210,211,212,213,214,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +6414 - 45,46,47,48,49,50,51,52,68,69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,169,183,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,273,274,275,276,277,278,296,297,298,299,300,301,302,303,319,320,321,322,323,324,325,343,344,345,346,347,348,364,365,366,367,368,369,370,384,385,386,387,388,389,390,391,402,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,488 +6415 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,149,150,151,152,160,161,162,163,164,171,172,173,174,182,183,184,185,193,194,195,203,204,205,206,207,215,216,217,225,226,227,228,237,238,239,247,248,249,250,258,259,260,261,268,269,270,271,280,281,282,290,291,292,301,302,303,304,311,312,313,314,323,324,325,333,334,335,336,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,385,386,387,388,389,399,400,401,402,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +6416 - 73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,149,150,151,157,158,159,160,170,171,172,173,180,181,182,183,184,191,192,193,194,195,203,204,205,206,212,213,214,215,227,228,229,230,231,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,366,367,368,380,381,382,383,388,389,390,401,402,403,404,405,409,410,411,423,424,425,426,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,493 +6417 - 55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,123,124,125,126,137,138,139,140,141,142,144,145,146,147,148,159,160,161,162,166,167,168,169,181,182,183,184,188,189,190,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,272,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,342,343,344,359,360,361,364,365,366,367,380,381,382,387,388,389,402,403,404,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +6418 - 34,35,55,56,57,76,77,78,98,99,100,120,121,122,141,142,143,144,162,163,164,165,166,183,184,185,186,187,188,204,205,206,208,209,210,226,227,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,388,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,486 +6419 - 103,104,105,106,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,232,233,234,235,248,249,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,492 +6420 - 92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,163,164,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +6421 - 100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +6422 - 77,78,79,80,98,99,100,101,102,118,119,120,121,123,124,140,141,142,146,161,162,163,168,169,170,183,184,189,190,191,192,205,206,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,272,273,274,276,277,278,297,298,299,319,320,321,341,342,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,494 +6423 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,123,124,125,126,127,128,129,130,140,141,142,143,146,147,148,149,150,151,152,161,162,163,164,171,172,173,182,183,184,185,193,194,195,204,205,206,214,215,216,217,225,226,227,228,236,237,238,247,248,249,258,259,260,269,270,271,279,280,281,282,290,291,292,293,301,302,303,312,313,314,315,322,323,324,325,334,335,336,342,343,344,345,346,356,357,358,363,364,365,366,367,377,378,379,380,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +6424 - 56,57,58,76,77,78,79,80,81,82,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,148,149,150,163,164,165,166,167,184,185,186,187,188,206,207,208,209,228,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,279,297,299,300,301,321,322,323,343,344,345,357,365,366,367,378,379,386,387,388,389,399,400,401,406,407,408,409,410,411,421,422,423,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,490 +6425 - 12,13,14,34,35,36,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,165,184,185,186,191,192,205,206,207,212,213,214,215,227,228,229,233,234,235,236,237,238,248,249,250,254,255,256,257,258,259,260,270,271,272,275,276,277,278,279,280,281,282,292,293,294,296,297,298,299,300,301,302,303,313,314,315,316,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +6426 - 51,52,53,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,130,134,135,136,137,138,141,142,143,156,157,158,159,163,164,178,179,180,181,183,200,201,202,203,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,325,344,345,346,347,367,368,369,389,390,391,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,490 +6427 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,124,125,126,136,137,138,139,146,147,148,158,159,160,167,168,169,170,188,189,190,191,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,279,280,281,293,294,295,296,301,302,303,315,316,322,323,324,325,344,345,346,347,364,365,366,367,368,376,377,378,385,386,387,388,389,398,399,400,401,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,467,468,469,470,471,488 +6428 - 54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,143,144,145,146,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,173,174,179,180,181,182,183,192,193,194,195,196,200,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,292,303,304,305,306,310,311,312,313,314,324,325,326,327,328,332,333,334,335,336,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,426,427,429,430,485 +6429 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,148,149,150,162,163,164,165,166,170,171,172,183,184,185,186,187,192,193,194,205,206,207,213,214,215,216,226,227,228,229,235,236,237,238,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,291,292,293,301,302,303,304,312,313,314,315,322,323,324,325,334,335,336,337,343,344,345,346,356,357,358,364,365,366,367,378,379,380,384,385,386,387,388,389,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +6430 - 7,8,9,10,11,12,27,28,29,30,31,48,49,50,51,52,69,70,71,72,73,91,92,93,112,113,114,115,134,135,136,156,157,158,178,179,180,181,194,195,196,197,200,201,202,203,212,213,214,215,216,217,218,219,222,223,224,225,233,234,235,236,237,238,239,240,241,244,245,246,247,255,256,257,258,262,263,266,267,268,269,270,277,278,279,280,284,285,289,290,291,292,293,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,491 +6431 - 60,61,62,82,83,84,103,104,105,118,119,125,126,127,139,140,141,147,148,149,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,297,298,299,319,320,321,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,472,489 +6432 - 33,34,35,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,144,145,146,147,161,162,163,167,168,169,170,183,184,185,188,189,190,191,205,206,207,208,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,337,338,339,341,342,343,359,360,361,363,364,365,366,381,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,450,451,452,453,454,493 +6433 - 12,13,14,15,34,35,36,55,56,57,76,77,78,97,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,189,190,191,192,193,205,206,207,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,279,280,281,291,292,293,294,295,296,297,300,301,302,313,314,315,316,317,318,319,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +6434 - 53,54,55,61,75,76,77,83,84,96,97,98,99,104,105,106,118,119,120,121,126,127,128,140,141,142,147,148,149,150,161,162,163,164,167,168,169,170,171,183,184,185,186,189,190,191,192,193,205,206,207,208,210,211,212,213,214,226,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,337,338,339,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,471,472,473,489 +6435 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,124,125,126,127,136,137,138,139,140,141,146,147,148,149,158,159,160,161,167,168,169,170,188,189,190,191,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,277,278,279,280,291,292,293,294,299,300,301,302,321,322,323,342,343,344,345,364,365,366,367,377,378,379,384,385,386,387,388,398,399,400,401,402,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,467,468,469,470,471,488 +6436 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,120,121,122,141,142,143,144,163,164,165,184,185,186,206,207,208,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,279,280,292,293,294,295,296,301,302,314,315,316,317,322,323,324,336,337,338,343,344,345,346,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +6437 - 79,80,81,82,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,166,167,168,180,181,182,183,188,189,190,194,195,202,203,204,205,209,210,211,212,216,217,224,225,226,231,232,233,237,238,239,253,254,259,260,261,274,275,276,281,282,296,297,298,303,317,318,319,339,340,341,360,361,362,382,383,384,404,405,406,413,414,415,425,426,427,435,436,437,447,448,449,457,458,459,468,469,470,492 +6438 - 50,58,59,72,73,79,80,81,94,95,96,101,102,103,116,117,118,123,124,125,138,139,144,145,146,160,161,166,167,168,181,182,183,188,189,190,194,203,204,209,210,211,215,216,225,226,231,232,233,235,236,237,238,247,248,253,254,255,256,257,258,259,260,269,270,274,275,276,277,278,279,280,281,291,292,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,359,360,361,362,363,364,384,385,406,407,428,429,450,451,472,473,489 +6439 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,166,167,168,169,170,171,172,173,180,181,182,183,184,188,189,190,192,193,194,195,201,202,203,204,205,210,211,212,215,216,217,218,222,223,224,225,226,234,237,238,239,240,244,245,246,247,259,260,261,265,266,267,268,281,282,283,287,288,289,302,303,304,305,309,310,311,324,325,326,331,332,333,345,346,347,348,353,354,355,366,367,368,369,375,376,377,378,386,387,388,389,390,391,397,398,399,400,401,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,485 +6440 - 53,54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,138,139,140,146,147,148,149,160,161,162,168,169,170,171,182,183,184,190,191,192,204,205,206,211,212,213,226,227,228,229,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,295,296,297,298,317,318,319,320,321,339,340,341,342,343,360,361,362,364,365,366,382,383,384,386,387,388,404,405,406,408,409,410,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,493 +6441 - 56,57,58,78,79,80,99,100,101,102,103,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,486 +6442 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,174,175,183,184,185,186,187,205,206,207,208,227,228,229,230,250,251,252,253,254,273,274,275,276,296,297,298,299,318,319,320,321,341,342,343,363,364,365,385,386,387,398,399,406,407,408,409,420,421,422,423,424,425,427,428,429,430,442,443,444,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +6443 - 61,62,63,83,84,85,96,97,104,105,106,117,118,119,125,126,127,128,138,139,140,141,147,148,149,160,161,162,163,168,169,170,181,182,183,184,189,190,191,192,203,204,205,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,448,449,450,470,471,472,489 +6444 - 53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,122,123,124,139,140,141,144,145,146,161,162,163,165,166,167,168,183,184,185,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,343,344,345,358,359,365,366,367,380,381,382,387,388,389,403,404,405,406,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,473,474,475,476,477,494 +6445 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,125,126,127,141,142,143,146,147,148,149,163,164,165,167,168,169,170,185,186,187,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,342,343,344,359,360,361,364,365,366,380,381,382,383,386,387,388,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +6446 - 73,74,75,95,96,97,116,117,118,119,138,139,140,147,148,149,160,161,162,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,431,432,433,452,453,454,455,473,474,475,476,490 +6447 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,404,405,406,407,426,427,428,448,449,450,451,486 +6448 - 62,63,64,76,77,83,84,85,86,97,98,99,100,105,106,107,108,119,120,121,126,127,128,129,130,140,141,142,143,148,149,150,161,162,163,164,169,170,171,172,183,184,185,190,191,192,193,204,205,206,207,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,425,426,427,428,448,449,470,489 +6449 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,137,138,139,140,141,146,147,148,160,161,162,163,167,168,169,170,183,184,189,190,191,192,211,212,213,233,234,235,254,255,256,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,410,411,412,413,423,424,425,426,433,434,435,436,446,447,455,456,457,477,478,479,487 +6450 - 46,47,48,67,68,69,70,71,81,82,89,90,91,92,93,103,104,111,112,114,115,125,126,136,137,147,148,149,158,159,169,170,171,179,180,181,191,192,193,201,202,203,213,214,215,216,223,224,225,235,236,237,238,245,246,247,254,255,256,257,258,259,260,267,268,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,324,325,326,333,334,335,336,337,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,434,435,436,456,457,458,478,479,480,489 +6451 - 97,98,99,100,101,117,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,160,161,162,163,164,166,167,168,169,182,183,184,188,189,190,191,203,204,205,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +6452 - 11,12,13,14,32,33,34,35,54,55,56,57,75,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,184,185,205,206,207,210,211,212,213,214,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,279,280,293,294,295,296,297,301,302,315,316,317,318,319,323,324,338,339,340,341,344,345,346,360,361,362,363,364,366,367,368,382,383,384,385,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,491 +6453 - 32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,100,101,102,114,115,116,117,118,122,123,124,136,137,138,143,144,145,146,147,148,160,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,194,195,205,206,207,208,209,210,214,215,216,217,225,226,227,228,229,230,231,237,238,239,247,248,249,250,251,259,260,261,269,270,271,280,281,282,283,302,303,304,305,323,324,325,326,344,345,346,347,348,354,355,356,358,359,366,367,368,369,375,376,377,378,379,380,381,382,383,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +6454 - 75,76,97,98,119,120,121,122,123,124,140,141,142,143,144,145,146,147,161,162,163,167,168,169,183,184,185,190,191,192,204,205,206,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,278,279,300,301,321,322,323,343,344,365,366,386,387,388,407,408,409,429,430,450,451,452,472,473,474,492 +6455 - 56,57,58,59,78,79,80,81,100,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +6456 - 32,33,34,35,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,99,100,101,102,103,104,123,124,125,126,127,145,146,147,148,149,168,169,170,171,190,191,192,193,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,276,277,278,279,280,281,282,283,287,288,289,290,298,299,300,301,302,309,310,311,312,319,320,321,322,323,324,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,403,404,405,487 +6457 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,299,300,301,302,315,316,317,318,321,322,323,336,337,338,339,343,344,345,357,358,359,360,365,366,367,379,380,381,382,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,493 +6458 - 32,33,34,35,54,55,56,76,77,78,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,454,486 +6459 - 60,61,81,82,83,95,103,104,105,116,117,118,125,126,127,138,139,140,141,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,185,190,191,192,193,203,204,205,206,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,450,451,452,453,472,473,474,475,489 +6460 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,120,121,122,123,124,125,126,127,134,135,136,137,147,148,149,150,151,156,157,158,159,170,171,172,173,178,179,180,181,193,194,195,196,200,201,202,203,215,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,311,312,313,314,327,328,329,334,335,336,337,349,350,351,356,357,358,359,360,370,371,372,373,378,379,380,381,382,383,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,485 +6461 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,105,116,117,118,119,120,124,125,126,127,138,139,140,146,147,148,149,160,161,162,163,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,388,389,390,391,400,401,402,403,404,410,411,412,413,422,423,424,432,433,434,435,455,456,457,487 +6462 - 33,34,35,53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,121,122,123,139,140,141,142,143,144,164,165,166,185,186,187,207,208,209,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,279,293,294,299,300,301,321,322,323,343,344,345,358,359,365,366,367,380,381,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,488 +6463 - 97,98,99,100,101,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,188,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,231,232,233,234,235,236,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,321,322,323,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,494 +6464 - 61,62,82,83,84,98,99,103,104,105,106,120,121,122,125,126,127,128,141,142,143,144,147,148,149,161,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,489 +6465 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,124,125,126,127,128,139,140,141,142,147,148,149,161,162,163,164,168,169,170,171,183,184,185,186,187,190,191,192,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,275,276,277,278,296,297,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +6466 - 61,62,83,84,95,96,104,105,116,117,118,125,126,127,138,139,140,147,148,149,159,160,161,169,170,171,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,321,322,342,343,344,345,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +6467 - 55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,149,162,163,164,166,167,168,169,170,183,184,185,186,188,190,191,192,205,206,207,208,211,212,213,226,227,228,229,233,234,235,248,249,250,251,254,255,256,271,272,273,275,276,277,278,293,294,295,296,297,298,299,316,317,318,319,320,321,339,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,387,388,389,403,404,405,406,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +6468 - 33,34,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,408,427,428,429,430,449,450,451,452,486 +6469 - 12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,91,97,98,99,100,101,113,114,119,120,121,140,141,142,143,162,163,164,165,184,185,186,205,206,207,212,213,214,215,227,228,229,233,234,235,236,237,248,249,250,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,281,292,293,296,297,298,299,301,302,303,313,314,315,318,319,320,322,323,324,325,335,336,337,339,340,341,343,344,345,346,357,358,359,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +6470 - 93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,188,189,190,191,192,203,204,205,210,211,212,213,214,224,225,226,227,233,234,235,236,237,246,247,248,249,250,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,366,367,368,388,389,390,410,411,432,433,434,454,455,456,457,476,477,478,479,494 +6471 - 56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,138,139,140,160,161,162,181,182,183,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,277,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,379,387,388,389,390,400,401,402,403,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +6472 - 13,14,35,36,37,57,58,59,79,80,81,101,102,103,123,124,145,146,166,167,168,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,252,253,254,255,256,269,270,271,273,274,275,276,277,278,279,290,291,292,295,296,299,300,301,302,312,313,316,317,318,322,323,324,325,333,334,335,337,338,339,345,346,347,348,355,356,357,358,359,360,369,370,371,372,378,379,380,381,392,393,394,395,400,401,402,415,416,417,487 +6473 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,124,125,126,127,135,136,137,138,139,140,147,148,149,150,157,158,159,160,161,169,170,171,172,179,180,181,184,185,191,192,193,194,202,203,213,214,215,216,235,236,237,238,257,258,259,278,279,280,281,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,431,432,433,434,435,444,445,446,447,448,449,453,454,455,456,467,468,469,487 +6474 - 10,11,12,31,32,33,52,53,54,55,74,75,76,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,143,144,145,146,147,160,161,162,167,168,169,170,182,183,184,191,192,193,204,205,206,214,215,216,226,227,237,238,248,249,259,260,261,270,271,281,282,283,292,293,304,305,314,315,316,326,327,336,337,338,348,349,358,359,360,361,369,370,371,381,382,383,384,385,389,390,391,392,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,485 +6475 - 36,37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,421,422,423,424,425,426,442,443,444,445,446,447,486 +6476 - 75,76,77,78,79,96,97,98,99,100,101,116,117,118,119,120,121,122,123,137,138,139,140,144,145,158,159,160,166,167,168,169,180,181,182,189,190,191,201,202,203,211,212,213,223,224,225,233,234,235,245,246,247,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,494 +6477 - 96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,145,146,147,148,159,160,161,162,168,169,170,180,181,182,183,189,190,191,192,202,203,204,211,212,213,214,224,225,226,227,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +6478 - 115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,167,168,169,170,189,190,191,211,212,213,233,234,254,255,256,276,277,278,298,299,320,321,341,342,343,363,364,365,385,386,387,407,408,429,430,451,452,473,474,492 +6479 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,123,124,125,126,137,138,139,146,147,148,159,160,161,168,169,170,182,183,190,191,192,212,213,214,233,234,235,236,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,430,431,432,433,434,445,446,447,448,453,454,455,456,475,476,477,478,487 +6480 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,141,146,147,148,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,212,213,214,224,225,226,233,234,235,246,247,248,254,255,256,257,268,269,270,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,336,337,338,339,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +6481 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,168,169,170,171,181,182,183,189,190,191,192,193,203,204,205,211,212,213,214,225,226,227,228,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,494 +6482 - 9,10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,74,75,76,78,79,80,97,98,101,102,119,120,121,122,123,124,142,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,362,363,364,367,368,369,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,487 +6483 - 37,38,39,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +6484 - 51,52,53,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,121,122,123,124,125,126,127,136,137,138,139,145,146,147,148,149,150,157,158,159,160,168,169,170,171,172,173,174,179,180,181,182,193,194,195,196,197,200,201,202,203,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,260,261,262,263,266,267,268,281,282,283,284,285,288,289,290,302,303,304,305,306,310,311,312,313,323,324,325,326,327,333,334,335,344,345,346,347,348,355,356,357,364,365,366,367,368,369,378,379,380,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +6485 - 55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,166,167,168,169,170,171,182,183,184,185,188,189,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,257,258,259,268,269,270,271,279,280,281,289,290,291,292,300,301,302,303,304,311,312,313,314,322,323,324,325,333,334,335,336,344,345,346,355,356,357,358,365,366,367,368,377,378,379,380,386,387,388,389,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,485 +6486 - 31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,115,116,117,122,123,124,136,137,138,145,146,147,157,158,159,168,169,179,180,190,191,202,203,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,300,301,302,303,304,313,314,315,316,325,326,327,334,335,336,348,349,356,357,370,371,377,378,379,392,393,399,400,401,411,412,413,414,415,422,423,424,425,426,427,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,493 +6487 - 37,38,39,40,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,138,139,140,159,160,161,162,163,164,165,166,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,255,256,257,258,268,269,270,271,278,279,280,281,291,292,300,301,302,303,323,324,325,344,345,346,347,365,366,367,368,379,380,381,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +6488 - 32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,102,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,203,204,205,225,226,227,237,247,248,249,257,258,259,260,269,270,271,279,280,281,282,291,292,293,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,388,389,390,409,410,411,412,430,431,432,433,452,453,454,455,494 +6489 - 50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,101,102,103,112,113,114,115,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,234,235,236,237,238,239,248,249,250,259,260,261,281,282,283,302,303,304,305,323,324,325,326,344,345,346,347,365,366,367,368,386,387,388,389,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,488 +6490 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,103,104,105,116,117,118,126,127,138,139,140,160,161,162,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,402,403,407,408,409,410,424,425,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,490 +6491 - 72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,124,125,126,133,134,135,136,146,147,148,168,169,170,189,190,191,192,209,210,211,212,213,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,302,303,304,312,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,408,409,410,411,429,430,431,432,433,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,488 +6492 - 73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,146,147,148,149,155,156,157,158,167,168,169,170,171,178,179,180,188,189,190,191,192,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,301,302,303,304,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,391,407,408,409,410,411,412,423,424,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +6493 - 13,14,15,16,34,35,36,56,57,58,77,78,79,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,206,207,208,228,229,230,249,250,251,255,256,257,258,271,272,273,276,277,278,279,280,293,294,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,404,405,406,491 +6494 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,159,160,161,162,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,279,280,281,282,283,302,303,304,305,325,326,327,348,349,369,370,371,378,379,380,381,382,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,490 +6495 - 36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,486 +6496 - 101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,189,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +6497 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,93,94,95,96,101,102,103,104,115,116,117,123,124,125,138,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,364,365,366,367,377,378,379,380,381,382,383,387,388,389,390,399,400,401,402,403,404,410,411,412,413,422,423,432,433,434,435,436,454,455,456,457,458,487 +6498 - 30,31,32,33,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,102,103,104,115,116,117,118,119,120,125,126,127,137,138,139,140,141,142,147,148,149,150,158,159,160,161,162,163,164,165,170,171,172,180,181,182,183,192,193,194,202,203,204,205,214,215,216,217,223,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,280,281,282,283,289,290,291,292,302,303,304,305,312,313,314,324,325,326,327,334,335,336,346,347,348,349,356,357,358,367,368,369,370,378,379,380,381,387,388,389,390,391,401,402,403,404,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +6499 - 56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,138,139,140,160,161,162,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,257,258,259,260,280,281,282,283,302,303,304,305,324,325,326,327,345,346,347,348,367,368,369,370,380,388,389,390,391,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +6500 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,104,105,106,115,116,117,118,119,126,127,128,129,136,137,138,139,140,147,148,149,150,151,158,159,160,161,169,170,171,172,173,181,182,183,184,185,186,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,321,322,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,493 +6501 - 54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,192,193,194,205,206,207,208,209,214,215,216,227,228,229,230,235,236,237,248,249,250,251,257,258,259,270,271,272,278,279,280,281,291,292,293,294,300,301,302,313,314,315,321,322,323,324,334,335,336,337,343,344,345,355,356,357,358,364,365,366,367,377,378,379,380,383,384,385,386,387,388,399,400,401,402,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,485 +6502 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,144,145,146,147,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,277,278,279,299,300,301,314,315,321,322,323,336,337,343,344,345,357,358,359,360,365,366,367,379,380,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,488 +6503 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,125,126,127,136,137,138,139,140,146,147,148,149,159,160,167,168,169,170,188,189,190,191,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,278,279,280,281,291,292,293,294,295,300,301,302,303,322,323,324,325,343,344,345,346,365,366,367,368,386,387,388,389,390,399,400,401,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +6504 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,103,104,105,115,116,117,118,125,126,127,137,138,139,146,147,148,149,160,161,167,168,169,170,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,278,279,280,281,302,303,324,325,345,346,347,366,367,368,369,388,389,390,408,409,410,411,412,420,421,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,488 +6505 - 92,93,94,102,103,104,105,114,115,116,117,118,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,211,212,213,214,224,225,226,233,234,235,247,255,256,257,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,471,472,473,474,475,492 +6506 - 11,12,13,14,33,34,35,54,55,56,76,77,78,98,99,100,119,120,121,141,142,143,163,164,165,185,186,206,207,208,228,229,230,233,234,235,236,249,250,251,254,255,256,257,258,259,271,272,273,275,276,277,278,280,281,282,293,294,295,296,297,298,301,302,303,304,315,316,317,318,319,323,324,325,326,337,338,339,340,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +6507 - 9,10,11,12,31,32,33,34,53,54,55,75,76,77,96,97,98,117,118,119,120,139,140,141,160,161,162,182,183,184,189,190,191,192,193,194,204,205,206,210,211,212,213,214,215,216,225,226,227,231,232,233,234,235,236,237,238,247,248,249,252,253,254,255,257,258,259,269,270,271,274,275,276,277,278,279,280,281,291,292,293,296,297,298,299,300,301,302,313,314,315,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,380,381,382,383,384,385,386,406,407,408,429,430,491 +6508 - 55,56,57,76,77,78,79,98,99,100,120,121,122,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,363,364,365,385,386,387,407,408,409,430,431,432,452,453,454,474,475,486 +6509 - 57,58,59,60,79,80,81,82,101,102,103,104,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,469,470,471,486 +6510 - 30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,100,101,102,123,124,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,275,276,277,297,298,299,300,319,320,321,322,342,343,344,345,365,366,367,380,381,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +6511 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,116,117,118,119,138,139,140,159,160,161,162,168,169,170,171,172,173,181,182,183,185,186,187,188,189,190,191,192,193,194,195,196,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,238,239,240,247,248,249,250,251,260,261,262,269,270,271,281,282,283,284,303,304,305,323,324,325,326,327,344,345,346,347,348,353,354,355,356,363,364,365,366,367,368,369,375,376,377,378,379,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,445,446,447,448,449,490 +6512 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,75,76,77,78,79,80,90,91,92,93,100,101,102,103,113,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,300,301,302,303,316,317,318,323,324,325,344,345,346,347,365,366,367,368,369,379,380,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +6513 - 52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,117,118,119,120,121,139,140,141,142,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,232,233,234,235,236,248,249,255,256,257,258,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,365,366,367,368,386,387,388,389,399,400,401,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,490 +6514 - 92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,146,147,148,155,156,157,158,168,169,170,189,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +6515 - 98,99,100,101,102,118,119,120,121,122,123,124,126,127,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,165,166,167,168,169,170,171,182,183,184,190,191,192,193,203,204,205,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,298,299,300,319,320,321,341,342,343,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,494 +6516 - 32,33,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,123,124,125,126,127,128,136,137,138,139,140,141,147,148,149,150,151,157,158,159,160,161,170,171,172,173,174,178,179,180,181,182,193,194,195,196,200,201,202,203,204,216,217,218,221,222,223,224,225,238,239,240,243,244,245,246,247,260,261,262,265,266,267,268,269,282,283,284,287,288,289,290,291,303,304,305,306,310,311,312,313,314,324,325,326,327,328,333,334,335,336,337,345,346,347,348,349,356,357,358,359,360,361,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,485 +6517 - 56,57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,147,148,149,161,162,163,164,169,170,171,183,184,185,186,190,191,192,206,207,208,211,212,213,214,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,380,381,384,385,386,401,402,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +6518 - 33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,101,102,103,104,105,106,116,117,118,119,120,126,127,128,129,137,138,139,140,141,142,149,150,151,152,158,159,160,161,162,163,164,172,173,174,179,180,181,182,183,184,185,186,194,195,196,201,202,203,204,205,207,208,209,216,217,218,223,224,225,226,230,231,239,240,241,245,246,247,261,262,266,267,268,269,282,283,284,288,289,290,291,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,366,367,368,369,370,376,377,378,379,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,485 +6519 - 35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,169,170,171,172,183,184,185,191,192,193,194,204,205,206,207,213,214,215,216,226,227,228,235,236,237,247,248,249,250,256,257,258,259,269,270,271,278,279,280,291,292,293,299,300,301,302,312,313,314,321,322,323,324,334,335,336,342,343,344,345,356,357,358,364,365,366,367,377,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +6520 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,105,117,118,119,120,125,126,127,128,139,140,141,148,149,150,160,161,162,163,171,172,182,183,184,185,186,193,194,203,204,205,215,216,225,226,227,237,238,247,248,249,259,260,268,269,270,271,281,282,290,291,292,293,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,345,346,347,348,356,357,358,359,366,367,368,369,379,380,381,382,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +6521 - 97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +6522 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,124,125,126,138,139,140,145,146,147,159,160,161,165,166,167,168,169,180,181,182,186,187,188,189,190,191,192,202,203,204,207,208,209,210,212,213,214,223,224,225,228,229,230,231,234,235,245,246,247,248,249,250,251,255,256,257,267,268,269,270,271,272,277,278,279,290,291,292,299,300,301,321,322,323,343,344,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,454,473,474,475,476,494 +6523 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,101,102,103,104,105,116,117,118,119,124,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,172,180,181,182,192,193,194,201,202,203,214,215,216,217,222,223,224,225,237,238,239,244,245,246,259,260,261,266,267,268,281,282,283,287,288,289,303,304,305,309,310,311,325,326,327,331,332,333,345,346,347,348,349,353,354,355,365,366,367,368,369,370,375,376,377,378,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +6524 - 69,70,71,72,91,92,93,94,95,96,97,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,163,164,165,166,167,168,169,170,190,191,192,211,212,213,233,234,235,255,256,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,453,472,473,474,475,492 +6525 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +6526 - 76,77,83,84,85,86,97,98,99,105,106,107,118,119,120,121,126,127,128,129,140,141,142,148,149,150,161,162,163,164,165,169,170,171,182,183,184,185,186,187,190,191,192,193,203,204,205,206,207,208,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +6527 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,103,104,118,119,120,124,125,126,141,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,430,431,432,433,434,445,446,453,454,455,456,487 +6528 - 101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,170,171,172,178,179,180,181,182,183,184,192,193,201,202,203,213,214,215,224,225,226,227,234,235,236,237,246,248,249,250,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,304,305,306,319,320,321,322,323,324,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,474,475,492 +6529 - 51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,123,124,125,126,134,135,136,137,138,145,146,147,156,157,158,166,167,168,169,186,187,188,189,190,191,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,258,269,270,271,272,273,278,279,280,301,302,303,323,324,325,345,346,347,367,368,369,379,380,381,382,389,390,391,401,402,403,404,405,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +6530 - 53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,471,472,473,474,488 +6531 - 37,38,39,59,60,61,81,82,102,103,104,116,117,124,125,126,137,138,139,146,147,159,160,161,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,223,224,225,232,233,234,235,245,246,247,248,249,254,255,256,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,341,342,343,363,364,365,369,385,386,387,406,407,408,409,428,429,430,431,450,451,452,489 +6532 - 49,50,51,52,53,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,170,188,189,190,191,192,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,349,350,351,354,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,401,402,403,404,487 +6533 - 40,41,42,54,55,56,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,138,139,140,160,161,162,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,235,236,237,257,258,259,260,280,281,282,302,303,304,311,312,324,325,326,332,333,334,346,347,348,354,355,356,367,368,369,376,377,378,379,389,390,391,399,400,401,402,403,404,405,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,490 +6534 - 7,8,29,30,51,73,74,95,116,117,139,161,168,183,188,189,190,191,192,205,206,209,210,211,212,213,214,215,227,228,230,231,232,235,236,237,249,250,252,253,257,258,259,271,272,273,274,275,279,280,294,295,296,297,301,302,316,317,318,319,323,324,338,339,340,341,344,345,346,361,362,363,364,365,366,367,383,384,385,386,387,388,406,407,408,409,491 +6535 - 8,9,10,29,30,31,32,51,52,53,72,73,74,75,94,95,96,97,116,117,118,137,138,139,140,159,160,161,181,182,183,203,204,205,225,226,227,234,235,236,247,248,249,254,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,282,283,291,292,293,297,298,299,300,302,303,304,305,313,314,315,316,317,318,319,320,321,322,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,384,385,386,387,388,389,390,391,491 +6536 - 34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,486 +6537 - 90,91,92,93,94,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,474,492 +6538 - 10,11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,142,159,160,161,162,163,181,182,183,184,191,192,203,204,205,206,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,253,254,255,256,257,258,259,260,261,267,268,269,270,274,275,276,277,278,281,282,283,290,291,292,295,296,297,298,302,303,304,305,312,313,314,317,318,319,320,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,491 +6539 - 73,74,75,76,77,78,79,83,84,85,94,95,96,97,98,99,100,101,102,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,146,147,148,149,150,159,160,161,162,168,169,170,171,182,183,184,189,190,191,192,204,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,385,386,387,402,403,404,407,408,409,424,425,426,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,475,493 +6540 - 34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,101,102,103,104,117,118,119,124,125,126,138,139,140,141,146,147,148,149,160,161,162,168,169,170,171,182,183,184,190,191,192,193,203,204,205,212,213,214,215,225,226,227,234,235,236,237,246,247,248,249,256,257,258,259,269,270,271,278,279,280,281,290,291,292,293,299,300,301,302,312,313,314,315,321,322,323,335,336,337,338,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,485 +6541 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,212,213,214,225,226,233,234,235,236,247,248,249,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,451,452,453,473,474,475,494 +6542 - 56,57,58,72,73,74,78,79,80,93,94,95,96,100,101,102,115,116,117,118,122,123,124,136,137,138,139,144,145,146,159,160,161,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,236,247,248,249,254,255,256,257,258,269,270,271,272,276,277,278,279,280,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,344,364,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +6543 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,159,160,161,162,169,170,171,172,173,179,180,181,182,183,192,193,194,195,201,202,203,204,215,216,217,218,222,223,224,238,239,240,243,244,245,246,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,326,327,328,331,332,333,347,348,349,353,354,355,368,369,370,371,375,376,377,378,379,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,448,449,450,451,485 +6544 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,97,99,100,101,102,122,123,124,144,145,146,166,167,168,188,189,210,211,231,232,233,253,254,255,274,275,276,296,297,298,317,318,319,338,339,340,341,348,360,361,362,363,366,367,368,369,370,382,383,384,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,447,448,449,450,451,452,487 +6545 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,273,274,275,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +6546 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,470,471,472,486 +6547 - 12,13,14,15,16,17,31,32,33,34,35,36,37,38,39,40,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,82,83,84,96,97,98,99,104,105,106,127,128,148,149,150,170,171,172,192,193,194,213,214,215,235,236,237,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,320,321,322,323,324,333,334,335,340,341,342,343,344,345,346,347,355,356,357,361,362,363,364,365,367,368,369,377,378,379,380,381,382,383,384,385,389,390,391,399,400,401,402,403,404,405,406,412,422,423,424,425,426,487 +6548 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,190,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +6549 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,80,81,82,94,95,102,103,104,124,125,126,146,147,148,167,168,169,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,277,278,279,291,292,293,294,300,301,313,314,315,322,323,324,334,335,336,344,345,346,356,357,358,366,367,368,378,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +6550 - 11,12,32,33,34,53,54,55,56,74,75,76,77,95,96,97,98,117,118,119,120,127,128,129,138,139,140,141,147,148,149,150,151,152,159,160,161,162,169,170,171,172,173,174,181,182,183,184,190,191,192,193,194,195,196,203,204,205,211,212,213,214,215,216,217,218,224,225,226,227,233,234,235,236,237,238,239,240,246,247,248,249,254,255,256,257,259,260,261,267,268,269,270,275,276,277,278,280,281,282,283,289,290,291,292,296,297,298,299,301,302,303,304,311,312,313,318,319,320,321,323,324,325,333,334,335,340,341,342,343,344,345,346,355,356,357,358,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,491 +6551 - 60,61,62,63,70,71,82,83,84,92,93,103,104,105,113,114,115,125,126,127,135,136,137,147,148,149,156,157,158,159,168,169,170,171,178,179,180,190,191,192,200,201,202,212,213,214,221,222,223,227,228,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,286,287,288,289,290,296,297,298,299,300,301,302,303,304,309,310,320,321,322,323,324,342,343,344,345,364,365,366,386,387,388,390,391,408,409,410,411,412,413,429,430,431,432,433,434,451,452,453,454,455,474,475,476,489 +6552 - 32,33,34,35,52,53,54,55,56,57,72,73,74,75,76,79,80,81,82,93,94,95,96,97,100,101,102,103,104,105,114,115,116,117,122,123,124,125,126,127,128,135,136,137,138,144,145,146,148,149,150,157,158,159,170,171,172,179,180,192,193,201,202,203,213,214,215,223,224,225,226,227,228,229,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,303,318,319,320,323,324,325,326,339,340,341,346,347,348,360,361,362,368,369,370,382,383,384,389,390,391,404,405,406,408,409,410,411,412,413,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +6553 - 60,61,62,63,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,142,143,144,145,146,147,157,158,159,160,161,180,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,254,255,256,257,258,278,279,280,300,301,302,313,314,315,323,324,334,335,336,337,345,346,356,357,358,366,367,368,378,379,380,388,389,390,400,401,402,403,404,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +6554 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,103,104,105,126,127,138,139,140,148,149,160,161,162,169,170,171,182,183,184,190,191,192,193,205,206,207,211,212,213,214,227,228,229,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,340,341,357,358,359,362,363,364,379,380,381,382,385,386,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,432,449,450,451,452,453,454,472,473,474,475,476,493 +6555 - 11,12,13,14,32,33,34,35,36,54,55,56,57,74,75,76,77,78,79,96,97,98,99,117,118,119,120,139,140,141,160,161,162,182,183,184,203,204,205,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,236,237,238,246,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,272,273,274,275,276,280,281,282,290,291,292,293,294,295,296,302,303,304,312,313,314,315,316,317,318,324,325,326,335,336,337,338,339,340,341,342,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +6556 - 47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,91,92,93,96,97,98,99,100,101,114,115,121,122,123,124,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,228,229,230,231,232,251,252,253,254,255,275,276,277,278,279,299,300,301,302,322,323,324,325,346,347,348,369,370,371,383,384,390,391,392,393,403,404,405,406,411,412,413,414,425,426,427,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,488 +6557 - 72,73,93,94,95,96,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,168,169,170,180,181,189,190,191,192,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +6558 - 72,73,77,78,79,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,141,142,143,144,145,146,147,148,149,157,158,159,160,179,180,181,201,202,223,224,225,226,230,231,232,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,299,300,301,302,303,323,324,325,346,347,369,370,391,392,413,414,434,435,436,449,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,479,490 +6559 - 73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,122,123,124,125,126,127,128,138,139,140,148,149,150,161,162,163,173,174,183,184,185,186,193,194,195,196,206,207,208,209,213,214,215,216,217,218,219,228,229,230,231,232,233,234,235,236,237,238,252,253,254,255,256,257,258,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,363,364,365,380,381,382,385,386,387,402,403,404,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,474,493 +6560 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,147,148,149,160,161,162,163,164,170,171,182,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,251,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,337,338,339,344,345,346,360,361,367,368,369,382,383,389,390,391,405,406,411,412,413,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,474,475,476,477,491 +6561 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,168,169,170,171,180,181,182,190,191,192,193,202,203,204,205,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,276,277,278,279,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +6562 - 51,52,53,54,72,73,74,75,76,94,95,96,97,98,99,117,118,119,120,121,122,140,141,142,143,144,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,486 +6563 - 54,55,56,57,58,61,62,74,75,76,77,78,79,80,82,83,84,85,95,96,97,98,99,100,101,102,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,145,146,147,149,150,151,152,158,159,160,161,162,167,168,169,173,174,175,180,181,182,183,189,190,195,196,197,201,202,203,204,212,218,219,223,224,225,240,241,244,245,246,247,262,263,266,267,268,283,284,285,288,289,290,304,305,306,307,310,311,312,325,326,327,328,332,333,334,346,347,348,349,350,354,355,356,366,367,368,369,370,371,376,377,378,379,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,485 +6564 - 51,52,53,54,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,115,116,117,121,122,123,137,138,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,252,253,254,274,275,276,277,297,298,299,300,319,320,321,322,323,342,343,344,345,365,366,367,387,388,389,406,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,472,473,474,475,476,488 +6565 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,143,144,145,146,147,164,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,448,449,450,451,486 +6566 - 37,38,39,59,60,61,81,82,102,103,104,124,125,126,138,139,146,147,148,159,160,161,162,167,168,169,170,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,246,247,248,254,255,256,268,269,270,271,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,338,339,340,341,342,343,363,364,365,385,386,406,407,408,428,429,430,451,452,489 +6567 - 31,32,33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,123,124,125,135,136,137,138,145,146,147,157,158,159,160,167,168,169,179,180,181,189,190,191,201,202,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,368,373,379,380,381,382,387,388,389,390,391,392,393,394,395,401,402,403,410,411,412,413,414,415,416,417,423,424,425,432,433,434,435,436,437,438,439,457,458,459,487 +6568 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,144,145,146,159,160,161,167,168,169,180,181,182,189,190,191,192,202,203,211,212,213,214,223,224,225,231,232,233,234,235,245,246,247,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,296,299,300,301,315,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +6569 - 52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,123,124,125,136,137,138,139,145,146,147,167,168,169,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,278,279,280,281,301,302,303,315,316,323,324,325,336,337,338,346,347,358,359,360,368,369,380,381,382,383,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +6570 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,122,123,137,138,139,140,144,145,159,160,161,166,167,181,182,188,189,203,204,210,211,225,226,232,233,234,247,248,254,255,256,270,271,272,276,277,278,293,294,295,296,297,298,299,300,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +6571 - 61,62,71,83,84,92,93,94,104,105,106,113,114,115,116,126,127,128,134,135,136,137,138,148,149,156,157,158,159,169,170,171,179,180,181,191,192,193,201,202,203,213,214,215,222,223,224,225,226,227,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,412,413,430,431,432,433,434,435,452,453,454,455,456,474,475,476,477,489 +6572 - 10,11,12,31,32,33,53,54,55,74,75,76,96,97,98,107,108,109,117,118,119,129,130,131,138,139,140,141,151,152,153,160,161,162,173,174,175,181,182,183,184,195,196,197,203,204,205,217,218,219,224,225,226,238,239,240,241,246,247,248,259,260,261,262,267,268,269,278,279,280,281,282,283,284,289,290,291,298,299,300,301,302,303,304,305,311,312,315,316,317,318,319,320,321,322,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,347,348,354,355,356,357,358,359,360,361,362,368,369,370,376,377,378,379,380,381,390,391,392,399,400,411,412,413,489 +6573 - 63,64,74,75,76,77,78,79,80,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,180,181,182,183,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,278,279,280,292,300,301,302,312,313,314,322,323,324,334,335,345,346,355,356,357,358,366,367,368,377,378,379,380,381,388,389,390,400,401,402,403,404,405,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,490 +6574 - 30,31,32,33,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,128,137,138,139,159,160,161,162,182,183,184,185,186,205,206,207,208,209,210,229,230,231,232,233,252,253,254,255,256,276,277,278,279,299,300,301,302,322,323,324,325,345,346,347,368,369,370,376,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,444,445,446,447,448,449,450,451,452,453,454,455,456,457,490 +6575 - 9,10,11,12,30,31,32,33,51,52,53,54,73,74,75,95,96,97,116,117,118,138,139,140,159,160,161,181,182,183,203,204,205,224,225,226,234,235,236,237,238,239,240,247,248,253,254,255,256,257,258,259,260,261,262,269,270,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,385,386,387,388,389,491 +6576 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,101,102,103,114,115,116,117,123,124,125,136,137,138,146,147,148,159,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,293,294,295,296,297,299,300,301,313,314,315,316,317,318,319,320,321,322,325,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,383,384,385,386,389,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,449,487 +6577 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,183,184,185,186,187,188,189,190,191,192,193,194,213,214,215,216,235,236,237,256,257,258,259,278,279,280,281,300,301,302,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,451,452,453,454,473,474,475,492 +6578 - 57,58,79,80,81,100,101,102,103,121,122,123,124,125,126,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,189,190,191,192,203,204,205,206,207,208,211,212,213,224,225,226,227,228,229,233,234,235,245,246,247,248,249,254,255,256,257,258,259,260,261,262,263,267,268,269,270,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,453,454,455,456,476,477,478,489 +6579 - 74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,148,149,150,151,161,162,163,169,170,171,172,173,183,184,185,186,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,319,320,321,337,338,341,342,343,358,359,360,364,365,380,381,385,386,387,402,403,407,408,409,423,424,425,426,429,430,446,447,448,449,450,451,452,468,469,470,471,472,473,474,493 +6580 - 75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,160,161,162,165,166,167,168,169,182,183,184,185,187,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +6581 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,124,125,138,139,140,146,147,160,161,162,167,168,169,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,229,230,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,453,471,472,473,474,494 +6582 - 61,62,63,64,80,81,82,83,84,85,86,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,160,161,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,248,249,250,251,269,270,271,272,273,274,275,276,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,471,472,473,490 +6583 - 11,12,13,14,32,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,140,141,142,161,162,163,182,183,184,185,191,192,193,204,205,206,212,213,214,215,216,225,226,227,228,233,234,235,236,237,238,247,248,249,255,256,257,258,259,260,269,270,271,276,277,278,281,282,291,292,293,298,299,300,302,303,304,313,314,319,320,321,322,323,324,325,326,335,336,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +6584 - 71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,163,164,165,166,167,168,183,184,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,301,302,303,304,305,324,325,326,327,346,347,348,349,367,368,369,370,371,388,389,390,391,392,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,471,472,473,474,488 +6585 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,124,125,126,127,137,138,139,140,141,147,148,149,150,159,160,161,162,170,171,172,173,180,181,182,183,193,194,195,201,202,203,204,216,217,218,223,224,225,226,238,239,240,245,246,247,248,260,261,262,267,268,269,281,282,283,284,289,290,291,303,304,305,306,311,312,313,324,325,326,327,333,334,335,345,346,347,348,349,355,356,357,366,367,368,369,370,377,378,379,385,386,387,388,389,390,391,399,400,401,402,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,485 +6586 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,139,140,141,160,161,162,182,183,184,185,186,204,205,206,207,208,209,227,228,229,230,231,232,253,254,255,275,276,277,298,299,300,321,322,343,344,365,366,386,387,388,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,490 +6587 - 33,34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,102,103,104,118,119,120,124,125,126,145,146,147,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,256,257,258,279,280,301,302,311,323,324,325,332,333,334,344,345,346,354,355,356,357,366,367,368,377,378,379,380,381,382,383,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +6588 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,136,137,138,139,146,147,148,158,159,160,161,168,169,170,171,180,181,182,189,190,191,192,193,202,203,204,212,213,214,215,224,225,226,227,233,234,235,236,246,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,342,343,344,364,365,366,368,369,386,387,388,389,390,391,408,409,410,411,412,430,431,432,433,434,452,453,454,455,474,475,476,494 +6589 - 59,60,61,81,82,83,103,104,115,116,117,124,125,126,137,138,139,146,147,148,158,159,160,161,168,169,170,180,181,182,190,191,192,201,202,203,204,212,213,214,223,224,225,227,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,389,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,476,489 +6590 - 6,7,27,28,29,49,50,51,71,72,73,93,94,95,115,116,117,123,124,125,126,127,137,138,139,143,144,145,146,147,148,149,150,159,160,161,164,165,166,167,168,169,170,171,172,173,181,182,183,185,186,187,188,193,194,195,203,204,205,206,207,208,209,216,217,218,225,226,227,228,229,230,238,239,240,247,248,249,250,251,260,261,262,269,270,271,272,273,282,283,284,292,293,294,304,305,306,314,315,316,317,325,326,327,336,337,338,339,347,348,349,358,359,360,361,362,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,429,430,431,432,433,491 +6591 - 13,14,34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,408,409,427,428,429,430,486 +6592 - 96,97,98,99,100,118,119,120,121,122,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,191,192,193,202,203,204,205,223,224,225,226,244,245,246,247,248,249,251,266,267,268,269,270,271,272,273,274,275,276,277,288,289,292,293,294,295,296,297,298,299,300,301,318,319,320,321,322,323,324,343,344,345,346,366,367,368,389,390,411,412,433,434,454,455,475,476,477,490 +6593 - 48,61,62,69,70,71,82,83,84,91,92,93,104,105,106,112,113,114,115,125,126,127,128,134,135,136,137,147,148,149,156,157,158,169,170,171,178,179,180,190,191,192,193,199,200,201,202,212,213,214,215,221,222,223,224,225,226,227,228,229,230,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,343,344,345,365,366,367,386,387,388,389,391,408,409,410,411,412,413,430,431,432,433,434,452,453,454,455,474,475,476,477,489 +6594 - 98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,167,168,169,189,190,191,210,211,212,213,232,233,234,235,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,492 +6595 - 32,33,34,53,54,55,56,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,117,118,119,121,122,123,124,125,126,127,138,139,140,141,144,145,146,147,148,149,150,160,161,162,169,170,171,172,181,182,183,184,192,193,194,203,204,205,215,216,225,226,227,237,238,247,248,249,259,260,268,269,270,281,282,290,291,292,302,303,304,312,313,314,323,324,325,326,334,335,336,344,345,346,347,356,357,358,365,366,367,368,379,380,381,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +6596 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,165,166,167,168,169,170,171,172,191,192,193,194,213,214,215,216,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,468,469,470,471,472,492 +6597 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,125,126,139,140,141,147,150,151,152,161,162,163,170,171,172,173,174,184,185,186,190,191,192,193,194,195,206,207,208,209,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,316,317,318,319,320,321,337,338,339,341,342,343,359,360,361,363,364,365,381,382,383,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,493 +6598 - 56,57,58,59,60,77,78,79,80,81,82,83,93,94,95,98,99,100,101,102,103,104,105,106,115,116,117,119,120,121,122,123,126,127,128,129,136,137,138,141,142,143,144,149,150,151,158,159,160,163,164,165,171,172,173,179,180,181,182,185,186,187,193,194,195,201,202,203,207,208,209,215,216,217,222,223,224,225,230,231,238,239,244,245,246,260,261,262,266,267,268,282,283,284,287,288,289,290,303,304,305,309,310,311,312,325,326,327,331,332,333,347,348,349,353,354,355,368,369,370,375,376,377,378,389,390,391,392,397,398,399,400,410,411,412,413,420,421,422,431,432,433,434,442,443,444,445,446,451,452,453,454,455,465,466,467,468,469,470,471,472,473,474,475,476,485 +6599 - 10,11,12,13,31,32,33,34,35,53,54,55,70,74,75,76,95,96,97,98,117,118,119,138,139,140,159,160,161,162,181,182,183,184,203,204,205,225,226,227,247,248,256,257,258,259,260,268,269,270,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,304,313,314,315,317,318,319,320,321,322,323,325,326,335,336,337,338,339,340,341,342,343,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +6600 - 56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,297,298,299,300,312,313,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,475,476,477,489 +6601 - 37,38,59,60,61,80,81,82,94,95,102,103,104,116,117,118,124,125,126,137,138,139,140,145,146,147,148,159,160,161,167,168,169,180,181,182,183,189,190,191,202,203,204,205,211,212,213,223,224,225,226,227,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,319,320,321,322,341,342,343,344,363,364,365,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,489 +6602 - 94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,164,165,166,167,168,169,170,171,178,179,180,181,188,189,190,191,192,193,194,200,201,202,211,212,213,214,215,222,223,224,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,316,317,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,451,452,453,454,473,474,475,476,494 +6603 - 38,39,40,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,158,159,160,161,162,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,229,230,231,233,234,235,236,256,257,258,278,279,280,300,301,302,322,323,324,335,336,344,345,346,357,358,359,360,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,490 +6604 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,163,164,165,184,185,186,206,207,208,227,228,229,248,249,250,254,255,256,257,258,259,269,270,271,272,276,277,278,279,280,281,282,291,292,293,303,304,305,312,313,314,324,325,326,327,334,335,336,344,345,346,347,348,356,357,358,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +6605 - 40,41,49,50,51,61,62,63,70,71,72,73,83,84,85,92,93,94,95,105,106,107,114,115,116,117,126,127,128,129,135,136,137,138,147,148,149,150,157,158,159,169,170,171,172,178,179,180,181,191,192,193,194,200,201,202,203,207,208,209,210,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,299,300,301,302,320,321,322,323,324,342,343,344,345,364,365,366,367,368,369,371,386,387,388,389,390,391,392,407,408,409,410,411,412,413,429,430,431,432,433,434,451,452,453,454,455,489 +6606 - 54,55,56,57,58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,191,192,193,194,205,206,207,208,209,213,214,215,216,226,227,228,229,235,236,237,238,248,249,250,251,257,258,259,260,269,270,271,272,279,280,281,291,292,293,294,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,364,365,366,367,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,485 +6607 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,145,146,147,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,184,191,192,193,194,195,202,203,204,205,214,215,216,217,223,224,225,226,227,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,270,281,282,283,288,289,290,291,303,304,305,310,311,312,325,326,327,332,333,334,346,347,348,349,354,355,356,357,368,369,370,371,376,377,378,379,380,381,382,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,485 +6608 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +6609 - 93,94,95,96,97,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,191,192,193,201,202,203,212,213,214,224,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +6610 - 34,35,36,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,383,384,405,406,407,427,428,429,449,450,451,486 +6611 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,148,149,150,151,152,159,160,161,169,170,171,172,173,181,182,183,189,190,191,192,193,194,203,204,205,206,210,211,212,213,214,216,226,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,341,342,343,359,360,361,363,364,365,380,381,382,383,385,386,387,402,403,404,407,408,409,424,425,426,429,430,431,447,448,449,450,451,452,469,470,471,472,473,474,493 +6612 - 8,9,10,30,31,32,51,52,53,73,74,75,95,96,97,106,117,118,127,128,129,138,139,140,149,150,151,160,161,162,170,171,172,181,182,183,192,193,194,203,204,205,214,215,216,225,226,236,237,238,246,247,248,257,258,259,260,268,269,277,278,279,280,281,289,290,291,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,366,367,368,376,377,378,388,389,390,410,411,412,431,432,433,489 +6613 - 73,74,75,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,144,145,146,147,148,159,160,161,168,169,170,180,181,182,183,190,191,192,202,203,204,212,213,214,233,234,235,255,256,257,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,492 +6614 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +6615 - 93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,168,169,170,171,178,179,180,181,190,191,192,193,200,201,202,203,212,213,214,222,223,224,234,235,236,255,256,257,277,278,279,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,475,492 +6616 - 12,13,14,33,34,35,54,55,56,76,77,78,97,98,99,118,119,120,139,140,141,142,161,162,163,182,183,184,189,190,191,204,205,206,209,210,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,237,247,248,249,252,253,258,259,260,269,270,271,274,280,281,282,291,292,293,301,302,303,304,313,314,315,323,324,325,336,337,344,345,346,347,358,359,360,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +6617 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,147,148,158,159,170,171,179,180,181,191,192,193,201,202,203,212,213,214,215,223,224,225,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +6618 - 31,32,52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,122,123,124,125,126,127,128,129,137,138,139,140,147,148,149,150,151,152,159,160,161,162,170,171,172,173,174,181,182,183,194,195,196,202,203,204,205,216,217,218,219,224,225,226,239,240,241,245,246,247,248,261,262,263,267,268,269,270,282,283,284,285,289,290,291,292,304,305,306,311,312,313,314,324,325,326,327,328,333,334,335,336,346,347,348,349,350,356,357,358,359,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +6619 - 36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,118,119,120,121,124,125,126,127,139,140,141,142,147,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,202,203,204,205,214,215,216,217,224,225,226,237,238,239,245,246,247,259,260,261,267,268,269,281,282,283,288,289,290,304,305,310,311,312,325,326,327,332,333,334,347,348,349,354,355,356,368,369,370,371,376,377,378,379,380,381,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +6620 - 26,27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,102,103,104,105,106,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,231,232,233,253,254,255,256,276,277,278,279,299,300,301,302,321,322,323,324,325,326,344,345,346,347,348,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,488 +6621 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,143,144,146,147,159,160,161,162,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,276,277,278,294,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,429,430,451,452,494 +6622 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,188,189,190,191,204,205,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,475,494 +6623 - 72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,146,147,148,157,158,159,160,168,169,170,179,180,181,182,189,190,191,192,201,202,203,211,212,213,214,224,225,233,234,235,236,255,256,257,277,278,279,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,433,451,452,453,454,473,474,475,492 +6624 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,150,151,162,163,164,165,166,167,168,172,173,184,185,186,187,188,193,194,195,205,206,207,208,214,215,216,217,227,228,229,234,235,236,237,238,250,251,254,255,256,257,258,259,272,273,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,361,362,363,377,378,379,380,384,385,398,399,400,405,406,407,420,421,427,428,429,442,443,448,449,450,464,465,466,467,468,469,470,471,493 +6625 - 39,40,50,51,60,61,62,72,73,82,83,84,93,94,95,104,105,106,116,117,126,127,137,138,147,148,149,158,159,168,169,170,171,179,180,181,182,190,191,192,193,201,202,203,204,212,213,214,215,222,223,224,225,226,228,229,230,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,317,319,320,321,322,323,324,325,326,344,345,346,347,366,367,368,387,388,389,409,410,411,431,432,433,454,455,489 +6626 - 27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,99,100,101,102,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,300,301,302,303,311,312,323,324,325,333,334,345,346,347,348,355,356,357,367,368,369,370,377,378,379,380,381,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +6627 - 10,11,12,13,14,15,31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,76,81,82,103,104,126,127,148,149,170,171,182,183,184,185,192,193,203,204,205,206,207,208,209,214,215,224,225,226,227,228,229,230,231,232,233,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,275,276,277,278,279,280,281,290,291,292,298,299,300,301,302,303,312,313,314,315,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,369,370,371,379,380,381,382,383,384,385,386,392,393,403,404,405,406,407,487 +6628 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,148,149,150,159,160,161,162,163,169,170,171,172,182,183,184,185,186,187,191,192,193,194,204,205,206,207,208,209,210,211,213,214,215,216,228,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,259,277,278,279,280,281,298,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,443,444,445,446,447,448,449,450,464,465,466,467,468,469,470,494 +6629 - 31,32,36,37,38,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,115,116,137,138,139,159,160,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,205,206,207,208,211,212,213,214,235,236,257,258,279,280,281,302,303,324,325,333,334,335,336,346,347,348,355,356,357,358,359,369,378,379,380,381,382,383,384,385,386,389,390,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,490 +6630 - 72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,121,122,123,124,125,138,139,140,144,145,146,147,160,161,162,167,168,169,182,183,189,190,191,211,212,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,410,429,430,431,451,452,453,473,474,475,492 +6631 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,95,96,97,98,105,106,117,118,119,125,126,127,128,139,140,145,146,147,148,149,150,161,162,163,166,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,229,230,231,232,251,252,253,254,272,273,274,275,276,277,294,295,296,298,299,315,316,317,318,320,321,337,338,339,340,343,344,359,360,361,364,365,381,382,383,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,493 +6632 - 13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,144,163,164,165,184,185,186,187,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,300,301,302,315,316,317,318,321,322,323,324,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,426,427,428,429,430,491 +6633 - 40,41,42,60,61,62,63,64,75,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,117,119,120,122,123,124,125,160,161,162,182,183,184,185,186,204,205,206,207,208,209,210,212,228,229,230,231,232,233,234,235,254,256,257,279,280,289,290,291,302,311,312,313,324,333,334,335,345,346,355,356,357,358,366,367,368,377,378,379,380,381,388,389,400,401,402,403,404,405,406,407,408,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +6634 - 36,37,38,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,173,174,175,183,184,185,186,187,188,195,196,197,204,205,206,207,208,216,217,218,219,224,225,226,227,228,229,238,239,240,245,246,247,248,249,250,259,260,261,266,267,268,269,270,271,272,280,281,282,283,288,289,290,291,292,293,301,302,303,304,305,310,311,312,313,314,315,323,324,325,326,333,334,335,336,337,338,344,345,346,347,355,356,357,358,359,360,363,364,365,366,367,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,446,447,448,449,485 +6635 - 73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,138,146,147,159,160,161,168,169,181,182,189,190,191,192,193,202,203,204,211,212,213,224,225,226,227,228,230,232,233,234,235,247,248,249,250,251,252,254,255,256,257,271,272,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,406,407,408,428,429,430,450,451,472,473,474,494 +6636 - 31,32,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,454,486 +6637 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,74,75,76,82,83,96,97,98,119,120,126,127,128,142,147,148,149,150,151,164,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,207,208,209,210,211,212,229,230,231,232,249,250,251,252,253,254,271,272,273,274,276,277,292,293,294,295,298,299,314,315,316,320,321,336,337,338,342,343,344,358,359,360,364,365,366,380,381,382,383,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +6638 - 76,77,78,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,146,147,148,157,158,159,160,161,168,169,170,178,179,180,190,191,192,200,201,202,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,301,317,318,319,320,321,322,323,324,325,338,339,340,341,342,343,344,345,346,347,348,351,359,360,361,362,363,364,365,369,370,371,372,373,380,381,382,383,384,385,392,393,394,395,401,402,403,404,405,423,424,425,426,445,446,447,487 +6639 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,96,97,100,101,102,103,104,117,118,119,131,139,140,141,151,153,161,162,163,170,171,172,173,175,184,185,186,190,191,192,193,194,195,197,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,319,320,321,336,337,338,339,341,342,343,358,359,360,363,364,365,380,381,382,385,386,387,402,403,404,406,407,408,409,417,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,473,493 +6640 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,93,94,97,101,102,103,104,105,115,116,117,125,126,127,137,138,139,147,148,149,158,159,160,161,170,171,172,180,181,182,183,192,193,194,202,203,204,205,214,215,216,224,225,226,236,237,238,246,247,248,258,259,260,269,270,271,279,280,281,282,291,292,293,301,302,303,304,313,314,315,322,323,324,325,335,336,337,344,345,346,347,358,359,360,365,366,367,368,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,485 +6641 - 73,74,75,76,77,80,81,82,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,189,190,191,210,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,425,426,427,428,429,447,448,449,450,469,470,471,472,492 +6642 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,128,138,139,140,141,142,143,147,148,149,150,158,159,160,161,162,164,165,170,171,172,179,180,181,182,183,192,193,194,195,201,202,203,204,215,216,217,222,223,224,225,237,238,239,244,245,246,259,260,261,266,267,268,281,282,283,288,289,290,303,304,305,310,311,312,325,326,327,332,333,334,347,348,349,354,355,356,357,368,369,370,371,377,378,379,380,389,390,391,392,399,400,401,402,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,485 +6643 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,486 +6644 - 70,71,72,73,74,93,94,95,96,97,98,99,118,119,120,121,122,123,144,145,146,166,167,168,187,188,189,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,274,275,276,277,278,279,295,296,297,299,300,301,302,303,304,317,318,319,322,323,324,325,326,339,340,341,346,361,362,363,383,384,404,405,406,426,427,428,448,449,450,470,471,472,492 +6645 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,227,228,229,233,234,235,255,256,257,277,278,279,280,300,301,302,313,314,315,322,323,324,335,336,337,338,344,345,346,357,358,359,360,361,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,454,488 +6646 - 60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,231,232,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,320,321,322,323,336,337,338,339,342,343,344,345,359,360,364,365,366,378,379,380,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,490 +6647 - 38,39,40,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,122,123,124,125,138,139,140,159,160,161,162,181,182,183,184,204,205,206,207,208,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,277,278,279,280,281,301,302,303,313,314,323,324,325,326,335,336,337,345,346,347,348,357,358,359,360,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,490 +6648 - 15,16,17,18,19,20,36,37,38,39,40,41,57,58,59,60,62,63,78,79,80,81,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,227,228,229,248,249,250,251,253,254,255,256,270,271,272,275,276,277,278,279,291,292,293,294,299,300,301,302,313,314,315,321,322,323,324,335,336,337,344,345,346,357,358,359,366,367,368,379,380,381,382,383,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +6649 - 32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,97,98,103,104,120,125,126,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,228,229,230,233,234,235,256,257,258,278,279,280,289,290,291,300,301,311,312,313,314,315,322,323,333,334,335,343,344,345,355,356,357,358,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +6650 - 79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,149,150,151,152,158,159,160,161,162,163,171,172,173,174,179,180,181,182,192,193,194,195,202,213,214,215,216,217,234,235,236,237,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,375,376,377,378,379,380,389,391,397,398,399,400,487 +6651 - 35,36,37,57,58,59,79,80,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,404,405,406,426,427,428,429,448,449,450,451,452,486 +6652 - 32,33,34,54,55,56,76,77,78,82,98,99,100,103,104,105,120,121,122,125,126,141,142,143,144,146,147,148,163,164,165,168,169,170,184,185,186,189,190,191,192,206,207,208,211,212,213,227,228,229,232,233,234,235,248,249,250,251,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,340,341,342,357,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,489 +6653 - 10,11,12,13,31,32,33,34,52,53,54,55,56,74,75,76,77,95,96,97,98,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,206,214,215,216,225,226,227,234,235,236,237,238,239,247,248,249,255,256,257,258,259,260,261,262,269,270,271,276,277,278,279,280,281,282,283,284,291,292,293,297,298,299,300,302,303,304,305,306,313,314,315,319,320,321,322,323,324,325,326,327,335,336,337,338,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +6654 - 8,9,10,11,12,13,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,77,78,79,80,81,100,101,102,103,123,124,125,145,146,147,167,168,169,170,189,190,191,211,212,213,233,234,235,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,431,432,433,434,487 +6655 - 60,61,62,63,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,159,160,161,162,181,182,183,184,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,279,280,281,301,302,303,314,315,316,317,323,324,325,335,336,337,338,345,346,347,357,358,359,367,368,369,379,380,381,388,389,390,391,401,402,403,404,405,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +6656 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,296,297,318,319,340,341,362,363,383,384,385,405,406,407,427,428,429,449,450,451,472,473,486 +6657 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,103,104,105,125,126,127,146,147,148,163,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,277,278,279,300,301,311,312,313,322,323,324,332,333,334,335,344,345,346,354,355,356,357,366,367,377,378,379,380,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +6658 - 53,54,55,74,75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,144,145,146,163,164,165,167,168,169,185,186,187,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,471,472,473,493 +6659 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,121,122,123,124,136,137,138,144,145,146,150,151,158,159,160,161,167,168,170,171,172,181,182,183,184,191,192,193,194,204,205,206,207,212,213,214,215,227,228,229,230,232,233,234,235,236,237,251,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,342,343,360,361,362,365,381,382,383,387,388,403,404,405,409,410,425,426,427,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +6660 - 54,55,76,77,78,97,98,99,100,101,119,120,121,122,123,142,143,144,145,164,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +6661 - 88,89,90,91,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,168,169,170,182,190,191,192,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +6662 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,79,80,81,82,83,94,95,103,104,105,115,116,126,127,148,149,150,170,171,172,192,193,194,204,205,206,207,208,213,214,215,225,226,227,228,229,230,231,235,236,237,246,247,248,251,252,253,254,256,257,258,267,268,269,274,275,276,277,278,279,289,290,297,298,299,300,310,311,312,319,320,321,322,323,332,333,334,339,340,341,342,343,344,345,355,356,358,359,360,361,362,363,366,367,377,378,379,380,381,382,383,384,388,389,390,399,400,401,402,403,410,411,412,413,433,434,435,456,457,487 +6663 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,122,123,124,125,144,145,146,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,256,257,258,270,271,278,279,280,291,300,301,302,312,313,314,322,323,324,325,334,335,336,345,346,347,356,357,358,359,366,367,368,369,379,380,381,382,383,384,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,488 +6664 - 9,10,11,12,30,31,32,33,34,35,52,53,56,57,74,75,78,79,80,96,97,100,101,102,118,119,122,123,124,141,142,143,144,145,146,164,165,166,167,168,187,188,189,190,209,210,211,231,232,233,252,253,254,263,273,274,275,276,284,285,290,291,294,295,296,297,305,306,307,310,311,312,313,314,315,316,317,318,327,328,332,333,334,335,336,337,338,339,348,349,350,356,357,360,361,362,369,370,371,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,487 +6665 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,451,486 +6666 - 10,11,12,13,14,31,32,33,34,35,36,53,54,55,56,57,73,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,204,205,206,226,227,228,248,249,250,257,258,259,270,271,272,278,279,280,281,282,292,293,294,299,300,301,302,303,304,305,314,315,316,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,346,347,348,349,358,359,360,361,362,363,364,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +6667 - 8,9,10,11,12,29,30,31,32,51,52,53,54,72,73,74,93,94,95,96,115,116,117,118,137,138,139,158,159,160,161,180,181,182,202,203,204,212,213,214,215,216,223,224,225,226,232,233,234,235,236,237,238,245,246,247,248,253,254,255,256,257,258,259,260,261,267,268,269,270,274,275,276,277,278,279,280,281,282,283,289,290,291,292,296,297,298,299,300,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,491 +6668 - 11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,187,206,207,208,209,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +6669 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,148,149,151,152,159,160,161,171,172,173,174,181,182,183,184,191,192,193,194,195,203,204,205,206,212,213,214,215,216,217,226,227,228,229,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,364,365,381,382,383,386,387,388,403,404,405,409,410,425,426,427,428,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,475,493 +6670 - 57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +6671 - 37,38,39,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,116,117,118,121,122,123,138,139,140,160,161,162,163,181,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,257,258,279,280,281,302,303,311,312,313,324,325,326,333,334,335,336,347,348,355,356,369,370,378,379,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,490 +6672 - 95,96,97,116,117,118,119,120,138,139,140,141,142,143,159,160,161,162,163,164,165,166,168,169,181,182,186,187,188,189,190,191,202,203,204,209,210,211,212,213,224,225,234,235,246,247,256,257,268,269,278,279,289,290,300,301,312,322,323,344,345,366,367,388,389,410,411,432,433,454,455,475,476,492 +6673 - 73,74,75,76,77,78,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,145,146,147,157,158,159,160,161,168,169,170,179,180,181,190,191,192,201,202,203,210,211,212,213,214,223,224,225,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,299,300,301,302,321,322,323,324,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,433,434,452,453,454,455,456,474,475,476,477,494 +6674 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,486 +6675 - 30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,80,81,82,83,93,94,95,96,97,103,104,105,115,116,117,118,125,126,127,147,148,149,168,169,170,189,190,191,192,210,211,212,213,214,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,337,338,339,340,358,359,360,361,362,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,444,445,446,447,448,449,453,454,455,456,457,458,487 +6676 - 50,51,52,53,54,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,178,179,180,181,182,183,184,185,186,187,188,189,190,200,201,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,488 +6677 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,101,102,103,114,115,116,117,118,123,124,125,137,138,139,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,430,431,432,433,434,435,446,447,448,453,454,455,456,457,487 +6678 - 78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,203,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,252,253,254,256,257,258,259,260,279,280,281,282,300,301,302,303,304,322,323,324,325,326,344,345,346,347,365,366,367,368,385,386,387,388,389,390,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,465,466,467,468,469,470,471,472,473,488 +6679 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,123,124,125,126,137,138,139,140,142,143,144,145,146,147,148,149,159,160,161,167,168,169,170,171,180,181,182,183,188,189,190,191,192,193,201,202,203,204,214,215,216,223,224,225,230,236,237,238,244,245,246,247,259,260,266,267,268,281,282,288,289,290,303,304,310,311,312,325,326,332,333,334,347,348,354,355,356,368,369,370,377,378,379,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,485 +6680 - 57,58,59,72,73,79,80,81,94,95,101,102,103,115,116,117,123,124,125,137,138,139,145,146,147,159,160,167,168,169,180,181,182,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,277,278,279,299,300,301,321,322,323,342,343,344,364,365,366,387,388,409,410,430,431,432,433,453,454,455,475,476,477,489 +6681 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,121,122,123,124,135,136,137,138,145,146,157,158,159,168,169,171,172,178,179,180,190,191,192,193,194,200,201,212,213,214,215,216,222,223,233,234,235,236,237,244,245,254,255,256,257,258,259,267,268,269,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,494 +6682 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,139,140,141,142,145,161,162,163,164,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,257,258,259,260,271,272,273,280,281,282,302,303,304,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,397,398,399,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,490 +6683 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,102,103,117,118,119,120,124,125,140,141,146,147,168,169,189,190,191,211,212,213,232,233,234,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,365,370,379,380,381,382,383,384,385,386,387,390,391,392,400,401,402,403,404,408,409,410,411,412,413,422,423,424,425,431,432,433,434,435,445,446,453,454,455,456,487 +6684 - 13,14,15,16,33,34,35,36,37,38,54,55,56,57,59,60,75,76,77,78,81,82,96,97,98,99,103,104,118,119,120,124,125,139,140,141,161,162,163,183,184,204,205,206,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,269,270,271,272,276,277,278,291,292,293,299,300,301,312,313,314,315,322,323,324,334,335,336,337,338,345,346,347,357,358,359,360,361,367,368,369,381,382,383,384,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,491 +6685 - 39,40,60,61,62,81,82,83,103,104,105,124,125,126,137,138,139,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,202,203,204,210,211,212,213,223,224,225,226,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,453,489 +6686 - 56,57,58,59,77,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,471,472,473,486 +6687 - 73,74,94,95,96,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,182,183,190,191,212,213,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,388,389,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,492 +6688 - 51,52,53,54,55,56,57,58,73,74,75,77,78,79,80,81,95,96,97,101,102,103,104,118,119,120,124,125,126,141,142,143,147,148,149,164,165,166,169,170,171,186,187,188,189,192,193,209,210,211,212,214,215,229,230,231,232,233,234,236,237,248,249,250,251,252,253,254,255,256,258,259,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,298,299,300,301,312,313,314,321,322,334,335,342,343,344,356,357,364,365,378,379,385,386,400,401,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,468,469,470,471,493 +6689 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,102,103,104,124,125,126,146,147,148,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,278,279,280,300,301,302,313,314,315,316,323,324,334,335,336,337,338,345,346,347,356,357,358,359,360,367,368,369,379,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,488 +6690 - 114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,168,169,170,171,172,173,193,194,195,216,217,237,238,239,258,259,260,261,262,263,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,320,321,322,323,332,333,334,335,340,341,342,343,344,354,355,356,360,361,362,363,364,376,377,378,379,380,381,382,383,384,487 +6691 - 35,36,37,56,57,58,59,78,79,80,81,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +6692 - 26,27,28,29,30,31,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,113,114,115,116,119,120,135,136,137,157,158,159,179,180,181,182,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,278,281,282,283,284,304,305,306,326,327,328,348,349,350,361,362,370,371,372,382,383,384,385,386,387,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,438,450,451,452,453,454,455,456,457,458,459,460,490 +6693 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,119,124,125,126,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,255,256,257,278,279,300,301,302,312,313,322,323,324,333,334,335,336,337,345,346,355,356,357,358,366,367,368,377,378,379,380,381,382,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +6694 - 33,34,54,55,56,57,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +6695 - 7,8,9,28,29,30,31,50,51,52,71,72,73,93,94,95,114,115,116,117,136,137,138,158,159,160,180,181,182,202,203,204,213,214,215,224,225,226,233,234,235,236,237,238,246,247,248,254,255,256,257,258,259,260,268,269,270,275,276,277,278,279,281,282,283,290,291,292,293,296,297,298,299,300,304,305,313,314,315,316,317,318,319,320,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,405,406,407,408,409,491 +6696 - 93,94,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,145,146,147,148,159,160,168,169,170,171,190,191,192,212,213,214,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,492 +6697 - 31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,102,103,114,115,116,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,431,432,433,434,435,436,437,445,446,447,456,457,458,487 +6698 - 84,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,160,161,162,163,164,165,166,181,182,183,184,202,203,204,205,224,225,226,246,247,268,269,270,290,291,292,293,312,313,314,315,316,317,335,336,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,452,453,490 +6699 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,143,144,145,165,166,167,186,187,188,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,430,431,449,450,451,452,486 +6700 - 68,69,70,71,72,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,144,145,146,147,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,297,298,299,300,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,364,365,366,380,381,386,387,388,408,409,410,430,431,432,452,453,454,475,476,492 +6701 - 33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,102,103,104,117,118,119,120,124,125,126,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,341,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,390,401,402,403,404,407,408,409,410,411,412,413,423,424,425,431,432,433,434,435,436,446,454,455,456,457,458,487 +6702 - 76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,147,148,149,159,160,161,168,169,170,171,179,180,181,182,190,191,192,193,201,202,203,204,211,212,213,214,222,223,224,225,226,232,233,234,235,236,245,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,342,343,344,345,363,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,452,453,454,455,474,475,476,477,478,479,494 +6703 - 9,10,11,12,30,31,32,33,51,52,53,54,73,74,75,76,94,95,96,97,116,117,118,119,137,138,139,140,141,159,160,161,162,181,182,183,202,203,204,205,211,212,213,214,224,225,226,227,231,232,233,234,235,236,237,246,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,280,281,282,291,292,293,294,295,296,297,298,302,303,304,314,315,316,317,318,319,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,491 +6704 - 95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,169,170,171,180,181,182,190,191,192,193,194,202,203,211,212,213,214,215,223,224,225,233,234,235,236,237,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,494 +6705 - 30,31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,126,136,137,138,139,140,146,147,148,149,158,159,160,161,170,171,172,179,180,181,182,192,193,194,195,201,202,203,215,216,217,222,223,224,225,238,239,240,244,245,246,260,261,262,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,348,349,350,351,354,355,356,369,370,371,372,376,377,378,379,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,485 +6706 - 79,80,99,100,101,102,120,121,122,124,141,142,143,146,160,161,162,163,164,167,168,181,182,183,184,189,190,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,452,471,472,473,489 +6707 - 12,13,14,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,101,102,103,113,114,115,116,117,123,124,125,135,136,137,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,436,437,487 +6708 - 25,28,29,30,31,32,33,34,35,46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,101,102,103,122,123,124,143,144,145,146,164,165,166,167,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,258,259,260,261,267,268,269,270,271,281,282,283,284,304,305,306,325,326,327,328,346,347,348,349,350,368,369,370,371,388,389,390,391,392,399,400,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,488 +6709 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,100,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,431,432,433,434,435,436,437,438,446,447,455,456,457,458,459,460,487 +6710 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,119,120,121,122,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,492 +6711 - 89,90,91,92,93,94,95,96,97,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,211,212,213,214,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +6712 - 96,97,98,99,100,101,102,103,110,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,146,147,148,154,155,156,157,158,159,160,161,168,169,170,177,178,179,180,181,190,191,192,212,213,214,234,235,236,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,477,492 +6713 - 36,37,38,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +6714 - 60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,272,273,274,294,295,296,315,316,317,337,338,339,358,359,360,380,381,382,401,402,403,423,424,425,445,446,447,467,468,486 +6715 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,102,103,104,115,116,117,118,124,125,126,138,139,146,147,148,167,168,169,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,256,257,258,271,278,279,280,301,302,303,323,324,325,345,346,347,354,355,367,368,369,376,377,389,390,391,398,399,410,411,412,413,420,421,422,423,424,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,476,488 +6716 - 36,37,38,39,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,118,119,120,121,122,125,126,127,128,139,140,141,142,143,147,148,149,150,161,162,163,164,165,168,169,170,171,172,184,185,186,190,191,192,193,207,208,209,210,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,276,277,278,279,280,281,282,290,291,292,293,294,298,299,300,301,302,303,304,305,312,313,314,315,316,319,320,321,322,323,324,325,326,327,334,335,336,337,341,342,343,344,349,356,357,358,359,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,445,446,447,448,449,487 +6717 - 73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +6718 - 30,31,32,52,53,54,55,74,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +6719 - 72,73,82,83,84,93,94,95,104,105,106,115,116,117,125,126,127,128,136,137,138,146,147,148,149,158,159,160,168,169,170,171,179,180,181,190,191,192,201,202,203,204,205,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,270,271,272,273,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,319,320,321,322,326,340,341,342,343,348,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,489 +6720 - 52,53,54,74,75,76,77,96,97,98,99,118,119,120,121,141,142,143,144,163,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,433,451,452,453,454,473,474,475,486 +6721 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +6722 - 53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,100,120,121,122,123,142,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +6723 - 60,61,81,82,83,102,103,104,118,119,124,125,126,139,140,141,145,146,147,160,161,162,167,168,182,183,184,189,190,204,205,206,210,211,212,226,227,228,229,232,233,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,449,450,471,472,489 +6724 - 55,56,57,58,76,77,78,79,80,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,142,143,144,145,146,159,160,161,162,166,167,168,182,183,184,185,187,188,189,205,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,298,299,300,315,316,317,318,321,322,323,337,338,339,343,344,345,346,359,360,361,366,367,368,382,383,384,388,389,390,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,493 +6725 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,102,103,108,115,116,117,118,119,124,125,129,130,137,138,139,150,151,152,158,159,160,170,171,172,173,180,181,182,190,191,192,193,194,203,204,205,211,212,213,214,215,226,227,228,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,341,342,343,359,360,364,365,380,381,382,386,387,402,403,404,407,408,409,424,425,426,428,429,430,431,447,448,449,450,451,452,470,471,472,473,493 +6726 - 13,14,33,34,35,36,37,54,55,56,57,58,76,77,78,97,98,99,118,119,120,121,140,141,142,162,163,164,184,185,186,187,188,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,277,278,279,294,295,296,299,300,301,316,317,318,321,322,323,338,339,340,343,344,345,360,361,362,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,491 +6727 - 77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,159,160,161,162,163,170,181,182,183,191,192,193,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,316,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,494 +6728 - 3,4,5,25,26,27,47,48,49,69,70,71,91,92,93,112,113,114,115,134,135,136,137,156,157,158,159,179,180,181,182,191,192,193,201,202,203,204,211,212,213,214,215,216,217,223,224,225,226,232,233,234,235,236,237,238,239,245,246,247,248,254,255,256,257,258,259,260,261,262,268,269,270,271,275,276,277,278,279,281,282,283,284,291,292,293,294,298,299,300,301,303,304,305,306,313,314,315,316,317,318,320,321,322,323,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,491 +6729 - 31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,80,81,82,91,92,93,94,95,96,103,104,105,113,114,115,116,117,125,126,127,135,136,147,148,149,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,455,456,457,458,459,460,487 +6730 - 56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,167,168,169,184,185,186,188,189,190,206,207,208,210,211,228,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,341,342,358,359,360,362,363,364,380,381,382,384,385,386,402,403,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +6731 - 76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,125,126,127,137,138,139,140,147,148,158,159,160,161,169,170,179,180,181,182,191,192,201,202,203,212,213,214,223,224,232,233,234,235,236,244,245,246,247,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,475,494 +6732 - 50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,124,125,126,127,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,321,322,323,324,325,344,345,346,347,365,366,367,368,369,386,387,388,389,390,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,488 +6733 - 39,40,41,42,43,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,136,137,138,139,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,190,210,211,212,213,233,234,235,256,257,258,279,280,301,302,303,323,324,325,334,335,345,346,347,355,356,357,358,367,368,369,377,378,379,380,381,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,490 +6734 - 95,96,97,98,99,100,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,158,159,160,161,162,165,166,167,168,179,180,181,182,183,187,188,189,190,191,201,202,203,204,205,209,210,211,212,213,223,224,225,226,231,232,233,234,235,236,245,246,247,248,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,300,301,302,303,312,313,314,315,316,317,322,323,324,325,344,345,346,347,348,366,367,368,369,370,388,389,390,391,392,411,412,413,414,433,434,435,454,455,456,457,476,477,478,479,494 +6735 - 34,35,36,56,57,58,78,79,99,100,101,121,122,123,143,144,145,165,166,186,187,188,208,209,210,230,231,232,252,253,273,274,275,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,447,448,449,486 +6736 - 12,13,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,171,172,173,174,182,183,184,185,192,193,194,195,196,197,204,205,206,213,214,215,216,217,218,219,226,227,228,234,235,236,237,238,239,240,241,247,248,249,250,255,256,257,258,260,261,262,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,319,320,321,322,323,324,325,334,335,336,341,342,343,344,345,356,357,358,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +6737 - 15,16,17,35,36,37,38,39,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,117,118,119,120,138,139,140,141,160,161,162,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,256,257,258,259,279,280,281,301,302,303,312,313,324,325,333,334,335,336,346,347,355,356,357,358,359,360,361,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,490 +6738 - 72,73,74,94,95,96,102,103,115,116,117,118,124,125,126,137,138,139,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,202,203,204,205,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,300,301,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,435,454,455,456,457,477,478,479,489 +6739 - 9,10,11,12,30,31,32,33,52,53,54,73,74,75,95,96,97,116,117,118,119,138,139,140,160,161,162,181,182,183,184,203,204,205,206,225,226,227,247,248,249,256,257,258,259,260,269,270,271,275,276,277,278,279,280,281,282,283,291,292,293,296,297,298,299,300,301,302,303,304,305,306,313,314,315,318,319,320,321,326,327,328,336,337,338,339,340,341,342,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,407,408,409,410,411,412,491 +6740 - 76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,145,146,148,149,150,158,159,160,161,167,169,170,171,172,179,180,181,182,189,190,191,192,193,194,201,202,203,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,255,256,257,258,268,269,270,271,272,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,453,454,471,472,473,474,475,494 +6741 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,104,105,106,107,108,115,116,117,129,130,131,137,138,139,152,153,160,161,162,174,175,182,183,184,185,190,191,192,193,196,197,205,206,207,208,209,210,211,212,213,214,215,217,218,228,229,230,231,232,233,234,235,239,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,297,298,299,313,314,315,316,320,321,335,336,337,342,343,356,357,358,359,364,365,378,379,380,385,386,387,400,401,402,407,408,409,422,423,424,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +6742 - 31,32,33,53,54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +6743 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,124,125,126,145,146,147,148,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,255,256,257,258,278,279,280,291,292,293,300,301,302,312,313,314,322,323,324,333,334,335,343,344,345,346,355,356,357,366,367,368,377,378,379,380,387,388,389,399,400,401,402,403,404,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +6744 - 29,30,31,32,33,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,99,100,101,102,113,114,115,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,346,347,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,412,413,414,415,416,417,435,436,437,438,487 +6745 - 18,19,30,31,32,33,36,38,39,40,41,51,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,115,116,117,118,137,138,139,140,159,160,161,162,181,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,237,238,257,258,259,260,280,281,282,302,303,304,310,311,323,324,325,326,332,333,334,344,345,346,347,354,355,356,357,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,490 +6746 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,278,279,280,281,290,291,292,293,294,301,302,303,304,312,313,314,315,316,324,325,326,327,335,336,337,338,339,346,347,348,349,350,358,359,360,361,362,363,364,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,432,433,434,435,436,437,491 +6747 - 8,9,10,11,30,31,32,33,51,52,53,54,72,73,74,75,76,94,95,96,97,98,115,116,117,118,119,120,136,137,138,139,158,159,160,163,179,180,181,182,201,202,203,204,223,224,225,236,237,238,239,240,245,246,247,255,256,257,258,259,260,261,262,263,267,268,269,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,296,297,298,299,300,306,307,312,313,314,317,318,319,320,321,326,327,328,329,334,335,336,337,338,339,340,341,342,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,373,381,382,383,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,491 +6748 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,186,187,188,189,190,205,206,207,208,209,210,211,227,229,230,231,232,233,234,252,253,254,255,256,257,278,279,280,300,301,302,322,323,324,336,337,338,345,346,358,359,360,366,367,368,380,381,388,389,390,402,403,404,410,411,425,426,427,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,477,478,488 +6749 - 32,34,36,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,101,102,103,104,105,113,114,115,116,117,124,125,126,127,135,136,137,138,147,148,149,156,157,158,159,168,169,170,171,172,178,179,180,192,193,194,195,199,200,201,215,216,217,221,222,223,237,238,239,243,244,245,260,261,262,265,266,282,283,284,287,288,304,305,306,309,310,311,326,327,328,331,332,333,348,349,350,353,354,355,356,370,371,372,376,377,378,379,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,485 +6750 - 55,56,77,78,79,96,97,98,100,101,117,118,119,122,123,138,139,140,144,145,146,159,160,161,166,167,181,182,188,189,203,204,205,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,256,257,274,275,278,279,295,296,297,300,301,317,318,322,323,339,340,344,345,361,362,366,367,383,384,388,389,405,406,410,411,428,429,431,432,433,450,451,452,453,454,473,474,475,476,493 +6751 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,146,147,148,157,158,159,168,169,170,178,179,180,190,194,195,200,201,202,215,216,217,222,223,224,236,237,238,239,244,245,246,247,248,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,322,323,324,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,430,431,432,433,434,452,453,454,455,456,474,475,476,477,494 +6752 - 56,57,58,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,126,127,139,140,141,142,146,147,148,149,150,151,160,161,162,163,168,169,170,171,172,182,183,184,185,189,190,191,192,204,205,206,207,208,211,212,213,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,301,317,318,319,320,321,322,323,339,340,341,343,344,345,361,362,363,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,493 +6753 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,124,125,126,127,137,138,139,140,148,149,158,159,160,170,171,180,181,182,192,201,202,203,213,214,215,223,224,225,234,235,236,237,246,247,248,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,494 +6754 - 54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,121,122,123,124,125,126,139,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,226,227,228,229,230,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,344,345,346,347,348,349,350,351,354,355,356,357,358,359,369,370,487 +6755 - 13,14,15,16,17,34,35,36,37,38,39,40,56,57,58,59,60,61,62,83,84,104,105,106,126,127,128,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,236,237,245,246,247,248,258,259,260,267,268,269,270,271,279,280,281,288,289,290,291,301,302,303,310,311,312,313,323,324,325,332,333,334,335,336,344,345,346,355,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,488 +6756 - 74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,126,127,128,147,148,149,169,170,171,190,191,192,193,211,212,213,214,225,226,227,228,229,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,318,319,320,321,322,323,324,325,340,341,342,361,362,363,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,492 +6757 - 36,37,38,57,58,59,60,61,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,486 +6758 - 32,33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,147,148,149,156,157,163,164,165,169,170,171,178,179,180,186,191,192,193,200,201,202,213,214,215,223,224,234,235,236,237,245,246,247,257,258,259,267,268,269,279,280,281,289,290,291,292,301,302,303,311,312,313,314,321,322,323,324,334,335,336,343,344,345,346,357,358,359,360,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,485 +6759 - 37,38,58,59,60,79,80,81,82,101,102,103,122,123,124,125,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +6760 - 28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,101,102,103,104,105,116,125,126,127,128,147,148,149,150,170,171,172,192,193,194,214,215,216,236,237,238,248,249,250,251,252,253,258,259,260,269,270,271,272,273,274,275,276,279,280,281,282,290,291,292,293,294,295,296,297,298,300,301,302,303,304,311,312,313,314,315,316,318,319,320,321,322,323,324,325,332,333,334,335,336,340,341,342,343,344,345,346,347,354,355,356,357,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,487 +6761 - 36,37,38,39,40,57,58,59,60,61,62,78,79,80,81,83,84,85,98,99,100,101,105,106,107,119,120,121,122,123,128,129,140,141,142,143,144,150,151,152,161,162,163,164,165,166,172,173,174,182,183,184,185,186,187,194,195,204,205,206,207,208,216,217,225,226,227,228,229,238,239,246,247,248,250,251,259,260,261,268,269,270,271,272,273,281,282,283,290,291,293,294,295,303,304,311,312,313,315,316,317,324,325,326,333,334,335,338,339,345,346,347,355,356,357,360,361,362,366,367,368,369,377,378,379,383,384,386,387,388,389,399,400,401,402,403,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +6762 - 56,57,58,59,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,127,128,139,140,141,142,143,150,151,152,161,162,163,164,169,170,171,172,173,174,183,184,185,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,297,298,313,314,315,316,318,319,320,335,336,337,340,341,342,357,358,359,362,363,364,378,379,380,381,384,385,386,400,401,402,403,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,493 +6763 - 73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,121,122,123,124,135,136,137,145,146,158,166,167,168,169,188,189,190,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,301,302,303,323,324,325,345,346,347,365,366,367,368,369,380,381,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,488 +6764 - 70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,157,158,159,160,164,165,166,167,168,169,177,178,179,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,327,346,347,348,349,361,362,368,369,370,371,382,383,384,385,386,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,488 +6765 - 87,108,109,120,121,122,129,130,131,141,142,143,144,150,151,152,153,162,163,164,165,171,172,173,174,183,184,185,186,193,194,195,204,205,206,207,214,215,216,225,226,227,228,234,235,236,237,246,247,248,249,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,447,448,489 +6766 - 28,29,30,50,51,52,72,73,93,94,95,115,116,117,136,137,138,139,158,159,160,161,169,170,171,172,173,180,181,182,189,190,191,192,193,194,195,196,202,203,204,210,211,212,213,214,215,216,217,218,219,224,225,226,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,252,253,254,255,259,260,261,262,263,268,269,270,271,273,274,275,276,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,380,381,382,383,402,403,404,424,425,426,447,491 +6767 - 148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,206,207,208,209,227,228,229,230,249,250,251,252,253,272,273,274,275,276,277,297,298,299,313,319,320,321,334,335,339,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,490 +6768 - 33,34,35,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,163,164,165,166,185,186,187,207,208,209,210,211,229,230,231,232,233,234,250,251,252,253,255,256,257,271,272,273,274,278,279,293,294,295,300,301,316,317,322,323,337,338,339,344,345,360,361,366,367,382,383,387,388,389,404,405,409,410,411,426,427,428,429,430,431,432,450,451,452,453,491 +6769 - 16,17,18,19,20,21,36,37,38,39,40,43,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,232,233,234,235,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,300,301,302,303,312,313,314,315,316,317,320,321,322,323,324,333,334,335,336,337,338,339,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,491 +6770 - 98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,161,162,163,167,168,169,182,183,184,185,189,190,191,204,205,206,211,212,213,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,494 +6771 - 85,86,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,190,191,192,193,211,212,213,232,233,234,253,254,255,256,260,261,262,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,400,401,402,421,422,423,442,443,444,464,465,466,492 +6772 - 8,9,10,11,12,13,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,117,118,119,122,123,124,125,144,145,146,147,166,167,168,169,182,183,184,185,188,189,190,191,203,204,205,206,207,208,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,261,262,263,267,268,269,270,272,273,274,275,276,277,278,283,284,285,289,290,291,292,295,296,297,298,299,300,303,304,305,306,307,311,312,313,314,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,425,426,487 +6773 - 62,63,64,65,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,128,129,130,142,143,144,145,146,147,148,150,151,152,163,164,165,166,167,169,170,172,173,185,186,187,188,192,193,194,195,206,207,208,209,213,214,215,216,228,229,230,234,235,236,237,250,251,252,254,255,256,257,258,272,273,274,275,276,277,278,293,294,295,296,297,298,299,313,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,361,362,376,377,378,379,382,383,384,398,399,400,404,405,406,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,465,466,467,468,469,493 +6774 - 5,6,7,8,9,10,26,27,28,29,30,31,32,33,34,35,48,49,50,54,55,56,57,58,59,78,79,80,81,82,101,102,103,104,124,125,126,145,146,147,148,167,168,169,187,188,189,190,191,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,282,283,301,302,303,304,305,324,325,326,327,345,346,347,348,349,352,353,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,423,424,488 +6775 - 78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,125,126,127,141,142,143,146,147,148,149,150,162,163,164,167,168,169,170,171,172,183,184,185,186,190,191,192,193,204,205,206,211,212,213,214,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,468,469,470,494 +6776 - 95,96,97,98,99,100,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,164,165,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,276,277,278,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +6777 - 60,61,62,63,81,82,83,84,85,86,102,103,104,105,107,108,120,121,122,123,124,125,129,130,140,141,142,143,144,145,146,151,152,161,162,163,164,165,166,167,168,173,174,181,182,183,184,185,187,188,189,195,196,202,203,204,205,209,210,216,217,218,224,225,230,231,232,238,239,245,246,252,253,259,260,261,266,267,268,274,275,281,282,288,289,296,297,302,303,304,309,310,311,318,319,323,324,325,331,332,340,341,344,345,346,353,354,363,365,366,367,375,376,385,386,387,388,397,398,406,407,408,419,420,421,422,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,485 +6778 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,124,125,126,137,138,139,147,148,158,159,160,169,170,180,181,182,191,192,202,203,214,215,224,225,236,237,246,247,257,258,259,268,269,270,278,279,280,281,290,291,292,299,300,301,302,313,314,315,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,366,367,368,382,383,388,389,390,410,411,412,432,433,453,454,455,475,476,477,494 +6779 - 39,40,41,42,60,61,62,63,82,83,84,85,103,104,105,106,124,125,126,127,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,336,337,338,339,340,357,358,359,360,361,379,380,381,382,399,400,401,402,403,421,422,423,424,443,444,445,446,486 +6780 - 32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,116,117,118,138,139,140,160,161,162,181,182,183,184,203,204,205,209,210,225,226,227,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,281,282,283,292,293,294,304,305,306,326,327,328,348,349,350,370,371,391,392,393,400,401,412,413,414,415,421,422,423,424,425,426,427,428,430,431,432,433,434,435,436,437,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,490 +6781 - 15,34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,82,83,84,97,98,99,104,105,106,119,125,126,127,128,147,148,149,150,168,169,170,171,189,190,191,192,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,390,391,392,393,397,398,399,400,401,402,420,421,487 +6782 - 12,13,14,15,16,17,33,34,35,36,37,38,39,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,210,211,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,278,279,280,281,282,292,293,294,295,302,303,304,315,316,317,324,325,326,337,338,339,340,345,346,347,348,359,360,361,362,366,367,368,369,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,428,429,430,431,432,491 +6783 - 73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,123,124,125,126,135,136,146,147,148,167,168,169,170,188,189,190,191,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,280,281,282,302,303,304,324,325,326,345,346,347,348,365,366,367,368,369,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,488 +6784 - 94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,177,178,179,180,181,199,200,201,208,209,210,211,212,213,214,221,222,223,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,281,282,283,284,288,289,290,291,303,304,305,306,325,326,327,328,347,348,349,350,368,369,370,371,372,389,390,391,392,393,404,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,470,471,472,473,474,490 +6785 - 79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,129,130,131,141,142,143,144,145,146,147,148,151,152,153,163,164,165,166,167,172,173,174,184,185,186,187,188,194,195,196,206,207,208,209,210,214,215,216,217,228,229,230,231,232,234,235,236,237,238,250,251,252,254,255,256,257,258,268,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,361,362,376,377,378,383,384,398,399,405,406,407,420,421,422,427,428,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,472,493 +6786 - 11,12,13,32,33,34,54,55,56,76,77,78,97,98,99,119,120,121,141,142,143,162,163,164,184,185,186,206,207,208,228,229,230,250,251,272,273,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,324,325,338,339,340,341,345,346,347,360,361,362,363,365,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,491 +6787 - 38,39,40,41,58,59,60,61,62,63,64,79,80,81,82,83,84,85,86,100,101,102,103,106,107,108,120,121,122,123,124,128,129,130,140,141,142,143,144,145,146,150,151,152,161,162,163,164,165,166,167,168,172,173,174,182,183,184,185,186,187,188,189,193,194,195,196,203,204,205,206,207,208,209,215,216,217,224,225,226,227,230,231,237,238,239,245,246,247,248,252,253,259,260,261,266,267,268,269,274,275,280,281,282,283,288,289,290,296,297,302,303,304,309,310,311,319,320,323,324,325,331,332,333,343,344,345,346,347,353,354,355,364,365,366,367,368,375,376,377,378,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,445,446,447,448,485 +6788 - 14,15,16,17,35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,143,144,145,160,161,162,163,164,165,166,181,182,183,184,185,186,188,192,202,203,204,205,206,207,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,301,302,303,304,305,310,311,312,313,314,315,316,317,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,491 +6789 - 61,62,63,82,83,84,85,86,103,104,105,106,107,125,126,127,128,129,145,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,421,422,423,424,443,444,445,446,465,466,467,486 +6790 - 49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,98,99,100,101,113,114,115,122,123,136,137,138,144,145,158,159,160,161,166,167,168,169,170,181,182,183,184,188,189,190,191,204,205,206,207,209,210,211,212,228,229,230,231,232,251,252,253,254,272,273,274,275,276,277,278,293,294,295,298,299,300,315,316,317,321,322,323,337,338,344,345,346,359,360,367,368,369,381,382,383,390,391,403,404,405,412,413,426,427,428,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,493 +6791 - 81,82,83,84,85,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,142,143,144,145,150,151,152,164,165,172,173,174,193,194,195,196,214,215,216,217,234,235,236,237,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,331,332,333,336,337,338,339,340,341,345,346,347,353,354,355,356,357,358,359,360,361,375,376,377,378,379,380,381,397,398,399,400,401,402,487 +6792 - 10,11,12,13,31,32,33,34,52,53,54,55,74,75,76,77,95,96,97,98,117,118,119,120,138,139,140,141,142,160,161,162,163,182,183,184,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,301,302,303,314,315,316,317,323,324,325,337,338,339,340,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +6793 - 51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,124,125,126,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,300,301,302,322,323,324,325,345,346,347,367,368,369,378,388,389,390,391,399,400,401,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,488 +6794 - 25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,121,122,123,124,125,145,146,147,148,167,168,169,170,171,190,191,192,193,213,214,215,235,236,237,247,248,249,250,251,252,253,257,258,259,268,269,270,271,272,273,274,275,276,277,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,318,319,320,321,322,323,324,325,333,334,335,336,343,344,345,346,347,348,355,356,357,358,359,365,366,367,368,369,370,371,378,379,380,381,382,383,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,414,415,423,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,487 +6795 - 106,107,108,109,118,120,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,192,193,194,212,213,214,215,233,234,235,236,237,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,336,337,338,339,340,357,358,359,360,361,378,379,380,381,399,400,401,402,420,421,422,423,442,443,444,464,465,466,492 +6796 - 4,5,6,7,8,25,26,27,28,29,30,47,48,49,68,69,70,90,91,92,112,113,114,134,135,156,157,178,179,189,190,191,192,193,194,200,201,202,210,211,212,213,214,215,216,217,222,223,224,231,232,233,234,235,236,237,238,239,240,244,245,246,247,253,254,255,260,261,262,266,267,268,269,275,276,277,282,283,284,289,290,291,292,296,297,298,299,304,305,306,311,312,313,314,315,318,319,320,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,409,410,411,412,413,491 +6797 - 100,101,102,103,104,121,122,123,124,125,126,130,131,143,144,145,148,151,152,153,164,165,166,169,170,171,172,173,174,186,187,188,191,192,193,194,195,208,209,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,292,293,294,295,296,297,312,313,314,315,316,317,318,319,333,334,335,336,339,340,341,355,356,357,361,362,363,377,378,379,380,381,382,383,384,385,401,402,403,404,405,406,424,425,426,427,493 +6798 - 71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,126,127,128,129,130,138,139,140,148,149,150,151,152,160,161,162,169,170,171,172,173,183,184,185,189,190,191,192,193,205,206,207,208,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,320,321,322,335,336,337,338,343,344,345,357,358,359,365,366,367,378,379,380,387,388,389,400,401,402,409,410,411,422,423,424,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,493 +6799 - 79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,108,120,121,122,123,129,130,141,142,143,148,149,150,151,152,163,164,165,169,170,171,172,173,174,184,185,186,190,191,192,193,206,207,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,421,422,423,424,442,443,444,445,463,464,465,466,494 +6800 - 88,89,90,110,111,112,113,114,115,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,492 +6801 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,125,126,139,140,141,147,148,149,160,161,162,169,170,171,172,181,182,183,190,191,192,193,194,203,204,211,212,213,214,215,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,447,448,449,469,470,471,494 +6802 - 39,40,51,60,61,62,72,73,82,83,84,93,94,95,104,105,106,114,115,116,126,127,128,135,136,137,138,148,149,150,156,157,158,159,169,170,171,172,178,179,180,191,192,193,200,201,202,213,214,215,221,222,223,235,236,237,243,244,245,255,256,257,258,259,265,266,267,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,323,324,325,332,333,334,335,345,346,347,348,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,456,457,458,489 +6803 - 37,38,39,40,58,59,60,61,62,63,79,80,81,84,85,100,101,102,106,107,121,122,123,127,128,141,142,143,144,145,149,150,162,163,164,165,166,167,171,172,183,184,185,186,187,192,193,194,204,205,206,207,208,209,214,215,216,226,227,228,229,230,236,237,238,247,248,249,250,251,252,257,258,259,269,270,271,272,273,274,279,280,281,290,291,292,294,295,300,301,302,312,313,314,317,322,323,324,334,335,336,343,344,345,346,356,357,364,365,366,367,378,379,384,385,386,387,388,400,401,402,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +6804 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,121,122,136,137,138,146,147,148,149,158,159,160,167,168,169,170,171,180,181,182,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,233,234,235,236,248,249,250,255,256,257,258,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +6805 - 39,40,41,59,60,61,62,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,444,445,446,447,486 +6806 - 96,97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,144,145,160,161,162,166,167,182,183,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,276,277,278,298,299,300,320,321,322,342,343,344,364,365,386,387,407,408,409,429,430,431,451,452,453,473,474,494 +6807 - 64,65,85,86,87,106,107,108,127,128,129,136,141,142,143,148,149,150,162,163,164,169,170,171,183,184,185,190,191,192,204,205,206,211,212,213,214,225,226,227,232,233,234,235,236,237,247,248,249,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,314,315,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,402,403,404,423,424,425,445,446,447,466,467,468,489 +6808 - 74,75,76,77,78,94,95,96,97,98,99,100,101,102,116,117,118,122,123,124,125,137,138,139,146,147,150,158,159,160,170,171,172,173,179,180,181,190,191,192,193,194,195,201,202,203,211,212,213,214,216,217,223,224,232,233,234,238,239,244,245,246,253,254,255,260,261,266,267,268,274,275,276,281,282,283,288,289,290,294,295,296,297,303,304,305,310,311,312,313,314,315,316,317,318,325,326,333,334,335,336,337,338,339,347,348,356,357,358,359,369,370,391,392,413,414,434,435,436,456,457,477,478,479,494 +6809 - 86,87,105,106,107,108,109,118,119,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,259,260,261,262,263,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,355,356,357,358,359,360,361,380,381,382,401,402,403,422,423,424,443,444,445,446,465,466,467,468,492 +6810 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,82,101,102,103,104,105,125,126,127,128,148,149,150,171,172,173,193,194,214,215,216,235,236,237,256,257,258,259,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,367,368,369,370,371,372,392,393,394,487 +6811 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,100,101,102,103,104,113,114,124,125,126,146,147,148,167,168,169,170,186,187,188,189,190,191,192,199,200,206,207,208,209,210,211,212,213,214,215,221,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,257,258,259,260,273,280,281,282,302,303,304,324,325,326,345,346,347,348,366,367,368,369,375,376,377,378,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,488 +6812 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,100,101,102,103,112,113,114,115,123,124,125,135,136,137,145,146,147,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,371,372,379,380,381,382,383,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,444,445,446,447,448,449,450,451,452,453,487 +6813 - 79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,127,128,129,140,141,142,149,150,151,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,248,250,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,336,337,338,339,340,341,353,354,356,357,358,359,360,361,375,376,377,378,379,380,381,398,399,400,401,487 +6814 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,469,470,471,494 +6815 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,120,121,122,123,127,128,129,140,141,142,143,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,189,190,191,192,193,203,204,205,206,210,211,212,213,214,225,226,227,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,276,277,278,293,294,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,424,425,426,445,446,447,466,467,468,469,494 +6816 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,146,147,148,149,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,203,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,235,236,246,247,248,249,252,253,254,255,256,257,258,267,268,269,270,273,274,275,276,277,278,279,280,289,290,291,294,295,296,297,299,300,301,302,311,312,313,315,316,317,318,321,322,323,324,332,333,334,335,336,337,338,339,343,344,345,346,354,355,356,357,358,359,365,366,367,368,376,377,378,379,380,388,389,390,400,410,411,412,432,433,434,454,455,456,476,477,478,494 +6817 - 82,83,84,85,86,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,150,151,152,162,163,164,165,166,167,172,173,182,183,184,185,186,187,188,189,193,194,195,203,204,205,206,207,208,209,210,215,216,217,224,225,226,227,229,230,231,236,237,238,239,246,247,248,250,251,252,258,259,260,267,268,269,272,273,274,279,280,281,288,289,290,294,295,296,300,301,302,303,310,311,312,316,317,318,322,323,324,331,332,333,339,340,341,342,343,344,345,353,354,355,362,363,364,365,366,375,376,377,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +6818 - 29,30,51,52,53,73,74,75,76,95,96,97,98,117,118,119,120,124,125,139,140,141,142,146,147,160,161,162,163,164,168,169,170,182,183,184,185,190,191,192,203,204,205,206,212,213,214,215,224,225,226,227,228,234,235,236,237,246,247,248,249,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,344,345,346,347,355,356,357,367,368,369,370,389,390,391,392,411,412,413,414,434,435,436,456,457,458,489 +6819 - 128,129,130,131,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,204,205,206,226,227,228,248,249,250,251,252,271,272,273,274,275,295,296,297,318,319,320,333,334,339,340,341,342,355,356,359,360,361,362,363,377,378,379,380,381,382,383,384,400,401,402,403,404,405,490 +6820 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,127,128,129,138,139,140,148,149,150,151,159,160,161,169,170,171,172,180,181,182,183,190,191,192,193,202,203,204,211,212,213,224,225,232,233,234,245,246,247,253,254,255,268,269,270,271,272,274,275,276,291,292,293,294,295,296,297,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,346,359,360,365,366,367,368,369,380,381,382,389,390,391,402,403,411,412,413,424,425,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,493 +6821 - 18,19,20,21,38,39,40,41,42,43,59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,100,101,102,103,104,106,107,121,122,123,124,125,142,143,144,145,163,164,165,166,167,184,185,186,187,205,206,207,208,226,227,228,229,247,248,249,250,254,255,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,323,324,325,333,334,335,336,337,338,344,345,346,347,355,356,357,358,359,360,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,491 +6822 - 33,34,35,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,135,136,137,138,139,140,141,157,158,159,160,161,178,179,180,181,182,190,191,200,201,202,203,204,210,211,212,213,214,215,216,222,223,224,225,226,230,231,232,233,234,235,236,237,238,239,244,245,246,247,251,252,253,254,255,256,257,258,259,260,261,262,266,267,268,269,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,295,296,297,298,304,305,306,307,311,312,313,314,317,318,319,320,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,450,451,491 +6823 - 82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,143,148,149,150,151,169,170,171,172,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,421,422,423,424,443,444,445,464,465,466,492 +6824 - 33,34,35,36,54,55,56,57,58,75,76,77,79,80,81,97,98,101,102,103,119,120,123,124,125,140,141,142,145,146,147,162,163,164,167,168,169,184,185,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,343,344,358,359,360,365,366,367,380,381,382,387,388,389,402,403,404,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +6825 - 76,77,78,79,80,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,145,146,147,157,158,161,162,163,167,168,169,183,184,185,186,187,188,189,190,191,192,206,207,208,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,301,302,303,304,324,325,326,346,347,348,367,368,369,378,379,380,381,382,383,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,488 +6826 - 31,32,33,34,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,124,125,126,138,139,140,141,146,147,148,160,161,162,163,164,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,256,257,258,269,270,271,272,279,280,281,291,292,293,301,302,303,312,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,368,369,370,379,380,381,389,390,391,392,402,403,404,405,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +6827 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,167,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +6828 - 33,34,35,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,124,125,126,140,141,142,146,147,162,163,164,184,185,186,193,194,206,207,208,209,214,215,216,217,228,229,230,231,234,235,236,237,238,251,252,253,254,255,256,257,258,259,260,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,403,404,405,406,407,408,426,427,428,429,430,449,450,451,493 +6829 - 99,100,101,102,103,120,121,122,123,124,125,126,127,128,140,141,142,143,144,146,147,148,149,150,161,162,163,164,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,274,275,277,278,279,298,299,300,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,469,470,471,472,494 +6830 - 14,15,35,36,37,57,58,59,78,79,80,99,100,101,121,122,123,142,143,144,164,165,185,186,187,207,208,228,229,230,231,232,233,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,299,300,301,302,315,316,317,321,322,323,337,338,343,344,345,359,360,364,365,366,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +6831 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,102,103,104,105,113,114,115,116,117,124,125,126,127,146,147,148,167,168,169,188,189,190,191,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,260,280,281,282,283,303,304,324,325,326,345,346,347,348,355,357,366,367,368,369,376,377,378,379,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,488 +6832 - 35,36,37,55,56,57,58,59,75,76,77,78,79,97,98,99,118,119,120,121,140,141,142,162,163,164,165,184,185,186,187,188,207,208,209,210,211,230,231,232,233,234,254,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +6833 - 55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,125,127,128,129,130,140,141,142,143,144,146,147,148,149,150,151,152,163,164,165,166,168,169,170,171,172,173,185,186,187,190,191,192,193,194,207,208,209,210,211,212,213,214,215,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,340,341,342,354,355,356,357,358,359,362,363,364,376,377,378,379,384,385,386,397,398,399,405,406,407,419,420,421,422,423,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471,493 +6834 - 28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,70,71,72,73,74,75,92,93,94,95,114,115,116,136,137,138,139,140,141,142,158,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,191,192,213,214,215,236,237,238,260,261,269,270,282,283,284,290,291,305,306,307,312,313,328,329,334,335,350,351,354,356,357,371,372,373,376,377,378,379,380,381,393,394,398,399,400,401,402,403,404,405,406,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,490 +6835 - 39,40,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,422,423,424,425,445,446,447,486 +6836 - 68,69,70,83,84,85,86,89,90,91,92,93,104,105,106,107,108,111,112,113,114,115,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,211,212,213,214,233,234,235,255,256,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,473,474,475,492 +6837 - 79,80,97,98,99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,168,169,170,189,190,191,210,211,212,213,232,233,234,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,354,355,356,357,358,359,360,361,377,378,379,380,381,487 +6838 - 57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,426,427,448,449,470,471,486 +6839 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,147,148,149,150,159,160,161,162,170,171,172,173,180,181,182,192,193,194,195,202,203,204,212,213,214,215,216,224,225,226,232,233,234,235,236,237,246,247,248,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,299,300,301,314,315,316,317,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,471,472,473,474,494 +6840 - 101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,478,492 +6841 - 16,17,18,19,37,38,39,40,41,42,58,59,60,61,62,63,64,79,80,81,84,85,100,101,102,103,106,107,121,122,123,124,127,128,142,143,144,162,163,164,165,166,169,184,185,186,187,205,206,207,208,227,228,229,230,233,234,235,248,249,250,251,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,301,302,313,314,315,316,317,318,322,323,324,335,336,337,338,339,344,345,346,357,358,359,360,361,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,491 +6842 - 101,102,103,104,105,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,169,170,171,177,178,179,180,181,182,183,184,185,186,191,192,193,199,200,201,202,203,204,205,212,213,214,215,234,235,236,256,257,258,278,279,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471,472,492 +6843 - 84,85,86,95,96,97,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,165,166,167,168,169,170,171,172,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,253,254,255,259,260,261,262,274,275,276,277,278,279,280,281,282,283,291,292,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,358,359,360,361,380,381,382,383,402,403,404,422,423,424,425,444,445,446,447,465,466,467,468,492 +6844 - 72,73,78,79,80,81,82,83,84,85,93,94,95,96,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,140,141,142,143,144,156,157,158,159,161,162,163,164,178,179,180,183,184,185,200,201,202,223,224,225,226,227,228,229,230,231,232,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,303,322,323,324,325,326,345,346,347,348,368,369,370,390,391,392,412,413,414,433,434,435,436,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,478,490 +6845 - 128,129,130,131,142,143,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,205,206,207,208,209,227,228,229,249,250,251,252,272,273,274,275,296,297,298,318,319,320,333,339,340,341,342,354,355,356,359,360,361,362,363,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,490 +6846 - 76,77,78,79,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,144,145,146,159,160,161,162,163,167,168,170,171,181,182,183,184,191,192,193,203,204,205,213,214,215,225,226,227,234,235,236,247,248,249,250,256,257,258,270,271,272,273,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +6847 - 17,18,19,20,37,38,39,40,41,42,58,59,60,61,62,79,80,81,82,83,100,101,102,103,121,122,123,124,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,205,206,207,208,227,228,229,248,249,250,251,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,343,344,345,357,358,359,360,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,491 +6848 - 117,118,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,318,319,320,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,470,471,492 +6849 - 44,45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,122,123,124,125,144,145,146,147,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,302,303,304,325,326,327,346,347,348,349,367,368,369,370,387,388,389,390,391,392,400,401,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,488 +6850 - 52,53,73,74,75,95,96,97,106,116,117,118,127,128,129,138,139,140,148,149,150,160,161,170,171,172,181,182,183,191,192,193,194,203,204,205,213,214,215,216,225,226,227,232,233,234,235,236,237,238,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,300,301,302,312,313,314,315,316,317,321,322,323,335,336,337,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,435,453,454,455,456,457,476,477,478,479,489 +6851 - 84,85,100,106,107,120,121,122,127,128,129,140,141,142,143,144,148,149,150,151,152,161,162,163,164,165,169,170,171,172,174,181,182,183,184,185,186,191,192,193,194,195,203,204,205,206,207,209,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,489 +6852 - 119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,169,170,171,179,180,181,182,183,191,192,212,213,214,234,235,256,257,277,278,279,299,300,301,321,322,342,343,344,364,365,386,387,407,408,409,429,430,450,451,452,472,473,492 +6853 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,167,168,169,170,171,172,173,181,182,183,184,190,191,192,193,194,203,204,205,211,212,213,214,215,225,226,227,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +6854 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,137,138,139,140,146,147,159,160,161,162,168,169,181,182,191,192,203,204,213,214,225,226,234,235,236,247,248,256,257,258,269,270,271,277,278,279,280,292,293,294,299,300,301,314,315,316,317,319,320,321,322,323,338,339,340,341,342,343,344,345,361,362,363,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,473,474,475,494 +6855 - 60,61,62,63,82,83,84,103,104,105,106,124,125,126,127,128,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,423,424,425,444,445,446,447,466,467,468,486 +6856 - 51,52,72,73,74,75,92,93,94,95,96,97,114,115,116,117,118,119,127,135,136,137,138,139,140,148,149,150,156,157,158,159,160,169,170,171,172,177,178,179,180,181,182,190,191,192,193,194,199,200,201,202,203,204,212,213,214,215,216,222,223,224,225,226,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,300,301,302,303,304,313,314,315,316,317,318,322,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,393,412,413,414,415,416,434,435,436,437,438,458,459,489 +6857 - 13,14,15,16,17,18,33,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,83,84,85,96,97,98,99,100,105,106,107,118,119,126,127,128,129,148,149,150,169,170,171,191,192,193,212,213,214,233,234,235,254,255,256,257,269,270,271,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,309,310,311,315,316,317,318,319,320,330,331,332,338,339,340,341,342,343,352,353,354,358,359,360,361,362,363,364,365,366,367,368,369,370,374,375,376,378,379,380,381,382,383,387,388,389,390,391,392,396,397,398,399,400,401,402,403,411,412,418,419,420,421,422,423,487 +6858 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,82,83,84,85,95,96,97,106,107,118,128,129,130,150,151,152,172,173,174,194,195,196,216,217,237,238,239,259,260,280,281,282,288,289,290,291,292,293,294,295,301,302,303,309,310,311,312,313,314,315,316,317,318,322,323,324,331,332,333,339,340,341,343,344,345,353,354,355,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,431,432,433,454,455,456,487 +6859 - 100,101,102,103,104,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,162,163,164,165,169,170,171,172,183,184,185,186,189,190,191,192,193,194,205,206,207,211,212,213,214,215,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,446,447,448,449,467,468,469,470,494 +6860 - 27,28,29,30,31,47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,81,82,83,90,91,92,102,103,104,112,113,114,115,123,124,125,126,134,135,136,137,144,145,146,147,157,158,159,160,165,166,167,168,179,180,181,182,183,184,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,303,316,317,318,319,320,322,323,324,325,326,338,339,340,341,342,345,346,347,348,349,360,361,362,363,364,367,368,369,370,371,383,384,385,386,387,389,390,391,392,393,406,407,408,409,410,411,412,413,414,429,430,431,432,433,434,435,452,453,454,455,456,493 +6861 - 33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,103,104,105,116,117,118,124,125,126,127,145,146,147,148,166,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,279,280,281,301,302,303,323,324,325,345,346,347,365,366,367,368,378,379,380,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,488 +6862 - 58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,151,157,158,159,160,161,162,163,164,179,180,181,182,183,184,185,186,204,205,206,207,208,227,228,229,230,231,249,250,251,252,253,254,255,272,273,274,275,276,277,278,296,297,298,299,300,301,302,319,320,321,322,323,324,325,342,343,344,345,346,347,365,366,367,368,369,370,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,490 +6863 - 64,65,85,86,87,106,107,108,109,119,120,127,128,129,130,140,141,142,148,149,150,151,161,162,163,164,169,170,171,172,182,183,184,190,191,192,193,203,204,205,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,253,254,255,256,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,422,423,424,444,445,446,489 +6864 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,115,116,117,124,125,138,139,146,147,148,160,161,162,163,169,170,171,172,173,183,184,185,186,190,191,192,193,194,195,206,207,208,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,271,272,273,274,275,276,293,294,297,298,299,314,315,319,320,321,335,336,337,342,343,357,358,359,364,365,366,379,380,381,386,387,388,401,402,403,408,409,410,424,425,426,430,431,446,447,448,449,450,451,452,453,470,471,472,473,474,493 +6865 - 63,64,65,84,85,86,105,106,107,126,127,128,129,142,143,144,148,149,150,162,163,164,165,169,170,171,184,185,186,190,191,192,205,206,207,211,212,213,227,228,229,232,233,234,235,249,250,251,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,317,318,319,337,338,339,340,359,360,361,380,381,382,401,402,403,404,422,423,424,425,444,445,446,466,467,489 +6866 - 100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,187,188,189,190,191,192,193,194,201,202,203,204,205,209,214,215,216,217,222,223,224,225,237,238,239,240,244,245,246,260,261,262,263,266,267,268,283,284,285,288,289,305,306,307,310,311,312,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,485 +6867 - 25,26,27,28,29,30,31,32,33,34,45,46,47,48,49,50,51,52,53,54,55,56,57,58,66,67,68,69,70,71,72,73,76,77,78,79,80,81,89,100,101,102,103,123,124,125,126,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,216,236,237,238,259,260,261,281,282,283,303,304,305,325,326,327,346,347,348,349,367,368,369,370,376,377,378,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,488 +6868 - 51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,137,138,139,140,141,142,146,147,148,149,159,160,161,162,169,170,171,181,182,183,184,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,238,247,248,249,257,258,259,260,269,270,271,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,323,324,325,335,336,337,338,345,346,347,358,359,360,367,368,369,380,381,382,388,389,390,391,402,403,404,405,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +6869 - 38,39,40,41,60,61,62,63,82,83,84,104,105,106,125,126,127,128,146,147,148,149,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,378,379,380,381,399,400,401,402,420,421,422,423,442,443,444,486 +6870 - 49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,122,123,124,135,136,137,138,144,145,146,158,159,160,161,162,166,167,180,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,211,212,213,214,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,314,315,316,317,322,323,324,325,336,337,338,344,345,346,347,358,359,360,367,368,369,370,380,381,382,383,389,390,391,392,403,404,405,406,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,493 +6871 - 105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,192,193,194,213,214,215,216,234,235,236,255,256,257,258,259,260,261,262,263,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,332,333,334,335,336,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,448,466,467,468,492 +6872 - 36,37,38,58,59,60,80,81,82,101,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,446,447,448,486 +6873 - 30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,103,104,105,106,125,126,127,128,146,147,148,149,150,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,278,279,280,281,301,302,303,323,324,325,326,345,346,347,348,366,367,368,369,376,377,378,379,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,441,442,443,444,445,446,447,448,449,450,451,488 +6874 - 36,37,38,46,47,48,58,59,60,61,68,69,70,71,80,81,82,83,90,91,92,93,102,103,104,105,113,114,115,124,125,126,127,135,136,137,146,147,148,149,157,158,159,168,169,170,171,180,181,190,191,192,193,202,203,204,212,213,214,215,223,224,225,226,234,235,236,237,245,246,247,248,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,368,369,370,371,390,391,392,393,394,413,414,415,416,436,437,438,458,459,460,489 +6875 - 79,80,81,87,98,99,100,101,102,103,108,109,119,120,121,122,123,129,130,131,139,140,141,142,143,144,149,150,151,152,153,160,161,162,163,164,170,171,172,173,174,181,182,183,184,185,191,192,193,194,195,203,204,205,206,212,213,214,215,216,217,224,225,226,227,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,401,402,403,404,405,422,423,424,425,443,444,445,446,447,465,466,467,468,489 +6876 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,454,486 +6877 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,128,129,130,137,138,139,140,141,150,151,152,158,159,160,161,171,172,173,180,181,182,191,192,193,194,195,202,203,212,213,214,215,216,217,223,224,225,232,233,234,235,236,237,245,246,247,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +6878 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,123,124,125,126,137,138,139,140,141,146,147,148,159,160,161,168,169,170,180,181,182,183,190,191,192,193,202,203,204,212,213,214,224,225,226,233,234,235,236,246,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,494 +6879 - 16,17,18,19,20,37,38,39,40,41,57,58,59,60,61,78,79,80,81,99,100,101,102,119,120,121,122,123,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,213,214,215,224,225,226,227,233,234,235,236,237,246,247,248,253,254,255,256,257,258,259,267,268,269,273,274,275,276,277,278,279,280,281,288,289,290,291,293,294,295,296,297,298,301,302,303,310,311,312,315,316,317,318,321,322,323,324,325,332,333,334,337,338,339,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,491 +6880 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,96,97,102,103,104,118,119,120,126,127,140,141,142,163,164,171,172,185,186,187,191,192,193,194,207,208,209,211,212,213,214,215,216,230,231,232,233,234,235,236,252,253,254,255,256,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,342,343,359,360,361,364,365,380,381,382,386,387,402,403,404,408,409,424,425,426,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +6881 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,126,127,128,139,140,141,142,149,150,160,161,162,170,171,182,183,191,192,193,203,204,205,211,212,213,214,215,225,226,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,277,278,279,293,294,295,298,299,300,319,320,321,322,341,342,343,362,363,364,383,384,385,404,405,406,425,426,427,447,448,449,468,469,470,494 +6882 - 81,82,83,102,103,104,105,106,113,114,123,124,125,126,127,134,135,136,137,138,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,231,232,233,234,253,254,255,256,257,259,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,337,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +6883 - 63,64,65,85,86,87,100,101,102,103,104,107,108,109,120,121,122,123,124,125,126,129,130,131,141,142,143,144,147,148,150,151,152,163,164,165,169,170,171,172,173,184,185,186,191,192,193,194,206,207,208,212,213,214,215,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,361,362,377,378,379,380,382,383,384,398,399,400,404,405,420,421,422,425,426,427,442,443,444,445,446,447,448,465,466,467,468,469,493 +6884 - 94,95,96,97,98,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,157,158,159,166,167,168,179,180,181,188,189,190,201,202,212,215,223,224,225,226,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,324,325,346,347,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,494 +6885 - 39,40,60,61,62,81,82,83,84,103,104,105,124,125,126,127,145,146,147,148,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +6886 - 51,52,53,73,74,75,95,96,97,117,118,123,124,139,140,144,145,146,160,161,162,166,167,168,182,183,188,189,190,204,205,210,211,212,225,226,227,228,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,319,320,321,322,323,324,342,343,344,364,365,366,386,387,388,408,409,410,431,432,453,454,475,476,489 +6887 - 40,41,42,61,62,63,64,82,83,84,85,103,104,105,106,124,125,126,127,128,146,147,148,167,168,169,187,188,189,190,191,209,210,211,212,213,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,404,421,422,423,424,443,444,445,486 +6888 - 47,48,68,69,70,90,91,92,112,113,114,119,120,121,122,123,124,125,126,134,135,136,137,141,142,143,144,145,146,147,148,149,150,156,157,158,159,166,167,168,169,170,171,172,173,178,179,180,181,192,193,194,195,196,200,201,202,203,216,217,218,219,223,224,225,226,239,240,241,245,246,247,248,261,262,263,267,268,269,270,283,284,285,289,290,291,292,293,303,304,305,306,307,312,313,314,315,316,317,318,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,485 +6889 - 16,17,18,19,20,36,37,38,39,40,57,58,59,60,78,79,80,81,82,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,208,226,227,228,247,248,249,250,254,255,256,257,258,268,269,270,271,275,276,277,278,279,280,281,290,291,292,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,321,322,323,324,325,333,334,335,337,338,339,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,491 +6890 - 12,13,32,33,34,35,53,54,55,56,57,74,75,76,77,78,95,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,301,302,303,304,314,315,316,317,318,319,320,323,324,325,326,336,337,338,339,340,341,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +6891 - 15,16,17,18,19,35,36,37,38,39,40,41,56,57,58,59,60,62,63,77,78,79,80,98,99,100,101,102,119,120,121,122,140,141,142,143,161,162,163,164,165,182,183,184,185,204,205,206,207,212,225,226,227,233,234,235,236,237,247,248,249,254,255,256,257,258,259,260,268,269,270,274,275,276,277,278,279,280,281,282,290,291,292,295,296,297,302,303,304,311,312,313,316,317,318,323,324,325,333,334,335,337,338,339,344,345,346,347,355,356,357,358,359,360,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,491 +6892 - 59,60,61,79,80,81,82,83,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,213,228,229,230,231,234,235,249,250,251,252,256,257,258,271,272,273,278,279,294,299,300,301,321,322,323,342,343,344,363,364,365,366,385,386,387,398,405,406,407,408,420,421,426,427,428,429,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,488 +6893 - 57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,107,108,117,118,119,120,121,122,124,125,128,129,130,139,140,141,142,143,150,151,161,162,164,165,171,172,173,182,183,184,186,187,191,192,193,194,205,206,207,212,213,214,215,227,228,229,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,312,313,314,315,316,317,318,319,333,334,335,336,340,341,342,355,356,357,362,363,364,377,378,384,385,386,399,400,401,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,451,468,469,470,471,493 +6894 - 9,10,11,12,13,29,30,31,32,33,34,35,36,51,52,53,56,57,58,59,72,73,74,80,81,93,94,95,101,102,114,115,116,122,123,124,136,137,143,144,145,158,159,179,180,181,191,192,193,194,195,201,202,212,213,214,215,216,217,218,223,224,232,233,234,235,236,239,240,241,245,246,253,254,255,262,263,267,268,274,275,276,285,290,291,296,297,298,306,307,312,313,318,319,327,328,329,334,335,336,340,341,342,348,349,350,357,358,359,362,363,364,368,369,370,371,380,381,382,385,386,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,491 +6895 - 100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,149,150,151,162,163,164,170,171,172,173,184,191,192,193,194,212,213,214,215,233,234,235,236,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,335,336,337,338,339,345,346,347,348,353,354,355,356,357,358,359,376,377,378,487 +6896 - 10,11,31,32,33,34,53,54,55,56,74,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,159,160,161,162,163,168,169,170,171,181,182,183,184,188,189,190,191,192,193,194,202,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,238,239,246,247,248,253,254,255,256,257,258,259,260,268,269,270,271,275,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,312,313,314,315,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,388,405,406,407,408,409,410,430,431,491 +6897 - 61,62,63,64,81,82,83,84,85,86,87,99,100,101,102,103,104,108,109,119,120,121,122,123,124,125,129,130,131,140,141,142,143,145,146,147,151,152,161,162,163,168,169,172,173,174,183,184,185,191,193,194,195,205,206,207,214,215,216,227,228,229,234,235,236,237,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,332,333,334,335,336,337,338,339,340,354,355,360,361,362,376,377,382,383,384,398,399,400,404,405,406,420,421,422,425,426,427,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +6898 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,188,189,190,191,192,193,204,205,206,207,209,210,211,212,213,214,215,226,227,228,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,258,259,260,261,269,270,271,272,273,274,275,276,281,282,283,291,292,293,294,295,296,297,303,304,305,313,314,315,316,317,318,325,326,327,335,336,337,338,339,340,346,347,348,358,359,360,361,362,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +6899 - 64,65,85,86,87,106,107,108,120,121,127,128,129,130,140,141,142,143,144,148,149,150,151,161,162,163,164,169,170,171,172,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,216,225,226,227,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,316,317,318,319,336,337,338,339,340,358,359,360,361,379,380,381,382,400,401,402,403,422,423,424,443,444,445,446,465,466,467,489 +6900 - 48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,121,122,123,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,277,278,279,280,281,291,292,293,294,295,301,302,303,304,313,314,315,316,323,324,325,326,335,336,337,345,346,347,367,368,369,388,389,390,391,406,409,410,411,412,413,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,488 +6901 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,107,108,109,118,119,120,121,122,123,129,130,131,139,140,141,142,143,144,151,152,153,161,162,163,164,165,172,173,174,175,183,184,185,186,187,194,195,196,205,206,207,208,215,216,217,218,228,229,230,235,236,237,238,239,250,251,252,255,256,257,258,259,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,315,316,317,318,319,320,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,382,383,384,399,400,401,403,404,405,420,421,422,424,425,426,427,442,443,444,445,446,447,448,465,466,467,468,469,493 +6902 - 8,9,10,11,12,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,73,74,75,78,79,80,96,100,101,102,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,253,271,272,273,274,292,293,294,295,313,314,315,316,317,335,336,337,338,339,357,358,359,360,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,487 +6903 - 58,59,60,61,62,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,128,129,130,139,140,141,142,143,144,145,147,148,150,151,152,160,161,162,163,164,165,172,173,174,181,182,183,184,185,194,195,196,202,203,204,205,215,216,217,218,223,224,225,226,237,238,239,244,245,246,247,258,259,260,261,266,267,268,280,281,282,283,287,288,289,301,302,303,304,309,310,311,322,323,324,325,331,332,333,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,485 +6904 - 33,34,35,55,56,57,77,78,79,99,100,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,427,428,429,430,449,450,451,486 +6905 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,125,126,127,128,137,138,139,140,141,142,143,144,148,149,150,151,158,159,160,161,162,163,171,172,173,180,181,182,183,193,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,290,291,292,293,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,345,346,347,348,357,358,359,360,366,367,368,369,379,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,485 +6906 - 56,57,78,79,100,101,121,122,123,143,144,165,166,187,188,209,210,231,232,252,253,254,274,275,296,297,318,319,340,341,362,363,384,385,406,407,428,429,450,451,472,473,486 +6907 - 54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,405,406,407,408,409,427,428,429,430,431,432,449,450,451,452,453,454,472,473,474,475,486 +6908 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,102,103,104,114,115,116,124,125,126,136,137,138,158,159,160,180,181,182,203,204,205,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,301,302,303,304,324,325,326,347,348,349,360,369,370,371,381,382,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,490 +6909 - 6,7,8,9,26,27,28,29,30,31,32,48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,93,94,95,96,97,98,99,116,117,119,120,121,140,141,142,143,162,163,164,165,183,184,185,186,187,205,206,207,208,226,227,228,229,230,248,249,250,251,252,270,271,272,273,291,292,293,294,312,313,314,315,316,329,334,335,336,337,338,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,487 +6910 - 75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,207,211,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,278,279,280,292,293,294,295,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,444,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +6911 - 47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,166,167,168,169,170,171,172,182,183,189,190,191,192,193,194,204,211,212,213,214,215,233,234,235,236,255,256,257,258,259,277,278,279,280,281,282,299,300,301,302,303,304,322,323,324,325,326,327,345,346,347,348,349,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,443,444,445,446,447,448,449,450,451,452,453,454,455,465,466,467,468,469,470,471,472,488 +6912 - 75,81,82,96,97,102,103,117,118,119,124,125,139,140,141,146,147,160,161,162,163,168,169,170,182,183,184,189,190,191,192,203,204,205,206,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,256,257,270,271,272,273,274,278,279,294,300,301,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +6913 - 75,76,85,86,87,96,97,98,106,107,108,109,117,118,119,120,128,129,130,131,138,139,140,141,149,150,151,159,160,161,162,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,212,213,214,215,216,224,225,226,234,235,236,237,246,247,248,255,256,257,258,268,269,270,271,272,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,360,361,362,363,364,365,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,469,470,471,489 +6914 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,486 +6915 - 93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,141,142,143,144,145,146,147,148,149,159,160,164,165,166,167,168,169,170,171,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,256,275,276,277,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,387,405,406,407,408,409,428,429,430,450,451,452,471,472,473,474,492 +6916 - 9,10,11,12,13,31,32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,100,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,288,289,290,291,292,293,294,295,296,297,298,299,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,361,362,363,364,365,366,367,368,369,375,376,377,378,385,386,387,388,389,390,391,392,398,410,411,412,413,414,415,433,434,435,436,437,438,487 +6917 - 55,56,57,58,59,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,124,125,126,137,138,139,140,147,148,159,160,161,169,170,171,172,173,181,182,183,189,190,191,192,193,194,195,196,197,203,204,205,206,210,211,212,213,214,215,216,217,218,219,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,341,342,343,358,359,360,364,365,380,381,382,385,386,387,402,403,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,474,493 +6918 - 54,55,56,57,75,76,77,78,79,96,97,98,100,101,102,118,119,122,123,124,139,140,141,144,145,161,162,166,167,183,184,188,189,205,206,210,211,227,228,232,233,249,250,254,255,271,272,275,276,277,293,294,297,298,299,315,316,317,318,319,320,321,338,339,340,341,342,343,361,364,365,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +6919 - 95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,149,150,151,158,159,160,161,171,172,181,182,183,203,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,275,276,277,278,284,285,297,298,299,306,307,319,320,321,340,341,342,362,363,364,383,384,385,395,405,406,407,416,417,427,428,429,438,439,448,449,450,461,470,471,472,494 +6920 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,127,137,138,139,140,146,147,148,149,159,160,161,168,169,170,171,172,181,182,183,190,191,192,193,194,203,204,205,212,213,214,215,216,225,226,227,228,233,234,235,236,237,248,249,250,251,252,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,367,381,382,383,384,386,387,388,389,403,404,405,408,409,410,411,412,425,426,427,431,432,433,434,447,448,449,453,454,455,456,469,470,471,472,475,476,477,478,493 +6921 - 71,72,73,74,75,76,77,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,138,139,140,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,164,165,166,167,168,169,172,173,174,175,178,179,180,181,185,186,187,188,189,194,195,196,197,200,201,202,203,207,208,209,210,216,217,218,219,222,223,224,225,229,230,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,324,325,326,327,328,332,333,334,335,336,346,347,348,349,354,355,356,357,358,367,368,369,370,371,376,377,378,379,380,386,387,388,389,390,391,392,393,399,400,401,402,403,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,485 +6922 - 93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,144,145,146,147,148,149,155,156,168,169,170,171,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,257,258,259,260,261,281,282,283,284,305,306,312,313,326,327,328,334,335,336,337,348,349,350,356,357,358,359,360,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,488 +6923 - 34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,486 +6924 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,96,97,99,100,101,102,103,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,209,210,211,232,233,234,254,255,256,277,278,299,300,301,321,322,323,343,344,345,346,355,365,366,367,377,378,386,387,388,389,400,401,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +6925 - 30,31,32,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,313,314,315,316,317,334,335,336,337,338,356,357,358,359,360,361,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,448,449,450,451,452,453,454,455,456,457,458,459,487 +6926 - 122,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,185,186,187,202,203,204,223,224,225,245,246,247,248,249,250,267,268,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,301,302,322,323,324,342,343,344,345,346,356,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,490 +6927 - 26,27,28,48,49,50,51,70,71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,228,229,230,231,232,233,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,450,451,452,453,454,488 +6928 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,173,174,175,181,182,183,184,185,186,187,188,189,195,196,197,202,203,204,205,206,207,208,217,218,219,224,225,226,227,228,229,239,240,241,245,246,247,248,249,250,260,261,262,263,267,268,269,270,271,282,283,284,285,289,290,291,292,304,305,306,311,312,313,314,325,326,327,328,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,388,389,390,391,392,399,400,401,402,409,410,411,412,413,422,423,424,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,485 +6929 - 62,63,64,83,84,85,86,104,105,106,107,108,125,126,127,128,134,135,136,146,147,148,149,155,156,157,158,168,169,170,171,177,178,179,180,189,190,191,192,199,200,201,202,211,212,213,214,221,222,223,224,232,233,234,235,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,451,470,471,472,489 +6930 - 55,56,57,77,78,79,99,100,121,122,143,144,164,165,166,186,187,188,208,209,230,231,252,253,274,275,296,297,318,319,340,341,362,363,384,385,406,407,428,429,450,451,472,473,486 +6931 - 105,106,108,122,123,124,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,174,175,185,186,187,188,207,208,209,229,230,231,250,251,252,272,273,274,294,295,296,316,317,318,332,333,334,338,339,340,354,355,356,357,358,359,360,361,362,376,377,378,379,380,381,382,383,399,400,401,402,403,404,405,490 +6932 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,430,449,450,451,452,471,472,473,486 +6933 - 15,16,17,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,97,98,99,100,101,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,226,227,228,248,249,250,252,253,254,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,337,338,339,340,343,344,345,346,360,361,362,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6934 - 95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,166,167,168,169,178,179,180,181,189,190,191,192,200,201,202,212,213,214,222,223,224,234,235,236,244,245,246,247,255,256,257,258,267,268,269,270,271,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +6935 - 92,93,94,95,96,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,233,234,235,236,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,492 +6936 - 14,15,16,17,35,36,37,38,56,57,58,59,77,78,79,80,81,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,206,207,208,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,302,303,304,312,313,314,315,316,317,324,325,334,335,336,337,338,339,345,346,347,359,360,361,366,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +6937 - 35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,83,84,95,96,97,98,117,118,119,139,140,141,161,162,163,164,184,185,186,187,190,191,193,194,207,208,209,210,211,212,213,215,216,229,230,231,232,233,250,251,252,253,254,255,270,271,272,273,275,276,277,291,292,293,294,298,299,300,313,314,315,320,321,322,335,336,342,343,344,357,358,364,365,366,379,380,381,382,386,387,388,401,402,403,404,405,406,408,409,410,425,426,427,428,429,430,431,432,449,450,451,452,453,493 +6938 - 34,35,56,57,58,78,79,80,99,100,101,102,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,405,406,407,408,427,428,429,430,449,450,451,486 +6939 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,143,144,145,146,147,148,158,159,160,169,170,181,182,183,191,192,193,203,204,205,206,213,214,226,227,228,229,230,235,250,251,252,253,254,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +6940 - 94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,143,144,145,146,147,155,156,163,164,165,166,167,168,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,222,223,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,273,274,275,276,277,278,279,298,299,300,301,302,303,322,323,324,325,326,346,347,348,349,361,362,370,371,372,384,385,386,387,388,389,390,391,392,393,394,407,408,409,410,411,412,413,414,415,416,431,432,433,434,435,436,437,488 +6941 - 32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,165,166,167,168,169,170,179,180,181,182,183,186,187,188,189,190,191,192,201,202,203,204,205,208,209,210,212,213,214,222,223,224,225,226,231,234,235,236,237,245,246,247,248,256,257,258,259,267,268,269,270,278,279,280,281,282,289,290,291,292,293,300,301,302,303,304,312,313,314,315,316,322,323,324,325,326,334,335,336,337,338,345,346,347,348,357,358,359,360,361,362,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,485 +6942 - 48,49,50,70,71,72,73,92,93,94,114,115,116,117,136,137,138,139,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,233,234,235,236,249,250,251,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,316,317,319,320,321,322,323,342,343,344,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,475,476,489 +6943 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,470,471,472,486 +6944 - 58,59,60,79,80,81,82,101,102,122,123,124,144,145,146,166,167,188,189,209,210,211,231,232,252,253,254,274,275,276,296,297,317,318,319,339,340,341,361,362,383,384,405,406,426,427,428,448,449,450,451,471,472,473,486 +6945 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,121,122,123,124,125,136,137,138,139,140,141,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,282,300,301,302,303,304,321,322,323,324,325,326,342,343,344,345,346,347,363,364,365,366,367,368,383,384,385,386,387,388,389,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,470,488 +6946 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,486 +6947 - 83,84,85,86,87,104,105,106,107,108,109,125,126,127,128,129,130,131,140,146,147,148,149,161,162,163,167,168,169,170,171,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,213,226,227,228,231,232,233,234,248,249,250,252,253,254,255,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,489 +6948 - 28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,98,99,100,101,112,113,114,115,121,122,123,135,136,137,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,370,371,372,382,383,384,385,386,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,487 +6949 - 92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,165,166,167,168,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,468,469,470,471,492 +6950 - 56,57,58,78,79,80,100,101,102,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,486 +6951 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,125,126,136,137,138,139,147,148,158,159,160,161,181,182,183,203,204,205,216,217,218,225,226,227,228,237,238,239,240,241,248,249,250,257,258,259,260,261,270,271,272,273,278,279,280,281,293,294,295,296,298,299,300,301,302,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,493 +6952 - 49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,146,147,148,156,157,167,168,169,170,188,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,382,383,384,385,388,389,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,471,472,473,474,475,476,487 +6953 - 72,73,74,75,76,93,94,95,96,97,98,99,115,116,117,118,119,120,121,137,138,139,142,143,144,159,160,161,164,165,166,181,182,183,184,185,187,188,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,253,254,255,256,257,258,277,278,279,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,472,473,474,475,494 +6954 - 25,26,27,28,29,30,31,32,46,47,48,50,51,52,53,54,68,69,76,77,91,98,99,119,120,121,140,141,142,160,161,162,163,164,165,181,182,183,184,185,186,187,188,209,210,211,212,233,234,235,256,257,258,279,280,281,302,303,313,324,325,326,335,347,348,357,358,369,370,371,379,380,381,391,392,402,403,404,405,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,488 +6955 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,145,146,147,148,160,161,162,163,164,168,169,170,182,183,184,185,186,187,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,252,253,254,255,256,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,342,343,344,345,360,361,362,364,365,366,367,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,473,474,475,476,493 +6956 - 35,36,37,38,39,40,41,42,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,118,119,120,140,141,142,162,163,164,184,185,186,187,207,208,209,210,229,230,231,232,252,253,254,255,275,276,277,297,298,299,319,320,321,322,342,343,344,345,364,365,366,367,375,376,377,386,387,388,389,397,398,399,400,401,402,403,404,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,490 +6957 - 10,11,12,13,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,79,80,81,96,97,98,99,102,118,119,120,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,271,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,491 +6958 - 6,7,8,9,28,29,30,31,32,51,52,53,54,55,75,76,77,78,97,98,99,100,101,120,121,122,123,142,143,144,145,146,165,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,410,411,412,413,414,487 +6959 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,105,106,118,119,120,121,122,127,140,141,142,143,162,163,164,165,166,184,185,186,187,188,207,208,209,210,211,229,230,231,232,233,234,252,253,254,255,256,257,268,269,270,271,275,276,277,278,279,280,289,290,291,292,293,298,299,300,301,302,311,312,313,314,321,322,323,324,332,333,334,335,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,452,453,454,455,490 +6960 - 54,55,56,76,77,78,79,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +6961 - 54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,117,118,119,120,122,123,139,140,141,142,143,144,145,146,147,148,161,162,163,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,209,210,212,213,214,215,226,227,228,229,234,235,236,248,249,250,251,256,257,258,270,271,272,273,277,278,279,280,292,293,294,295,299,300,301,314,315,316,317,320,321,322,323,336,337,338,339,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,471,472,473,485 +6962 - 116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,190,191,192,212,213,214,234,235,236,255,256,257,258,277,278,279,280,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,492 +6963 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,81,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,182,183,184,204,205,206,226,227,228,232,233,234,248,249,250,253,254,255,256,257,270,271,272,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,305,315,316,317,318,319,320,322,323,324,326,327,337,338,339,340,341,342,344,345,346,360,361,362,363,364,366,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,491 +6964 - 58,59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,103,104,106,107,119,120,121,122,127,128,129,140,141,142,143,149,150,161,162,163,164,171,172,183,184,185,192,193,194,204,205,206,214,215,226,227,228,235,236,248,249,254,255,256,257,270,271,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,322,323,337,338,339,340,341,342,344,345,358,359,360,366,367,379,380,381,388,389,401,402,403,410,411,423,424,432,433,445,446,453,454,455,466,467,468,474,475,476,493 +6965 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,127,128,129,130,138,139,140,141,147,148,149,150,151,152,160,161,162,163,168,169,170,171,172,173,174,175,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,363,364,365,378,379,380,381,382,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +6966 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,162,163,165,166,167,169,170,171,172,173,190,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,492 +6967 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,147,148,149,160,161,162,170,171,182,183,184,185,191,192,193,205,206,207,208,209,210,212,213,214,215,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,447,448,449,450,451,469,470,471,472,494 +6968 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,122,123,124,125,138,139,140,141,145,146,147,159,160,161,166,167,168,169,181,182,183,188,189,190,191,203,204,205,209,210,211,212,224,225,226,230,231,232,233,234,246,247,248,252,253,254,255,256,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,412,430,431,432,433,434,452,453,454,455,474,475,476,494 +6969 - 82,83,84,85,103,104,105,106,107,124,125,126,127,129,139,140,145,146,147,148,161,162,163,166,167,168,169,183,184,185,188,189,190,205,206,207,209,210,211,212,227,228,229,230,231,232,233,235,236,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,294,295,296,297,298,316,317,318,337,338,339,340,359,360,361,380,381,382,383,402,403,404,424,425,426,446,447,448,468,469,470,471,489 +6970 - 95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,162,163,167,168,169,170,171,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,449,468,469,470,492 +6971 - 60,61,62,63,81,82,83,84,85,102,103,104,105,106,107,123,124,125,126,127,128,129,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,271,272,273,274,275,293,294,295,296,314,315,316,317,318,336,337,338,339,357,358,359,360,379,380,381,382,401,402,403,422,423,424,425,444,445,446,447,466,467,468,486 +6972 - 74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,146,147,148,149,159,160,161,169,170,171,172,181,182,183,184,192,193,194,195,196,203,204,205,206,207,212,213,214,215,216,217,226,227,228,229,230,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,493 +6973 - 99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,170,171,182,183,184,185,191,192,193,203,204,205,206,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,494 +6974 - 52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,123,124,125,126,136,137,138,145,146,147,148,158,159,160,161,162,168,169,170,181,182,183,184,185,189,190,191,192,204,205,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,278,279,296,297,298,299,300,301,302,317,318,319,320,322,323,324,339,340,341,342,344,345,346,347,361,362,363,366,367,368,369,382,383,384,385,388,389,390,391,404,405,406,407,410,411,412,413,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,473,474,475,476,477,478,493 +6975 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,167,168,169,170,171,179,180,181,182,183,184,188,189,190,191,192,193,201,202,203,204,205,211,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,248,249,255,256,257,258,267,268,269,270,271,277,278,279,280,289,290,291,292,293,299,300,301,302,311,312,313,314,315,321,322,323,324,325,333,334,335,336,337,338,343,344,345,346,347,355,356,357,358,359,360,361,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +6976 - 12,13,14,33,34,35,55,56,57,76,77,78,97,98,99,119,120,121,140,141,142,162,163,183,184,185,204,205,206,211,212,213,214,215,226,227,228,232,233,234,235,236,237,248,249,253,254,255,256,257,259,269,270,271,274,275,276,280,281,291,292,293,296,297,302,303,313,314,315,317,318,319,323,324,325,336,337,339,340,344,345,346,358,359,360,362,365,366,367,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +6977 - 63,64,65,84,85,86,87,104,105,106,107,108,126,127,128,129,139,140,141,142,147,148,149,150,160,161,162,163,164,168,169,170,171,181,182,183,184,185,186,189,190,191,192,203,204,205,210,211,212,213,225,226,227,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,315,316,317,318,336,337,338,339,357,358,359,360,361,378,379,380,381,399,400,401,402,403,420,421,422,423,442,443,444,445,464,465,466,489 +6978 - 70,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,120,121,122,123,124,145,146,167,168,188,189,190,210,211,212,231,232,233,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,317,318,319,339,340,360,361,362,382,383,403,404,405,425,426,427,446,447,448,468,469,470,492 +6979 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,170,171,172,173,174,182,183,184,185,192,193,194,195,204,205,206,207,214,215,216,226,227,228,229,230,234,235,236,237,239,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +6980 - 25,26,27,28,29,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,121,122,123,124,125,126,127,134,135,136,156,157,158,159,179,180,181,182,183,184,185,201,202,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,276,277,278,279,280,281,282,283,300,301,302,303,304,305,306,325,326,327,328,347,348,349,350,355,356,369,370,371,372,377,378,379,380,389,390,391,392,393,394,400,401,402,403,404,405,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,490 +6981 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,148,149,150,151,160,161,162,163,170,171,172,182,183,184,185,192,193,194,204,205,206,207,215,227,228,229,230,249,250,251,252,253,255,256,272,273,274,275,276,277,278,279,296,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +6982 - 51,52,53,73,74,75,95,96,97,101,102,103,117,118,119,123,124,125,139,140,141,145,146,147,161,162,163,167,168,169,170,183,184,185,189,190,191,192,205,206,207,211,212,213,214,227,228,229,232,233,234,235,248,249,250,254,255,256,257,270,271,272,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,342,343,344,357,358,359,360,364,365,366,386,387,388,408,409,410,430,431,432,433,452,453,454,455,475,476,489 +6983 - 61,62,63,64,82,83,84,85,86,103,104,105,106,107,124,125,126,127,128,129,146,147,148,149,150,166,167,168,169,170,171,172,188,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,399,400,401,402,403,421,422,423,424,425,442,443,444,445,446,465,466,467,468,486 +6984 - 94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,168,169,170,171,180,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,492 +6985 - 64,65,84,85,86,87,105,106,107,108,109,126,127,128,129,130,137,138,139,147,148,149,150,151,158,159,160,161,168,169,170,171,172,179,180,181,182,189,190,191,192,193,201,202,203,204,210,211,212,213,214,223,224,225,226,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,400,401,402,403,421,422,423,424,443,444,445,446,465,466,467,489 +6986 - 73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,124,125,126,138,139,140,146,147,148,160,161,162,169,170,181,182,183,191,192,203,204,205,213,214,224,225,226,235,236,246,247,248,257,258,268,269,278,279,280,289,290,291,300,301,302,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,359,360,364,365,366,367,386,387,388,407,408,409,429,430,431,450,451,452,471,472,473,492 +6987 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,148,149,150,160,161,162,163,164,165,166,170,171,172,181,182,183,184,185,186,187,188,190,191,192,193,194,203,204,205,206,207,212,213,214,215,216,224,225,226,227,228,235,236,237,238,239,246,247,248,249,250,257,258,259,260,261,268,269,270,271,278,279,280,281,282,283,290,291,292,293,300,301,302,303,304,312,313,314,315,322,323,324,325,326,334,335,336,337,344,345,346,347,348,356,357,358,359,365,366,367,368,369,378,379,380,381,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +6988 - 30,31,51,52,53,73,74,75,76,96,97,98,99,118,119,120,121,141,142,143,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +6989 - 4,5,6,7,8,26,27,28,29,30,31,32,48,49,50,51,52,53,54,71,72,73,74,75,76,77,94,95,96,97,98,99,118,119,120,121,140,141,142,143,161,162,163,164,165,183,184,185,186,187,205,206,207,208,209,226,227,228,229,230,240,241,248,249,250,251,252,261,262,263,269,270,271,272,273,274,280,281,282,283,284,285,291,292,293,294,295,299,300,301,302,303,304,305,306,307,312,313,314,315,316,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,424,425,426,427,428,429,487 +6990 - 101,102,103,104,105,106,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,168,169,170,171,179,180,181,182,183,184,185,186,190,191,192,201,202,203,211,212,213,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,472,492 +6991 - 34,35,36,56,57,58,59,78,79,80,81,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,431,449,450,451,452,453,486 +6992 - 94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,167,168,169,177,178,179,180,181,189,190,191,199,200,201,212,213,221,222,223,234,239,240,243,244,245,246,259,260,261,262,266,267,268,269,270,271,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,346,347,348,349,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,457,458,459,460,479,480,481,482,494 +6993 - 43,57,59,60,61,62,63,64,65,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,162,163,164,165,166,167,168,183,184,185,186,189,190,205,206,207,208,211,227,228,229,249,250,251,252,272,273,274,275,294,295,296,297,298,317,318,319,320,321,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,447,448,490 +6994 - 30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,99,100,101,102,114,115,116,117,118,122,123,124,125,136,137,138,139,140,144,145,146,147,148,159,160,161,162,163,166,167,168,169,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,316,317,318,321,322,323,324,325,338,339,340,344,345,346,347,348,360,361,362,367,368,369,370,382,383,384,385,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,493 +6995 - 83,84,85,94,95,104,105,106,107,108,115,116,117,118,124,125,126,127,128,137,138,139,140,141,146,147,148,149,159,160,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,204,205,206,207,210,211,212,213,226,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,316,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471,472,489 +6996 - 28,29,37,38,50,51,58,59,60,72,73,74,80,81,82,94,95,96,102,103,117,118,124,125,139,140,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,236,248,249,250,255,256,257,258,270,271,272,276,277,278,279,280,292,293,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,343,344,345,356,357,358,359,365,366,379,387,388,409,410,431,432,452,453,454,489 +6997 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,145,146,147,148,162,163,164,165,167,168,169,170,184,185,186,187,190,191,192,205,206,207,208,212,213,214,227,228,229,230,233,234,235,236,249,250,251,252,255,256,257,271,272,273,274,277,278,279,293,294,295,296,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,448,449,450,451,485 +6998 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,275,276,277,278,279,293,294,295,299,300,301,315,316,317,321,322,323,338,339,340,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,432,491 +6999 - 95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,167,168,169,170,182,183,189,190,191,210,211,212,232,233,234,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,386,404,405,406,407,427,428,429,449,450,451,471,472,473,492 +7000 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,100,101,102,113,114,115,116,122,123,124,144,145,146,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,233,234,235,236,237,250,251,257,258,259,260,280,281,282,283,287,288,289,303,304,305,308,309,310,311,312,313,325,326,327,330,331,332,333,334,335,336,347,348,349,352,353,355,356,357,358,359,369,370,371,379,380,381,382,383,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,449,450,451,452,488 +7001 - 35,36,37,38,39,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,105,106,118,119,120,121,122,123,127,140,141,142,143,148,149,161,162,163,164,183,184,185,186,205,206,207,227,228,229,249,250,251,271,272,273,293,294,295,296,298,299,300,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,450,451,452,491 +7002 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,148,160,161,162,163,168,169,170,181,182,183,184,190,191,192,193,194,203,204,205,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,272,273,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,447,448,449,469,470,471,494 +7003 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,191,192,193,194,203,204,205,206,207,208,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,256,257,258,259,269,270,271,272,273,277,278,279,280,281,291,292,293,294,295,299,300,301,302,314,315,316,317,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,448,449,450,451,452,471,472,473,474,485 +7004 - 15,16,17,18,36,37,38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,105,106,119,120,121,122,123,140,141,142,143,161,162,163,164,182,183,184,185,203,204,205,206,224,225,226,227,246,247,248,249,253,254,255,256,257,258,267,268,269,270,273,274,275,276,277,278,279,280,281,282,289,290,291,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,324,325,326,327,332,333,334,335,336,337,338,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,491 +7005 - 37,38,39,40,58,59,60,61,62,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,271,272,273,274,275,292,293,294,295,296,314,315,316,317,318,336,337,338,339,357,358,359,360,361,362,379,380,381,382,383,384,385,401,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,451,486 +7006 - 14,15,16,34,35,36,37,38,53,54,55,56,57,58,59,73,74,75,76,77,78,94,95,96,97,116,117,118,138,139,140,159,160,161,181,182,183,203,204,205,206,207,208,226,227,228,229,230,231,232,251,252,253,254,255,256,276,277,278,279,280,300,301,302,303,323,324,325,326,347,348,357,368,369,370,379,380,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,490 +7007 - 94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,169,170,171,172,180,181,182,190,191,192,193,194,202,203,204,211,212,213,214,215,224,225,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,471,492 +7008 - 8,9,10,11,30,31,32,33,52,53,54,72,73,74,75,94,95,96,97,114,115,116,117,118,135,136,137,138,139,146,147,148,149,157,158,159,160,161,167,168,169,170,171,172,179,180,181,182,188,189,190,191,192,193,194,195,201,202,203,204,210,211,212,213,214,215,216,217,218,223,224,225,226,230,231,232,233,236,237,238,239,240,245,246,247,248,250,251,252,253,254,259,260,261,262,267,268,269,270,271,272,273,274,275,281,282,283,284,289,290,291,292,293,294,295,296,303,304,305,306,312,313,314,315,316,317,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +7009 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,125,126,127,137,138,139,140,141,142,144,147,148,149,158,159,160,161,162,163,169,170,171,180,181,182,183,184,191,192,193,202,203,204,205,213,214,215,224,225,226,227,234,235,236,237,246,247,248,256,257,258,259,267,268,269,270,278,279,280,281,289,290,291,292,293,299,300,301,302,303,311,312,313,314,315,316,320,321,322,323,324,325,334,335,336,337,338,341,342,343,344,345,346,356,357,358,359,360,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +7010 - 71,72,73,74,75,76,93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,158,159,161,162,163,164,165,166,167,179,180,181,185,186,187,188,189,190,201,202,209,210,211,212,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,363,364,365,366,367,368,387,388,389,409,410,411,430,431,432,433,452,453,454,455,473,474,475,476,488 +7011 - 38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,121,122,123,124,125,126,128,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,248,249,250,251,252,253,270,271,272,273,274,292,293,294,295,296,314,315,316,317,320,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452,491 +7012 - 54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,314,315,316,317,319,320,321,337,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,486 +7013 - 34,35,36,37,55,56,57,58,59,60,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,129,142,143,144,145,149,150,151,163,164,165,166,171,172,173,185,186,187,188,192,193,194,195,207,208,209,210,213,214,215,216,217,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,259,261,269,270,271,272,273,274,275,276,283,291,292,293,294,295,296,297,298,312,313,314,315,317,318,319,320,333,334,335,336,339,340,341,342,355,356,357,358,361,362,363,364,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,429,446,447,448,449,450,493 +7014 - 11,12,13,14,15,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,163,181,182,183,184,185,193,194,203,204,205,206,211,212,213,214,215,216,217,225,226,227,232,233,234,235,236,237,238,239,240,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +7015 - 64,65,72,73,74,85,86,87,94,95,96,106,107,108,109,115,116,117,118,127,128,129,130,131,137,138,139,140,148,149,150,151,152,159,160,161,170,171,172,173,180,181,182,183,191,192,193,194,202,203,204,205,212,213,214,215,216,224,225,226,233,234,235,236,237,246,247,248,249,250,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,471,489 +7016 - 53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,116,117,118,119,139,140,141,161,162,183,184,185,189,205,206,207,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,256,257,258,272,273,274,279,280,301,302,322,323,324,344,345,346,366,367,368,380,381,387,388,389,402,403,409,410,411,424,425,426,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +7017 - 94,95,96,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,190,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,492 +7018 - 73,80,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,247,248,249,254,255,256,257,269,270,271,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,321,322,323,336,337,338,339,343,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,456,476,477,478,489 +7019 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,122,123,124,125,126,139,140,141,145,146,147,161,162,163,164,165,167,184,185,186,187,188,189,190,207,208,209,210,211,212,232,233,234,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +7020 - 59,60,81,82,94,95,96,103,104,116,117,118,125,126,138,139,140,146,147,148,160,161,168,169,170,181,182,183,190,191,203,204,205,206,211,212,213,224,225,226,227,228,229,230,233,234,235,246,247,250,251,252,253,254,255,256,257,267,268,269,273,274,275,276,277,278,289,290,298,299,300,319,320,321,341,342,343,363,364,384,385,386,406,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +7021 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,108,118,119,120,128,129,130,140,141,142,148,149,150,151,162,163,164,169,170,171,172,184,185,186,187,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,341,342,343,357,358,359,360,363,364,365,379,380,381,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,493 +7022 - 32,33,34,53,54,55,56,75,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +7023 - 12,13,14,15,16,17,33,34,35,36,37,38,39,54,55,56,57,58,75,76,77,78,96,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,232,233,248,249,250,251,253,254,255,256,270,271,272,273,275,276,277,278,292,293,294,295,297,298,299,300,301,314,315,316,317,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +7024 - 56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,207,226,227,228,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,322,323,324,325,337,338,344,345,346,347,366,367,368,369,387,388,389,390,391,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +7025 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,138,139,140,141,144,145,146,147,148,149,160,161,162,163,166,167,168,169,170,171,172,182,183,184,185,188,189,190,191,192,193,194,203,204,205,206,207,210,211,212,214,215,216,225,226,227,228,236,237,238,239,247,248,249,250,258,259,260,261,269,270,271,272,280,281,282,283,291,292,293,294,302,303,304,305,313,314,315,316,324,325,326,327,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,379,380,381,382,383,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +7026 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,101,102,103,104,105,124,125,126,127,145,146,147,148,165,166,167,168,169,186,187,188,189,190,206,207,208,209,210,227,228,229,230,231,232,233,250,251,252,253,254,255,256,276,277,278,279,299,300,301,302,322,323,324,343,344,345,346,365,366,367,386,387,388,389,406,407,408,409,410,427,428,429,430,431,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,488 +7027 - 33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,152,153,162,163,164,168,169,170,171,172,173,174,175,184,185,186,188,189,190,191,192,193,194,195,196,206,207,208,209,210,211,212,213,214,229,230,231,232,251,252,253,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,384,385,386,402,403,404,405,406,407,408,424,425,426,427,428,429,430,447,448,449,450,451,493 +7028 - 34,35,56,57,58,77,78,79,80,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +7029 - 57,58,59,78,79,80,81,100,101,102,103,114,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,449,450,451,471,472,473,486 +7030 - 31,32,53,54,55,75,76,77,97,98,99,120,121,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +7031 - 94,95,96,97,98,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,162,163,164,165,166,167,168,169,170,171,172,180,181,182,186,189,190,191,192,193,194,203,204,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,450,469,470,471,472,492 +7032 - 54,55,56,76,77,78,98,99,100,121,122,142,143,144,164,165,166,167,187,188,189,209,210,231,232,253,254,275,276,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,429,430,451,452,473,474,486 +7033 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,138,139,144,145,146,147,160,161,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,427,428,429,448,449,450,451,471,472,473,492 +7034 - 14,15,16,17,35,36,37,38,39,56,57,58,59,78,79,80,99,100,101,120,121,122,142,143,144,163,164,165,185,186,187,206,207,208,228,229,230,231,232,233,234,250,251,252,254,255,256,271,272,273,278,279,293,294,295,300,301,315,316,317,322,323,324,337,338,339,344,345,360,361,366,367,382,383,384,387,388,404,405,406,407,408,409,427,428,429,430,431,491 +7035 - 58,59,60,61,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,423,424,425,426,427,428,445,446,447,448,449,450,467,468,469,470,486 +7036 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,146,147,148,149,159,160,161,170,171,172,181,182,183,191,192,193,194,203,204,205,206,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,324,335,336,337,338,339,344,345,346,357,358,359,360,361,366,367,368,379,380,381,382,387,388,389,401,402,403,404,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,493 +7037 - 29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,121,122,123,124,125,138,139,144,145,146,147,167,168,169,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,256,257,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,344,345,346,347,356,357,358,366,367,368,369,377,378,379,380,381,382,383,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +7038 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,122,123,124,125,134,135,145,146,147,167,168,169,189,190,191,211,212,213,229,230,231,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,303,319,323,324,325,346,347,354,368,369,376,377,378,389,390,391,399,400,401,402,410,411,412,422,423,424,425,426,431,432,433,434,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +7039 - 115,116,117,118,119,120,137,138,139,140,141,142,143,163,164,165,184,185,186,205,206,207,226,227,228,229,247,248,249,250,262,263,268,269,270,271,279,280,281,282,283,284,285,290,291,292,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,357,358,359,360,361,487 +7040 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,92,93,98,99,100,101,122,123,124,144,145,146,165,166,167,168,187,188,189,207,208,209,210,211,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,324,325,345,346,347,348,359,360,361,362,367,368,369,370,381,382,383,384,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,488 +7041 - 47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,121,122,123,124,125,126,127,128,139,140,147,148,149,150,161,162,169,170,171,172,190,191,192,193,194,211,212,213,214,215,231,232,233,234,235,236,237,252,253,254,255,256,257,258,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,323,341,342,343,344,345,365,366,367,368,387,388,389,390,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +7042 - 58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,251,252,253,273,274,275,294,295,296,316,317,318,338,339,340,359,360,361,362,381,382,383,403,404,405,425,426,427,447,448,449,450,470,471,472,473,486 +7043 - 62,63,64,83,84,85,86,87,104,105,106,107,108,109,124,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,166,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,361,377,378,379,380,381,382,398,399,400,401,402,403,420,421,422,423,424,425,442,443,444,445,446,447,465,466,467,468,486 +7044 - 71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,160,164,167,168,169,170,171,188,189,190,191,192,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +7045 - 84,85,86,87,104,105,106,107,108,109,125,126,127,128,129,146,147,148,149,157,167,168,169,170,178,179,180,181,182,189,190,191,192,200,201,202,203,204,205,206,210,211,212,213,224,225,226,227,228,231,232,233,234,247,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,316,317,318,319,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,445,446,447,489 +7046 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,104,105,106,116,117,126,127,128,129,139,149,150,151,170,171,172,173,192,193,194,214,215,216,235,236,237,238,248,249,250,251,257,258,259,268,269,270,271,272,273,274,275,279,280,281,289,290,291,292,293,294,295,296,297,298,300,301,302,310,311,312,313,318,319,320,321,322,323,324,332,333,334,335,341,342,343,344,345,355,356,357,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,431,432,433,434,454,455,456,487 +7047 - 28,29,30,31,32,33,50,51,52,53,54,55,56,73,74,75,76,77,78,97,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,184,185,186,187,188,206,207,208,209,227,228,229,230,249,250,251,252,270,271,272,273,274,291,292,293,294,295,312,313,314,315,316,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,395,404,405,406,407,408,487 +7048 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,99,100,101,102,103,114,115,116,123,124,125,126,136,137,138,146,147,148,149,158,159,160,169,170,171,172,179,180,181,192,193,194,195,201,202,203,215,216,217,218,223,224,225,239,240,241,245,246,247,261,262,263,267,268,269,270,284,285,290,291,292,307,312,313,314,315,329,334,335,336,337,338,350,351,357,358,359,360,361,372,373,379,380,381,382,383,384,393,394,395,403,404,405,406,407,408,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,485 +7049 - 34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,257,258,259,267,268,269,270,279,280,281,282,289,290,291,292,302,303,304,311,312,313,314,323,324,325,326,333,334,335,336,345,346,347,355,356,357,358,365,366,367,368,369,378,379,380,381,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,485 +7050 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,126,127,128,129,138,139,140,141,147,148,149,150,151,159,160,161,162,169,170,171,172,173,181,182,183,184,190,191,192,193,194,195,202,203,204,205,212,213,214,215,216,217,224,225,226,234,235,236,237,238,239,245,246,247,256,257,258,259,260,266,267,268,269,278,279,280,281,282,288,289,290,291,300,301,302,303,310,311,312,322,323,324,332,333,334,344,345,346,354,355,356,365,366,367,376,377,378,386,387,388,389,398,399,400,401,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,485 +7051 - 96,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,170,171,172,173,177,178,179,180,181,182,183,184,185,186,193,194,195,199,200,201,202,203,216,217,218,221,222,223,224,238,239,240,243,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,290,304,305,306,310,311,312,313,326,327,328,332,333,334,335,336,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,485 +7052 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,144,145,146,147,148,158,159,160,166,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,468,469,470,471,487 +7053 - 50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,117,123,124,125,145,146,147,167,168,169,189,190,210,211,212,232,233,234,254,255,256,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,447,448,449,450,451,469,470,471,472,473,492 +7054 - 102,103,104,122,123,124,125,126,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,189,190,191,198,199,200,201,203,206,211,212,213,233,234,235,255,256,257,277,278,279,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,492 +7055 - 29,30,31,32,50,51,52,53,54,55,73,74,75,76,77,95,96,97,99,100,117,118,119,120,121,122,140,141,142,143,162,163,164,165,166,185,186,187,188,189,208,209,210,211,212,231,232,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,343,344,345,360,361,362,363,365,366,367,381,382,383,384,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +7056 - 56,57,58,59,60,77,78,79,80,81,82,85,86,96,97,98,99,100,101,106,107,108,116,117,118,119,120,121,126,127,128,129,130,137,138,139,140,147,148,149,150,158,159,160,168,169,170,180,181,182,189,190,191,203,204,205,206,209,210,211,212,226,227,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,278,293,294,295,298,299,300,301,302,315,316,317,322,323,324,336,337,338,345,346,347,358,359,367,368,369,380,381,389,390,391,402,403,410,411,412,424,425,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +7057 - 62,63,64,83,84,85,86,91,92,104,105,106,107,112,113,114,115,125,126,127,128,129,135,136,137,138,146,147,148,149,150,158,159,160,167,168,169,170,171,180,181,182,183,189,190,191,192,203,204,205,206,207,208,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470,489 +7058 - 35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +7059 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,118,119,120,121,122,140,141,142,143,144,162,163,164,165,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,450,451,452,491 +7060 - 31,32,34,35,37,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,100,101,102,103,104,115,116,117,118,119,124,125,126,138,139,140,141,142,145,146,147,148,161,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,293,294,295,296,298,299,300,301,302,303,315,316,317,321,322,323,324,325,336,337,338,339,340,344,345,346,347,348,359,360,361,362,363,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,450,451,452,453,454,493 +7061 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,187,188,189,191,192,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,274,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,494 +7062 - 48,49,50,51,52,53,54,69,70,71,73,74,75,76,77,98,99,120,121,142,143,164,165,185,186,187,206,207,208,209,228,229,230,231,232,233,234,254,255,256,257,258,279,280,281,302,303,324,325,346,347,367,368,369,388,389,390,409,410,411,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +7063 - 49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,119,120,121,122,123,124,125,126,135,136,137,144,145,146,147,148,149,168,169,170,171,189,190,191,192,193,210,211,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,364,365,366,367,368,386,387,388,389,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,464,465,466,467,468,469,470,471,472,473,488 +7064 - 51,52,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,147,148,149,150,151,152,157,158,159,160,161,171,172,173,174,178,179,180,181,194,195,196,197,200,201,202,203,217,218,219,222,223,224,239,240,241,244,245,246,262,263,266,267,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,332,333,334,335,347,348,349,350,354,355,356,357,367,368,369,370,377,378,379,380,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +7065 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,125,126,138,139,140,141,147,148,160,161,162,163,164,169,170,183,184,185,186,187,188,192,206,207,208,209,210,213,214,215,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,259,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,493 +7066 - 14,15,16,35,36,37,38,56,57,58,59,60,78,79,80,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,249,250,251,252,271,272,273,293,294,295,315,316,317,318,319,320,337,338,339,340,341,342,343,359,360,361,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,426,427,428,429,430,491 +7067 - 85,86,87,95,106,107,108,109,116,117,118,119,127,128,129,130,131,137,138,139,140,141,148,149,150,151,159,160,161,162,163,169,170,171,172,173,180,181,182,183,184,185,190,191,192,193,194,202,203,204,205,206,207,211,212,213,214,215,224,225,226,233,234,235,236,246,247,248,254,255,256,257,258,268,269,270,271,272,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,469,470,471,489 +7068 - 95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,167,168,169,170,189,190,191,211,212,213,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,427,428,429,449,450,451,470,471,472,473,492 +7069 - 93,94,95,96,97,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,190,191,192,212,213,214,233,234,235,236,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +7070 - 8,9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,79,80,81,93,94,95,101,102,103,115,116,124,125,146,147,168,169,189,190,191,211,212,213,232,233,234,253,254,255,256,274,275,276,277,296,297,298,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,387,388,389,390,391,392,393,398,399,400,401,402,412,413,414,415,416,417,436,437,438,487 +7071 - 71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,143,144,145,146,156,157,158,165,166,167,168,169,180,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,305,306,307,316,317,318,325,326,327,328,329,337,338,339,340,346,347,348,349,350,351,360,361,362,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,487 +7072 - 53,54,55,56,75,76,77,78,97,98,99,100,120,121,122,142,143,144,165,166,187,188,208,209,210,230,231,232,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,407,408,429,430,451,452,473,474,486 +7073 - 38,39,40,41,42,58,59,60,61,62,63,64,65,79,80,81,82,83,84,86,87,96,97,100,101,102,103,109,117,118,119,120,122,123,124,131,139,140,141,142,143,144,145,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,226,227,228,248,249,250,251,270,271,272,273,274,293,294,295,296,297,298,316,317,318,319,320,321,340,341,342,343,344,355,356,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,490 +7074 - 35,36,37,57,58,59,60,79,80,81,82,98,101,102,103,104,119,120,121,123,124,125,126,140,141,142,143,145,146,147,148,161,162,163,164,167,168,169,170,183,184,185,189,190,191,192,200,201,202,203,204,205,206,211,212,213,214,221,222,223,224,225,226,227,228,233,234,235,236,243,244,245,246,247,248,249,250,255,256,257,258,265,266,267,268,269,270,271,272,273,277,278,279,280,288,289,290,293,294,295,296,299,300,301,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,363,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,489 +7075 - 13,14,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,119,120,121,140,141,142,143,162,163,164,184,185,186,206,207,208,228,229,230,250,251,252,272,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,428,429,430,431,491 +7076 - 79,80,81,94,95,96,100,101,102,103,115,116,117,122,123,124,137,138,144,145,146,158,159,160,166,167,168,180,181,182,188,189,190,202,203,204,210,211,212,224,225,226,232,233,234,246,247,248,249,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,321,322,323,343,344,345,365,366,367,388,389,390,410,411,412,433,434,455,456,457,477,478,479,489 +7077 - 47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,121,122,123,124,125,126,127,135,136,137,138,145,146,147,148,149,157,158,159,160,168,169,170,171,172,180,181,182,191,192,193,194,203,204,211,212,213,214,215,216,226,227,232,233,234,235,236,237,253,254,255,256,257,274,275,276,277,278,296,297,298,299,300,301,302,319,320,321,322,323,324,325,342,343,344,345,346,347,366,367,368,369,376,377,388,389,390,391,397,398,399,400,401,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +7078 - 8,9,10,11,12,13,29,30,31,34,35,36,51,52,56,57,58,79,80,101,102,123,124,145,146,167,168,189,190,211,212,232,233,234,254,255,256,269,270,271,272,273,274,276,277,290,291,292,293,294,295,296,297,298,299,307,312,313,314,317,318,319,320,321,327,328,329,334,335,336,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,387,388,389,390,391,392,402,403,404,405,406,487 +7079 - 34,35,36,37,38,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,103,104,105,116,117,118,119,120,125,126,137,138,139,140,147,148,159,160,161,169,170,180,181,182,183,202,203,204,223,224,225,226,245,246,247,248,268,269,270,271,290,291,292,293,297,298,313,314,315,316,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,429,430,431,432,433,434,435,436,453,454,455,456,457,491 +7080 - 24,25,46,47,48,49,50,51,52,68,69,70,71,72,73,74,75,76,92,93,94,95,96,97,98,99,118,119,120,121,122,141,142,143,144,164,165,166,167,187,188,189,190,210,211,212,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,306,307,314,315,316,319,320,321,322,323,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,365,366,367,368,369,370,371,372,381,382,383,384,389,390,391,392,393,394,413,414,415,487 +7081 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,146,147,148,158,159,160,169,170,180,181,182,191,192,202,203,204,213,214,224,225,226,235,236,246,247,248,249,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,494 +7082 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,93,94,97,98,99,100,101,121,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,256,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,363,364,365,366,386,387,388,389,409,410,411,432,433,434,453,454,455,456,474,475,476,477,488 +7083 - 16,17,18,37,38,39,40,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,225,226,227,228,247,248,249,253,254,255,269,270,271,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,406,407,408,409,410,411,412,430,431,432,433,434,491 +7084 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,122,123,124,125,126,137,138,139,144,145,146,147,148,159,160,161,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,301,317,318,319,321,322,323,338,339,340,344,345,346,360,361,362,366,367,368,382,383,384,389,390,404,405,406,407,410,411,412,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,471,472,473,474,475,476,493 +7085 - 70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,145,146,147,148,156,157,168,169,170,171,178,179,189,190,191,192,193,200,209,210,211,212,213,214,230,231,232,233,234,235,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,282,297,298,299,300,301,302,303,304,305,324,325,326,327,346,347,348,349,367,368,369,370,371,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,464,465,466,467,488 +7086 - 96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,159,160,161,162,167,168,169,181,182,183,190,191,192,202,203,204,212,213,214,224,225,234,235,236,245,246,247,256,257,258,267,268,269,278,279,280,289,290,291,300,301,302,312,322,323,324,343,344,345,346,365,366,367,386,387,388,389,408,409,410,411,430,431,432,451,452,453,473,474,475,492 +7087 - 10,11,12,13,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,95,96,99,100,101,102,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,312,313,314,315,316,317,318,333,334,335,336,337,348,349,350,351,355,356,357,358,359,360,361,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,487 +7088 - 47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,122,123,124,125,126,127,142,143,144,145,146,147,148,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,239,257,258,259,260,261,278,279,280,281,282,283,300,301,302,303,304,308,309,310,321,322,323,324,325,330,331,332,343,344,345,346,347,352,353,354,364,365,366,367,368,374,375,376,377,384,385,386,387,388,389,397,398,399,400,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,467,468,469,470,471,488 +7089 - 3,4,5,6,7,25,26,27,28,29,30,31,47,48,49,50,51,52,53,54,69,70,73,74,75,76,77,92,96,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,249,250,251,252,253,271,272,273,274,292,293,294,295,314,315,316,317,329,335,336,337,338,339,349,350,351,357,358,359,360,361,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,487 +7090 - 31,32,52,53,54,55,74,75,76,77,97,98,99,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,452,453,454,486 +7091 - 59,60,80,81,82,102,103,104,123,124,125,145,146,147,159,160,166,167,168,181,182,183,184,188,189,190,203,204,205,206,207,208,209,210,211,225,227,228,229,230,231,232,233,251,252,253,254,255,256,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,405,406,427,428,449,450,451,471,472,473,489 +7092 - 99,100,101,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,167,168,169,170,171,172,181,182,183,184,185,190,191,192,193,202,203,204,205,206,211,212,213,214,215,223,224,225,226,227,231,232,233,234,235,236,245,246,247,248,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,494 +7093 - 34,35,36,37,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,117,118,119,120,121,123,124,126,127,128,139,140,141,142,144,145,150,160,161,162,163,166,167,172,182,183,184,187,188,204,205,206,211,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,299,300,301,313,314,315,316,321,322,323,335,336,337,338,342,343,344,345,346,357,358,359,360,364,365,366,367,380,381,382,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,491 +7094 - 30,31,32,33,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,96,97,101,102,103,104,118,119,140,141,162,163,184,185,206,207,208,209,210,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,276,277,278,279,294,299,300,301,322,323,343,344,345,365,366,386,387,388,401,407,408,409,422,423,424,425,427,428,429,430,445,446,447,448,449,450,451,490 +7095 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,167,168,169,170,179,180,181,182,183,184,189,190,191,192,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,234,235,236,237,245,246,247,248,256,257,258,259,267,268,269,270,278,279,280,281,289,290,291,292,300,301,302,303,311,312,313,314,315,322,323,324,325,334,335,336,337,338,344,345,346,347,356,357,358,359,360,361,366,367,368,369,379,380,381,382,383,384,385,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,485 +7096 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,108,109,113,114,115,116,121,122,123,124,129,130,131,135,136,137,144,145,146,147,150,151,152,153,157,158,159,167,168,169,170,171,172,173,180,181,182,190,191,192,193,194,203,204,205,212,213,214,215,226,227,228,233,234,235,236,249,250,251,252,254,255,256,273,274,275,276,277,295,296,297,298,317,318,319,320,321,338,339,340,342,343,344,360,361,364,365,366,382,383,387,388,404,405,409,410,411,426,427,431,432,433,448,449,450,453,454,455,471,472,473,474,475,476,493 +7097 - 39,40,41,42,59,60,61,62,63,64,80,81,82,83,84,85,86,87,97,98,99,101,102,103,104,105,106,108,109,118,119,120,121,123,124,125,126,140,141,142,143,144,145,146,161,162,163,164,166,167,183,184,185,186,205,206,207,208,209,228,229,230,231,251,252,253,254,274,275,276,289,296,297,298,299,310,311,312,319,320,321,332,333,334,341,342,343,354,355,356,357,358,359,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,448,449,450,451,490 +7098 - 52,53,54,55,56,73,74,75,76,77,78,94,95,96,97,115,116,117,118,136,137,138,157,158,159,171,172,173,178,179,180,191,192,193,194,195,196,200,201,202,212,213,214,215,216,217,218,219,222,223,224,232,233,234,235,240,241,244,245,253,254,255,256,262,263,266,267,274,275,276,277,284,285,288,289,290,296,297,298,306,307,311,312,313,317,318,319,326,327,328,329,333,334,335,336,339,340,341,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,491 +7099 - 97,98,99,105,106,107,108,109,118,119,120,121,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,184,185,186,188,189,190,206,207,208,210,211,228,229,230,250,251,252,272,273,274,275,290,295,296,297,311,312,313,317,318,319,320,333,334,335,340,341,342,355,356,357,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,408,426,427,428,429,490 +7100 - 28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,101,102,103,104,124,125,126,146,147,148,167,168,169,170,180,181,187,188,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,222,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,345,346,347,348,356,367,368,369,370,377,378,379,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,488 +7101 - 57,58,59,79,80,81,82,100,101,102,103,104,115,116,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,486 +7102 - 49,50,58,71,72,73,80,81,93,94,95,101,102,103,115,116,117,123,124,125,137,138,139,145,146,147,159,160,161,168,169,181,182,183,190,191,192,203,204,212,213,214,224,225,226,232,233,234,235,236,246,247,248,251,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,301,302,312,313,314,315,316,317,318,319,320,323,324,335,336,337,338,345,346,367,368,389,390,411,412,433,434,455,456,477,478,489 +7103 - 47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,122,123,124,125,126,141,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,304,322,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,391,399,400,401,402,403,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,488 +7104 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,100,101,102,103,116,117,118,121,122,123,124,139,140,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,400,401,408,409,410,411,421,422,423,424,425,426,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +7105 - 46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,145,146,147,148,149,159,165,166,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,297,298,299,300,301,302,303,304,320,321,322,323,324,325,326,327,344,345,346,347,348,349,366,367,368,369,370,371,387,388,389,390,391,392,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,465,466,467,468,469,470,471,472,473,474,488 +7106 - 32,33,34,35,54,55,56,57,58,77,78,79,80,81,97,98,99,101,102,103,104,118,119,120,121,122,124,125,126,140,141,142,143,144,147,148,149,161,162,163,164,165,166,167,169,170,171,183,184,185,191,192,193,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,294,301,302,303,313,314,315,316,323,324,325,335,336,337,338,344,345,346,357,358,359,360,365,366,367,368,379,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +7107 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,167,168,182,183,184,185,189,190,205,206,207,208,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,494 +7108 - 32,33,34,35,36,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,103,104,105,106,114,115,116,117,118,126,127,128,129,135,136,137,138,149,150,151,156,157,158,159,172,173,174,178,179,180,181,194,195,196,199,200,201,202,216,217,218,221,222,223,224,238,239,240,243,244,245,260,261,262,265,266,267,282,283,284,287,288,289,290,304,305,306,309,310,311,312,325,326,327,328,332,333,334,335,347,348,349,354,355,356,357,358,368,369,370,371,377,378,379,380,381,382,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +7109 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,147,148,149,158,159,169,170,171,181,190,191,192,193,212,213,214,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,468,469,470,471,472,473,492 +7110 - 35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,291,292,293,294,295,296,312,313,314,315,316,317,322,323,324,325,326,327,328,334,335,336,337,338,339,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,487 +7111 - 11,12,32,33,34,35,53,54,55,56,57,74,75,76,78,79,86,96,97,98,100,101,108,118,119,120,121,123,130,141,142,143,164,165,166,172,173,187,188,189,191,192,193,194,195,209,210,211,212,213,214,215,216,231,232,233,234,235,236,252,253,254,255,256,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,335,336,337,338,342,343,344,357,358,359,360,363,364,365,379,380,381,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,493 +7112 - 14,15,16,17,18,19,20,34,35,36,37,38,39,40,41,42,43,54,55,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,87,95,96,97,98,99,117,118,119,138,139,140,160,161,182,183,184,205,206,207,214,215,227,228,229,230,231,235,251,252,253,254,255,256,275,276,277,278,279,280,295,296,297,298,300,301,302,314,315,316,317,318,323,324,325,335,336,337,338,339,344,345,346,347,355,356,357,358,359,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,493 +7113 - 93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,164,165,168,169,170,171,189,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,470,492 +7114 - 92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +7115 - 26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,97,98,99,100,101,115,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,228,229,230,231,232,250,251,252,253,272,273,274,275,293,294,295,296,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,487 +7116 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,80,81,94,95,96,102,103,116,117,123,124,125,138,144,145,146,165,166,167,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,234,235,236,247,248,249,250,257,258,259,270,271,280,281,282,302,303,304,324,325,346,347,355,356,367,368,369,377,378,379,388,389,390,400,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,488 +7117 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,136,137,142,143,144,145,146,147,158,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +7118 - 73,74,75,94,95,96,97,102,103,104,105,106,107,108,109,116,117,118,119,123,124,125,126,127,128,129,130,131,137,138,139,140,141,145,146,147,148,149,150,151,152,153,158,159,160,161,168,169,170,171,172,173,174,175,180,181,182,202,203,204,205,225,226,227,228,229,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,318,319,320,321,342,343,364,365,366,379,386,387,388,401,402,403,408,409,423,424,425,426,429,430,431,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,475,490 +7119 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,139,140,141,146,147,161,162,163,164,168,169,183,184,185,186,190,191,206,207,208,209,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,275,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +7120 - 25,47,48,68,69,89,90,91,111,112,125,126,127,128,133,134,146,147,148,149,150,151,155,156,168,169,172,173,174,177,178,189,190,195,196,199,200,210,211,217,218,221,222,232,233,239,240,243,244,254,255,261,262,266,267,276,277,283,284,288,289,290,298,299,304,305,311,312,320,321,325,326,327,333,334,335,336,337,342,343,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,408,409,491 +7121 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,101,102,103,104,118,119,120,125,126,140,141,142,147,148,162,163,164,165,184,185,186,187,207,208,209,210,229,230,231,232,237,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,297,298,299,300,301,302,303,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +7122 - 30,31,32,33,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,100,101,102,103,104,114,115,116,117,124,125,126,127,136,137,138,147,148,149,150,157,158,159,160,170,171,172,173,179,180,181,193,194,195,200,201,202,203,216,217,218,222,223,224,238,239,240,244,245,246,260,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,348,349,350,351,354,355,356,369,370,371,372,376,377,378,379,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,451,452,453,485 +7123 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,312,313,314,315,316,317,334,335,336,337,338,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,438,450,451,452,453,454,455,456,457,458,459,487 +7124 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,161,162,163,164,167,168,169,170,183,184,185,190,191,192,204,205,206,212,213,214,215,226,227,228,234,235,236,237,248,249,250,256,257,258,259,269,270,271,272,278,279,280,281,291,292,293,294,301,302,303,313,314,315,316,324,325,335,336,337,338,345,346,357,358,359,360,367,368,369,380,381,382,388,389,390,391,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,485 +7125 - 36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,448,449,450,486 +7126 - 11,12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,101,118,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,281,282,283,284,291,292,293,294,295,296,297,298,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +7127 - 50,51,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,145,146,147,148,149,150,162,163,166,167,168,169,170,171,172,184,185,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,253,254,255,256,257,275,276,277,278,279,280,298,299,300,301,302,321,322,323,324,333,334,335,343,344,345,346,355,356,357,358,359,365,366,367,368,377,378,379,380,381,382,383,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,472,473,474,475,488 +7128 - 78,79,80,81,82,83,95,96,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,164,165,169,170,171,181,182,183,184,185,186,190,191,192,203,204,205,206,207,208,211,212,213,214,225,226,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,364,381,382,383,384,385,386,402,403,404,405,407,408,409,424,425,426,429,430,431,432,446,447,448,452,453,454,468,469,470,474,475,476,493 +7129 - 61,62,63,64,65,80,81,82,83,84,85,86,87,102,103,104,105,106,107,108,109,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,150,151,152,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,311,312,313,314,315,316,317,318,333,334,335,336,337,338,339,354,355,356,357,358,359,360,376,377,378,379,380,381,398,399,400,401,402,403,420,421,422,423,424,425,442,443,444,445,446,447,465,466,467,468,469,486 +7130 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,228,229,230,231,232,250,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,408,409,410,427,428,429,430,431,432,433,450,451,452,453,454,455,486 +7131 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,124,125,126,127,128,139,140,141,148,149,150,151,160,161,162,170,171,172,173,183,189,190,191,192,193,194,195,210,211,212,213,214,215,216,217,231,232,233,234,235,236,237,253,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,352,353,354,355,356,357,361,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,488 +7132 - 148,149,150,151,152,153,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,246,247,248,249,268,269,270,271,290,291,292,293,294,314,315,316,317,337,338,339,359,360,361,378,381,382,383,400,401,402,403,404,422,423,424,425,490 +7133 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,171,172,173,174,175,180,181,182,183,184,185,194,195,196,197,201,202,203,204,205,206,216,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,249,260,261,262,266,267,268,269,270,281,282,283,284,288,289,290,291,292,293,302,303,304,305,310,311,312,313,314,315,316,322,323,324,325,326,327,332,333,334,335,336,337,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,485 +7134 - 32,33,34,35,36,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,126,127,128,139,140,141,142,149,150,160,161,162,163,171,172,173,181,182,183,184,185,194,195,203,204,205,206,216,217,224,225,226,227,238,239,246,247,248,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,324,325,326,334,335,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,448,449,450,451,485 +7135 - 37,38,39,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,449,486 +7136 - 71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,142,143,144,145,146,158,166,167,168,169,188,189,190,191,210,211,212,213,214,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,475,476,492 +7137 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,103,104,105,106,107,115,116,117,118,119,120,121,122,125,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,160,161,162,163,170,171,172,173,191,192,193,194,195,213,214,215,216,217,224,225,226,227,228,229,230,231,232,234,235,236,237,238,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,286,287,288,289,290,295,296,297,298,299,300,301,302,303,308,309,310,311,318,319,320,321,322,323,324,325,330,331,332,333,339,340,341,342,343,344,345,346,347,348,352,353,354,355,360,361,362,363,364,365,366,367,368,369,370,374,375,376,377,378,379,380,381,382,383,384,385,386,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,411,412,413,414,415,419,420,421,422,423,424,425,426,427,433,434,435,436,437,443,444,445,446,447,448,456,457,458,487 +7138 - 56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,160,161,162,163,164,182,183,184,185,204,205,206,207,226,227,228,229,230,231,232,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,326,331,332,333,334,347,348,349,353,354,355,356,357,369,370,371,375,376,377,378,379,390,391,392,393,399,400,401,402,403,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,444,445,446,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,490 +7139 - 48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,144,145,146,147,148,149,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,255,256,257,258,259,260,279,280,281,282,283,289,290,291,302,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,346,347,348,349,350,353,354,355,356,366,367,368,369,370,371,375,376,377,378,379,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,488 +7140 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,167,168,169,170,171,180,181,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,492 +7141 - 64,65,85,86,87,96,97,106,107,108,109,116,117,118,119,120,127,128,129,130,137,138,139,140,148,149,150,151,158,159,160,161,162,170,171,172,173,180,181,182,183,191,192,193,194,195,201,202,203,204,213,214,215,216,222,223,224,225,226,234,235,236,237,238,244,245,246,247,248,249,250,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,489 +7142 - 94,95,96,97,98,116,117,118,119,120,121,125,126,137,138,139,140,141,142,143,144,147,148,149,158,159,160,161,163,164,165,166,168,169,170,180,181,182,183,187,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +7143 - 92,93,114,115,116,117,118,119,120,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,214,215,216,217,220,221,222,223,224,235,236,237,238,242,243,244,256,257,258,259,260,278,279,280,281,282,299,300,301,302,303,321,322,323,324,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +7144 - 81,82,83,84,101,102,103,104,105,121,122,123,124,125,126,127,141,142,143,144,145,148,149,160,161,162,163,164,165,170,171,180,181,182,183,184,185,186,192,193,201,202,203,204,205,206,213,214,223,224,225,226,234,235,236,256,257,258,277,278,279,298,299,300,320,321,322,341,342,343,363,364,384,385,386,405,406,407,426,427,428,447,448,449,468,469,470,471,492 +7145 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,108,109,116,117,118,119,124,125,126,127,129,130,131,138,139,140,141,145,146,147,148,149,150,151,152,153,160,161,162,163,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,312,313,314,315,319,320,321,322,333,334,335,336,337,341,342,343,344,355,356,357,358,363,364,365,366,377,378,379,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,468,469,470,471,493 +7146 - 30,31,32,33,34,52,53,54,55,56,57,74,75,76,77,78,79,80,99,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,251,252,253,254,255,256,276,277,278,298,299,300,301,320,321,322,323,334,335,336,342,343,344,345,356,357,358,359,364,365,366,367,378,379,380,381,382,386,387,388,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +7147 - 76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,127,128,129,138,139,140,141,142,149,150,151,159,160,161,162,163,169,170,171,172,173,181,182,183,184,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,271,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,494 +7148 - 29,30,31,32,33,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,91,92,93,99,100,101,102,113,114,121,122,123,124,143,144,145,146,164,165,166,167,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,244,245,246,247,248,249,250,251,252,253,254,255,256,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,298,299,300,301,302,303,304,305,310,311,324,325,326,327,328,347,348,349,350,357,358,368,369,370,371,372,378,379,389,390,391,392,393,400,401,402,403,404,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,488 +7149 - 78,79,80,81,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,194,195,196,197,202,203,204,205,206,207,208,209,210,216,217,218,219,224,225,226,227,228,230,231,232,233,239,240,241,245,246,247,248,249,253,254,255,256,261,262,263,267,268,269,270,277,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,448,449,485 +7150 - 11,12,13,14,32,33,34,53,54,55,75,76,77,96,97,98,118,119,139,140,141,161,162,182,183,184,204,205,206,226,227,247,248,249,269,270,271,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,322,323,324,325,336,337,338,345,346,347,359,360,361,362,363,368,369,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +7151 - 36,37,38,39,40,57,58,59,60,61,62,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +7152 - 97,98,99,100,102,103,118,119,120,121,122,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,188,189,190,191,192,204,205,206,207,209,210,211,212,213,214,225,226,227,228,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,296,299,300,301,313,314,315,316,317,321,322,323,336,337,338,343,344,345,365,366,367,368,387,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +7153 - 77,78,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,161,162,163,167,168,169,170,183,189,190,191,192,206,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,344,345,346,347,348,349,350,351,355,356,357,358,371,372,373,487 +7154 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,101,102,103,104,115,116,123,124,125,126,143,144,145,146,147,148,163,164,165,166,167,168,183,184,185,186,187,188,189,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,300,301,302,322,323,324,345,346,347,366,367,368,378,379,387,388,389,390,399,400,401,407,408,409,410,411,421,422,423,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +7155 - 47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,119,120,121,122,123,124,125,126,127,145,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,303,304,322,323,324,325,326,333,334,345,346,347,348,353,354,355,366,367,368,369,370,375,376,377,386,387,388,389,390,391,397,398,399,400,401,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +7156 - 32,33,34,35,36,37,38,39,40,41,42,52,53,54,55,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,118,119,120,121,139,140,141,142,161,162,163,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,256,257,258,278,279,280,301,302,322,323,324,343,344,345,346,353,355,364,365,366,367,368,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,490 +7157 - 86,87,95,96,97,107,108,109,116,117,118,119,129,130,131,137,138,139,140,141,150,151,152,153,158,159,160,161,162,171,172,173,174,180,181,182,183,192,193,194,195,196,201,202,203,204,213,214,215,216,217,223,224,225,226,234,235,236,237,238,245,246,247,248,249,250,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,489 +7158 - 51,52,72,73,74,93,94,95,96,103,104,115,116,117,124,125,126,136,137,138,146,147,148,157,158,159,160,168,169,170,179,180,181,190,191,192,193,201,202,203,212,213,214,215,222,223,224,225,226,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,317,319,320,321,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,435,454,455,456,457,476,477,478,489 +7159 - 143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,250,251,252,253,254,255,267,268,275,276,277,278,289,290,291,298,299,300,311,312,313,314,315,320,321,322,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,490 +7160 - 73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,148,149,151,152,153,157,158,159,172,173,174,175,179,180,181,182,191,192,193,194,195,196,197,201,202,203,204,205,212,213,214,215,216,217,218,225,226,227,228,229,230,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,342,343,344,345,357,358,359,365,366,367,368,379,380,381,388,389,390,401,402,403,404,405,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,472,473,474,475,493 +7161 - 10,11,12,13,14,15,31,32,33,34,35,36,37,52,53,54,55,56,57,73,74,75,76,77,78,93,94,95,96,97,98,99,115,116,117,118,119,120,136,137,138,139,140,141,157,158,159,160,161,162,179,180,181,182,183,200,201,202,203,204,215,216,217,218,222,223,224,225,226,235,236,237,238,239,240,241,244,245,246,247,248,255,256,257,258,259,260,261,262,263,266,267,268,269,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,491 +7162 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,142,146,147,148,149,160,161,162,168,169,170,171,182,183,188,189,190,191,204,205,206,210,211,212,226,227,228,231,232,233,249,250,251,252,253,254,273,274,275,276,277,294,295,296,297,298,299,300,301,302,315,316,317,318,321,322,323,324,325,326,337,338,339,345,346,347,348,358,359,360,367,368,369,380,381,382,388,389,390,391,401,402,403,408,409,410,411,412,423,424,425,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +7163 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,162,163,164,165,166,167,168,169,170,171,172,173,192,193,194,195,213,214,215,216,217,234,235,236,237,238,239,254,255,256,257,258,259,260,275,276,277,278,279,280,281,296,297,298,299,300,301,302,317,318,319,320,321,322,323,339,340,341,342,343,344,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,449,466,467,468,469,470,492 +7164 - 4,5,6,7,26,27,28,29,48,49,50,70,71,72,91,92,93,94,113,114,115,135,136,137,138,149,150,157,158,159,160,170,171,172,173,180,181,182,191,192,193,194,195,196,202,203,204,211,212,213,214,215,216,217,218,224,225,226,232,233,234,235,236,238,239,240,246,247,248,249,253,254,255,256,257,260,261,262,268,269,270,271,275,276,277,278,282,283,284,291,292,293,294,296,297,298,299,303,304,305,313,314,315,316,317,318,319,320,321,325,326,327,336,337,338,339,340,341,342,346,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,406,407,408,409,410,491 +7165 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,108,109,117,118,119,120,129,130,131,139,140,141,142,149,150,151,152,153,161,162,163,164,168,169,170,171,172,173,174,184,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,291,292,293,294,296,297,298,312,313,314,315,318,319,320,321,334,335,336,340,341,342,343,356,357,358,362,363,364,365,378,379,380,381,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +7166 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,203,204,205,212,213,214,225,226,227,228,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,473,494 +7167 - 97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,185,191,192,193,194,203,204,205,206,212,213,214,215,216,225,226,227,228,229,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,450,468,469,470,471,494 +7168 - 15,16,17,35,36,37,38,57,58,59,78,79,80,99,100,101,120,121,122,141,142,143,144,162,163,164,165,184,185,186,190,191,192,205,206,207,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,252,253,254,259,260,269,270,271,281,282,291,292,293,302,303,304,313,314,315,322,323,324,325,335,336,343,344,345,346,357,358,359,363,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,491 +7169 - 80,81,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,168,169,171,172,173,174,180,181,182,183,184,185,186,190,191,193,194,195,196,201,202,203,204,205,206,207,216,217,218,222,223,224,225,226,227,228,229,230,238,239,240,243,244,245,246,247,249,250,251,252,260,261,262,265,266,267,268,281,282,283,284,287,288,289,301,302,303,304,305,309,310,311,312,320,321,322,323,324,325,326,327,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,485 +7170 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,143,144,145,146,147,148,159,160,161,162,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,228,229,230,231,232,233,234,252,253,254,255,256,274,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,338,339,340,341,344,345,346,359,360,361,362,365,366,367,368,381,382,383,386,387,388,389,390,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,493 +7171 - 60,61,62,63,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,379,380,381,382,400,401,402,403,404,422,423,424,425,426,444,445,446,447,448,467,468,469,470,486 +7172 - 73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,137,138,139,140,160,161,162,183,184,205,206,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,277,278,279,292,293,294,295,300,301,315,322,323,324,344,345,346,366,367,368,388,389,390,402,403,409,410,411,424,425,431,432,433,446,447,448,451,452,453,454,469,470,471,472,473,474,475,490 +7173 - 58,59,60,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,166,169,170,171,172,183,184,191,192,193,194,213,214,215,216,234,235,236,237,238,247,248,249,250,251,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,331,332,333,334,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,397,398,399,400,401,402,403,404,421,422,423,424,487 +7174 - 12,13,14,33,34,35,36,54,55,56,76,77,97,98,99,118,119,120,127,128,129,139,140,141,147,148,149,150,151,161,162,163,168,169,170,171,172,173,182,183,184,189,190,191,192,194,195,203,204,205,211,212,215,216,217,225,226,227,232,233,234,237,238,247,248,249,253,254,255,258,259,260,268,269,270,275,276,277,280,281,290,291,292,297,298,301,302,303,312,313,319,320,322,323,324,334,335,336,341,342,343,344,345,356,357,358,363,364,365,366,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,423,424,425,426,427,428,491 +7175 - 48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,120,121,122,123,124,125,126,127,128,135,146,147,148,149,150,168,169,170,171,172,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,334,335,343,344,345,346,355,356,357,366,367,368,377,378,379,387,388,389,390,399,400,401,402,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +7176 - 12,13,14,34,35,55,56,57,77,78,98,99,100,119,120,121,141,142,143,162,163,164,184,185,186,205,206,207,212,213,214,227,228,229,231,232,233,234,235,236,237,238,249,250,252,253,254,255,259,260,270,271,272,274,275,281,282,292,293,302,303,304,313,314,315,323,324,325,335,336,343,344,345,346,357,358,363,364,365,366,367,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,491 +7177 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,214,215,216,217,218,235,236,237,238,239,255,256,257,258,259,260,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,467,468,469,470,471,492 +7178 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,114,115,116,117,122,123,137,138,139,140,141,143,144,145,161,162,163,164,165,166,185,186,187,188,189,190,207,208,209,210,211,212,213,214,229,230,231,234,235,236,237,250,251,252,257,258,259,260,272,273,274,281,282,294,295,296,303,304,305,315,316,317,325,326,327,337,338,339,347,348,349,359,360,361,369,370,371,382,383,384,390,391,392,404,405,406,411,412,413,426,427,428,429,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,493 +7179 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,131,137,138,139,140,144,145,146,147,148,149,150,151,152,153,159,160,161,171,172,173,174,175,181,182,183,184,191,192,193,194,195,196,197,203,204,205,206,207,209,210,211,212,213,214,215,216,217,218,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,290,291,292,293,294,296,297,298,299,311,312,313,314,318,319,320,321,333,334,335,341,342,343,355,356,357,363,364,365,366,377,378,379,385,386,387,388,399,400,401,407,408,409,410,422,423,424,425,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,493 +7180 - 53,54,75,76,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,387,407,408,429,430,431,451,452,473,474,486 +7181 - 75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,137,138,139,140,141,148,149,150,151,158,159,160,161,162,169,170,171,172,173,180,181,182,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,256,257,258,259,277,278,279,280,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,446,447,448,449,450,467,468,469,470,471,494 +7182 - 35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,169,170,183,184,185,186,187,188,191,192,204,205,206,207,208,209,210,214,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,268,269,270,271,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,489 +7183 - 121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,213,214,215,216,217,220,221,222,223,224,235,236,237,238,242,243,244,256,257,258,259,260,265,266,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,492 +7184 - 30,31,32,33,34,52,53,54,55,56,74,75,76,77,78,96,97,98,99,100,101,118,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,486 +7185 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,192,193,194,195,200,201,202,213,214,215,216,217,235,236,237,238,239,256,257,258,259,260,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +7186 - 51,52,53,54,55,73,74,75,76,77,94,95,96,97,98,99,100,101,115,116,117,121,122,123,137,138,139,144,145,150,151,158,159,160,167,171,172,173,180,181,182,193,194,195,202,203,214,215,216,223,224,225,235,236,237,245,246,247,255,256,257,258,267,268,269,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,322,323,335,336,337,338,339,340,344,345,365,366,367,387,388,409,410,431,432,453,454,455,456,475,476,477,478,494 +7187 - 55,56,76,77,78,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,193,194,195,196,202,203,204,205,206,208,209,210,216,217,218,219,224,225,226,227,230,231,232,239,240,241,245,246,247,248,252,253,254,261,262,263,266,267,268,269,270,275,276,283,284,285,288,289,290,291,305,306,307,310,311,312,313,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,485 +7188 - 141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,195,196,200,201,202,203,217,218,238,239,240,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,304,306,307,310,311,312,313,314,320,321,322,332,333,334,339,340,341,342,343,354,355,356,357,358,359,360,361,362,363,378,379,380,381,382,487 +7189 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,123,124,125,126,127,128,129,139,146,147,148,149,150,151,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,255,256,257,258,259,279,280,281,301,302,303,304,323,324,325,326,330,331,332,333,345,346,347,348,352,353,354,366,367,368,369,370,374,375,376,377,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,488 +7190 - 74,75,76,77,78,79,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,144,145,146,161,162,163,164,165,166,167,183,184,185,186,187,188,189,206,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +7191 - 37,38,39,40,58,59,60,61,62,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,446,447,448,449,486 +7192 - 54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,291,292,295,296,297,300,301,302,303,312,313,314,322,323,324,325,334,335,336,344,345,346,347,356,357,358,365,366,367,368,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +7193 - 53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,127,128,129,137,138,139,150,153,159,160,161,162,163,172,173,174,175,182,183,184,185,186,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,319,320,321,333,334,335,336,340,341,342,343,355,356,357,362,363,364,365,377,378,379,383,384,385,386,399,400,401,403,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,465,466,467,468,469,493 +7194 - 36,37,38,39,40,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,104,105,120,121,122,125,126,141,142,143,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,212,213,228,229,230,231,232,233,250,251,252,253,271,272,273,274,275,292,293,294,295,296,297,298,314,315,316,318,319,320,335,336,337,338,341,342,343,356,357,358,359,363,364,365,378,379,380,381,386,387,400,401,402,403,404,409,410,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +7195 - 78,79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,148,149,150,161,162,163,164,170,171,172,183,184,185,191,192,193,205,206,207,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469,470,471,494 +7196 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,116,117,118,124,125,129,130,131,138,139,140,148,149,150,151,152,160,161,162,163,169,170,171,172,173,183,184,185,186,190,191,192,193,206,207,208,209,210,211,212,213,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,320,321,322,338,339,340,342,343,344,345,359,360,361,365,366,367,381,382,383,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +7197 - 57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,127,128,140,141,142,149,150,151,152,153,162,163,164,171,172,173,174,175,184,185,186,187,192,193,194,195,196,197,206,207,208,209,211,212,213,214,215,216,217,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,333,334,335,336,337,341,342,343,355,356,357,358,363,364,365,366,377,378,379,384,385,386,387,399,400,401,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,466,467,468,469,493 +7198 - 55,56,77,78,79,98,99,100,101,119,120,121,122,123,124,141,142,143,144,145,146,161,162,163,164,166,167,168,183,184,185,186,188,189,190,204,205,206,207,210,211,212,225,226,227,228,232,233,234,247,248,249,254,255,256,269,270,271,272,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,453,454,455,456,476,477,489 +7199 - 14,15,16,17,18,36,37,38,39,56,57,58,59,60,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,215,216,217,225,226,227,228,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,289,290,291,292,298,299,300,301,302,303,304,305,311,312,313,314,318,319,320,321,322,323,324,325,326,333,334,335,336,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,491 +7200 - 34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,103,104,118,119,120,121,125,126,127,128,140,141,142,148,149,150,162,163,164,170,171,172,173,180,181,182,184,185,186,193,194,195,202,203,204,205,206,207,216,217,224,225,226,228,229,238,239,240,245,246,247,248,250,251,252,260,261,262,267,268,269,270,272,273,274,282,283,284,289,290,291,292,295,296,297,304,305,312,313,314,318,319,320,326,327,334,335,336,341,342,343,347,348,349,357,358,359,364,365,368,369,370,371,379,380,381,382,383,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +7201 - 142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,225,226,227,228,229,248,249,250,251,252,272,273,274,275,276,290,291,296,297,298,299,312,313,314,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,490 +7202 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,81,82,83,94,95,96,97,104,105,115,116,117,126,127,128,136,137,138,148,149,150,159,160,170,171,172,192,193,194,214,215,216,236,237,258,259,272,273,274,275,280,281,292,293,294,295,296,297,298,301,302,303,312,313,314,315,316,319,320,321,322,323,324,325,333,334,335,336,343,344,345,346,355,356,365,366,367,368,376,377,387,388,389,390,398,399,400,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,433,434,435,444,445,446,447,448,449,450,451,487 +7203 - 98,99,118,119,120,121,122,131,138,139,140,141,142,143,151,152,153,157,160,161,162,163,172,173,174,175,180,181,182,183,184,193,194,195,196,197,201,202,203,204,205,214,215,216,217,218,223,224,225,226,235,236,237,238,239,245,246,247,248,256,257,258,259,260,267,268,269,270,271,272,273,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,448,449,450,489 +7204 - 6,7,8,28,29,30,50,51,72,73,93,94,95,115,116,117,124,125,126,137,138,139,144,145,146,147,148,149,159,160,161,166,167,168,170,171,181,182,187,188,189,192,193,194,203,204,209,210,211,215,216,225,226,231,232,237,238,247,248,253,254,259,260,269,270,275,276,280,281,282,291,292,297,298,302,303,313,314,315,319,320,323,324,325,335,336,337,341,342,345,346,358,359,360,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,431,432,433,434,491 +7205 - 115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,178,179,180,181,182,183,184,185,186,192,193,194,195,196,201,213,214,215,216,217,218,234,235,236,237,238,239,255,256,257,258,259,260,276,277,278,279,280,281,296,297,298,299,300,301,302,317,318,319,320,321,322,338,339,340,341,342,343,359,360,361,362,363,364,379,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,444,445,446,447,448,449,466,467,468,469,470,471,492 +7206 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,492 +7207 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,254,255,256,257,258,259,278,279,280,281,301,302,303,323,324,325,333,334,335,343,344,345,346,347,355,356,357,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,488 +7208 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,75,80,81,82,103,104,124,125,126,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,206,207,208,209,210,211,212,213,214,234,235,236,237,238,258,259,260,280,281,282,302,303,304,323,324,325,326,343,344,345,346,347,362,363,364,365,366,367,368,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,418,419,420,421,422,423,424,425,426,427,428,440,441,442,443,444,445,446,447,488 +7209 - 38,39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,193,203,207,208,209,210,211,212,213,214,215,216,225,226,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,361,362,377,378,379,380,381,382,383,398,399,400,401,402,403,420,421,422,423,424,425,443,444,445,446,486 +7210 - 33,34,35,36,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,123,124,125,126,140,141,142,143,145,146,147,148,161,162,163,164,165,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,208,211,212,213,214,227,228,229,230,233,234,235,236,249,250,251,252,255,256,257,258,271,272,273,277,278,279,280,293,294,295,298,299,300,301,302,315,316,317,320,321,322,323,337,338,339,341,342,343,344,345,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,449,450,451,452,485 +7211 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,147,148,149,150,160,161,162,163,164,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,368,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,494 +7212 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,81,82,83,94,95,96,97,98,103,104,105,106,115,116,117,118,119,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,169,170,171,172,181,182,183,191,192,193,204,213,214,215,234,235,236,256,257,258,270,271,277,278,279,280,291,292,293,294,295,296,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,339,340,341,342,343,344,356,357,358,361,362,363,364,365,366,378,379,380,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,432,433,434,435,436,446,447,448,449,487 +7213 - 61,62,63,83,84,85,104,105,106,107,125,126,127,128,129,146,147,148,149,150,151,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,343,357,358,359,360,361,378,379,380,381,382,400,401,402,403,404,421,422,423,424,425,431,432,443,444,445,446,447,466,467,468,486 +7214 - 10,11,12,13,14,31,32,33,34,52,53,54,55,74,75,76,95,96,97,98,117,118,119,125,126,138,139,140,147,148,149,160,161,162,169,170,171,182,183,184,192,193,203,204,205,206,214,215,216,225,226,227,228,236,237,238,247,248,249,258,259,260,269,270,271,279,280,281,282,291,292,293,301,302,303,313,314,315,322,323,324,325,335,336,337,344,345,346,347,358,359,360,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,485 +7215 - 99,100,108,109,120,121,122,129,130,131,141,142,143,144,150,151,152,153,162,163,164,165,166,171,172,173,174,183,184,185,186,192,193,194,195,203,204,205,206,207,213,214,215,216,223,224,225,226,227,228,229,232,234,235,236,237,238,245,246,247,248,249,250,251,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,469,470,489 +7216 - 54,55,56,57,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,162,163,167,168,169,170,189,190,191,192,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,363,364,365,366,380,381,385,386,387,388,402,403,407,408,409,410,429,430,431,432,451,452,453,454,474,475,487 +7217 - 122,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,225,226,227,228,229,230,247,248,249,250,251,252,253,254,272,273,274,275,276,277,296,297,298,299,300,311,312,320,321,322,333,334,335,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,401,402,403,404,490 +7218 - 49,50,71,72,93,94,95,103,104,115,116,117,125,126,127,136,137,138,139,147,148,149,158,159,160,161,169,170,171,180,181,182,183,184,191,192,193,203,204,205,206,212,213,214,215,225,226,227,228,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,434,435,436,453,454,455,456,457,458,476,477,478,479,489 +7219 - 120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,268,274,275,276,277,278,289,290,291,298,299,300,301,311,312,313,320,321,322,323,333,334,335,336,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,490 +7220 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,145,146,147,148,157,158,159,160,161,167,168,169,170,188,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,426,427,428,429,448,449,450,451,452,453,454,455,471,472,473,474,475,476,477,487 +7221 - 13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,201,202,203,204,205,206,207,217,223,224,225,226,227,228,229,233,234,235,236,237,238,239,240,245,246,247,248,249,250,255,256,257,258,259,260,261,262,267,268,269,270,276,277,278,279,280,281,282,283,284,288,289,290,291,292,297,298,299,300,301,302,303,304,305,310,311,312,313,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,427,428,429,430,491 +7222 - 10,11,12,31,32,33,34,35,53,54,55,56,74,75,76,77,95,96,97,98,99,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,426,427,428,429,431,432,493 +7223 - 35,36,55,56,57,58,59,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,150,151,152,153,159,160,161,162,163,164,165,171,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,207,208,215,216,217,218,219,223,224,225,226,227,228,229,230,237,238,239,240,244,245,246,247,248,249,250,251,252,253,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,280,281,282,283,284,285,289,290,291,292,293,301,302,303,304,305,311,312,313,314,322,323,324,325,326,332,333,334,335,336,337,340,341,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,485 +7224 - 54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,97,98,101,118,119,120,140,141,142,161,162,163,182,183,184,203,204,205,206,207,224,225,226,227,228,229,230,231,245,246,247,248,249,250,251,252,253,254,267,268,269,275,276,277,289,290,298,299,300,321,322,323,343,344,345,357,366,367,368,378,379,388,389,400,401,408,409,410,411,422,423,424,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +7225 - 38,39,40,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,379,380,381,382,401,402,403,404,423,424,425,426,446,447,448,486 +7226 - 75,76,77,78,96,97,98,99,100,117,118,119,121,122,123,138,139,140,144,145,160,161,162,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,475,494 +7227 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,147,148,149,150,151,152,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,275,276,277,278,279,280,299,300,301,302,309,322,323,324,325,331,332,344,345,346,347,353,354,355,366,367,368,369,375,376,377,387,388,389,390,391,397,398,399,400,401,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,488 +7228 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,169,170,171,172,191,192,193,213,214,215,235,236,237,256,257,258,259,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,384,385,386,405,406,407,427,428,429,448,449,450,469,470,471,492 +7229 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,143,144,145,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,235,236,237,238,246,247,248,249,255,256,257,258,259,260,261,268,269,270,276,277,278,279,280,281,282,283,290,291,292,297,298,299,300,304,305,306,311,312,313,314,318,319,320,321,326,327,328,334,335,336,337,340,341,342,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,491 +7230 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,76,80,81,82,94,95,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,208,209,210,228,229,230,231,250,251,252,253,271,272,273,274,293,294,295,314,315,316,335,336,337,338,358,359,360,380,381,382,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,487 +7231 - 77,78,79,98,99,100,101,119,120,121,122,123,129,130,140,141,142,143,144,150,151,152,153,161,162,163,164,165,166,167,171,172,173,174,175,182,183,184,185,186,192,193,194,195,196,203,204,205,206,207,213,214,215,216,217,225,226,227,228,234,235,236,237,238,246,247,248,249,256,257,258,259,268,269,270,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,450,470,471,472,489 +7232 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +7233 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,127,128,137,138,139,140,148,149,150,159,160,161,162,163,170,171,172,173,174,175,182,183,184,185,192,193,194,195,196,197,205,206,207,212,213,214,215,216,217,218,219,227,228,229,230,233,234,235,236,237,238,239,240,241,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,358,359,362,363,364,377,378,379,380,384,385,386,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,493 +7234 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,191,192,203,204,205,206,207,208,209,214,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,272,276,277,278,297,298,299,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,450,451,452,472,473,474,494 +7235 - 99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,148,149,150,151,152,158,159,160,161,162,163,171,172,173,174,180,181,182,183,184,192,193,194,195,196,201,202,203,204,205,212,213,214,215,216,217,223,224,225,226,234,235,236,237,238,244,245,246,247,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,320,321,322,323,336,337,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,425,426,427,428,445,446,447,448,449,467,468,469,470,494 +7236 - 30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,124,125,126,127,136,137,138,139,147,148,149,150,157,158,159,160,170,171,172,173,179,180,181,182,192,193,194,195,200,201,202,203,215,216,217,222,223,224,225,237,238,239,244,245,246,247,259,260,261,266,267,268,269,282,283,288,289,290,291,304,305,306,310,311,312,313,326,327,328,333,334,335,348,349,350,355,356,357,358,368,369,370,371,372,378,379,380,381,389,390,391,392,393,400,401,402,403,404,405,406,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +7237 - 120,121,122,123,124,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,173,174,175,183,184,185,186,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,270,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,315,317,318,319,334,335,336,339,340,341,342,356,357,358,362,363,364,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,428,493 +7238 - 51,52,53,73,74,75,76,94,95,96,97,102,103,104,116,117,118,119,124,125,126,137,138,139,140,146,147,148,159,160,161,168,169,170,171,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,235,236,237,246,247,248,249,257,258,259,268,269,270,271,278,279,280,281,290,291,292,293,294,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +7239 - 119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,165,166,167,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,225,226,227,228,229,230,231,232,233,234,235,236,239,241,249,250,251,252,272,273,274,275,276,295,296,297,298,319,320,321,334,335,340,341,342,343,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,402,403,404,405,406,490 +7240 - 37,38,39,58,59,60,61,79,80,81,82,83,101,102,103,122,123,124,125,143,144,145,146,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,272,273,274,275,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,406,426,427,428,429,448,449,450,451,486 +7241 - 99,100,101,102,103,104,105,121,122,123,124,125,126,127,143,144,145,146,147,148,149,166,169,170,171,190,191,192,193,211,212,213,214,215,223,224,225,226,227,228,229,230,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,266,267,268,269,271,272,273,274,275,276,277,278,279,280,288,289,296,297,298,299,300,301,302,303,304,305,310,311,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,371,372,373,377,378,379,380,381,382,487 +7242 - 45,46,52,53,54,55,56,57,58,59,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,125,126,127,134,146,147,148,149,167,168,169,170,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,283,302,303,304,305,325,326,327,347,348,349,369,370,371,378,379,380,391,392,393,399,400,401,411,412,413,414,421,422,423,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,456,466,467,468,469,470,471,472,473,474,475,476,488 +7243 - 56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,467,468,469,486 +7244 - 32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,299,300,301,302,303,312,313,314,315,316,317,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,446,447,448,493 +7245 - 57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,234,235,236,248,249,250,251,256,257,258,259,270,271,272,273,278,279,280,281,291,292,293,294,300,301,302,303,313,314,315,316,322,323,324,334,335,336,337,344,345,346,356,357,358,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,445,446,447,450,467,468,485 +7246 - 34,35,36,37,55,56,57,58,59,60,76,77,78,80,81,82,97,98,99,100,103,104,105,118,119,120,121,125,126,127,139,140,141,142,147,148,149,160,161,162,163,169,170,171,182,183,184,191,192,193,204,213,214,215,235,236,237,256,257,258,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,314,315,316,317,321,322,323,335,336,337,342,343,344,345,346,356,357,358,363,364,365,366,367,368,377,378,379,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,487 +7247 - 76,77,96,97,98,99,100,117,118,119,120,121,122,138,139,140,141,142,143,144,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,248,249,250,251,252,253,254,272,273,274,275,276,277,278,296,297,298,299,300,301,319,320,321,322,323,334,342,343,344,345,355,356,357,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,399,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,490 +7248 - 68,69,70,71,89,90,91,92,93,94,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,209,210,211,212,213,214,215,216,217,234,235,236,237,238,239,254,255,256,257,258,259,260,261,275,276,277,278,279,280,281,282,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,360,361,362,363,364,365,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,492 +7249 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,186,204,205,206,207,225,226,227,228,229,235,236,237,238,239,247,248,249,250,256,257,258,259,260,261,268,269,270,271,272,277,278,279,280,281,282,283,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,406,407,408,409,491 +7250 - 61,62,73,74,75,83,84,85,95,96,97,104,105,106,116,117,118,119,126,127,128,137,138,139,140,148,149,150,159,160,161,170,171,172,179,180,181,182,183,191,192,193,194,201,202,203,204,213,214,215,216,223,224,225,226,235,236,237,238,244,245,246,247,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,473,474,475,489 +7251 - 11,12,13,14,15,33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,96,97,98,99,100,117,118,119,120,121,139,140,141,142,159,160,161,162,163,181,182,183,184,202,203,204,205,206,224,225,226,227,236,237,238,239,245,246,247,248,249,256,257,258,259,260,261,262,267,268,269,270,277,278,279,280,281,282,283,284,289,290,291,292,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,428,429,430,431,491 +7252 - 12,13,14,15,16,17,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,139,140,141,161,162,163,182,183,184,193,194,204,205,211,212,213,214,215,216,217,226,227,230,231,232,233,234,235,236,237,238,239,240,247,248,249,251,252,253,254,255,256,260,261,262,269,270,272,273,274,275,282,283,284,290,291,292,293,294,295,304,305,312,313,314,315,316,317,325,326,327,335,336,337,338,339,340,345,346,347,348,357,358,359,360,361,362,363,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +7253 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,123,124,125,126,127,128,129,138,139,147,148,149,150,151,168,169,170,171,172,173,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,331,332,344,345,346,347,348,352,353,354,366,367,368,369,374,375,376,377,387,388,389,390,391,396,397,398,399,400,401,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +7254 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,406,407,408,428,429,430,431,451,452,453,454,486 +7255 - 49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,121,122,123,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,325,332,333,334,343,344,345,346,347,354,355,365,366,367,368,369,375,376,377,386,387,388,389,390,397,398,399,400,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,488 +7256 - 57,58,59,69,70,79,80,81,82,90,91,92,101,102,103,104,112,113,114,123,124,125,126,134,135,136,146,147,148,156,157,158,168,169,170,179,180,190,191,192,200,201,202,209,210,211,212,213,214,222,223,224,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,279,280,281,289,290,291,292,293,294,295,301,302,303,304,312,313,314,315,323,324,325,326,345,346,347,348,367,368,369,370,389,390,391,392,412,413,414,434,435,436,437,456,457,458,459,478,479,480,481,489 +7257 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,147,148,149,150,151,152,171,172,173,174,191,192,193,194,195,196,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,288,289,290,297,298,299,300,301,310,311,312,320,321,322,323,331,332,333,343,344,345,346,353,354,355,364,365,366,367,375,376,377,378,379,380,381,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,446,447,449,450,488 +7258 - 26,27,28,29,30,48,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,143,144,145,146,147,164,165,166,167,168,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,234,255,256,257,277,278,279,300,301,321,322,323,343,344,345,364,365,366,367,377,378,379,385,386,387,388,389,400,401,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,488 +7259 - 37,38,39,58,59,60,61,62,80,81,82,83,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +7260 - 60,61,62,81,82,83,84,103,104,105,124,125,126,127,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,380,381,382,383,401,402,403,404,423,424,425,445,446,447,467,468,469,486 +7261 - 98,99,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,193,194,195,196,200,201,214,215,216,217,235,236,237,238,239,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,446,447,448,449,450,469,470,471,492 +7262 - 54,55,56,57,75,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,225,226,227,228,230,231,232,233,248,249,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,432,450,451,452,453,454,472,473,474,475,486 +7263 - 79,80,81,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,190,191,192,204,205,206,207,208,212,213,214,226,227,228,229,235,236,237,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,339,340,341,342,343,344,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,487 +7264 - 55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,115,116,136,137,138,139,158,159,160,179,180,181,182,183,184,185,186,187,201,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,254,255,256,257,277,278,279,288,300,301,310,321,322,323,332,333,344,345,355,356,365,366,367,377,378,379,380,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,472,473,490 +7265 - 99,118,119,120,121,122,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,188,189,190,210,211,212,227,228,229,230,232,233,234,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,322,323,324,325,326,327,328,329,349,350,351,487 +7266 - 24,25,26,27,28,29,45,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,95,96,97,98,99,100,101,102,103,111,112,122,123,124,125,145,146,147,148,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,444,487 +7267 - 97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,170,171,172,173,178,179,180,181,182,191,192,193,194,195,200,201,212,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +7268 - 58,59,60,72,73,80,81,82,93,94,95,102,103,115,116,124,125,137,138,146,147,159,160,168,169,181,182,190,191,203,204,211,212,213,225,226,233,234,235,247,248,249,255,256,257,269,270,271,277,278,279,291,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,475,476,489 +7269 - 76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,149,150,151,152,158,159,160,161,162,163,164,172,173,174,180,181,182,183,184,193,194,195,196,203,204,214,215,216,217,218,236,237,238,239,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,339,340,341,342,343,344,345,346,347,348,349,350,353,354,355,356,359,360,361,362,363,364,365,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,392,393,394,397,398,399,400,401,402,403,404,405,416,419,420,421,422,423,424,425,442,443,444,487 +7270 - 32,33,34,35,36,54,55,56,57,58,59,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,145,146,147,158,159,160,161,167,168,169,181,182,183,184,188,189,190,191,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,336,337,338,339,342,343,344,345,346,358,359,360,365,366,367,368,380,381,382,383,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,493 +7271 - 71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,148,149,150,151,152,156,157,158,169,170,171,172,173,180,190,191,192,193,194,195,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,300,301,302,303,304,305,324,325,326,327,333,334,335,336,346,347,348,349,355,356,357,368,369,370,371,377,378,389,390,391,392,398,399,400,410,411,412,413,414,421,422,423,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,456,465,466,467,468,469,470,471,472,473,474,475,476,477,488 +7272 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,122,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,167,168,169,170,179,180,181,189,190,191,192,210,211,212,213,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,336,337,338,339,340,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,415,416,417,424,425,426,427,428,439,487 +7273 - 11,12,13,14,15,16,32,33,34,35,53,54,55,56,75,76,77,78,96,97,98,99,117,118,119,120,121,138,139,140,141,142,160,161,162,163,181,182,183,184,193,203,204,205,206,212,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,239,240,246,247,248,249,253,254,255,256,257,258,259,260,261,262,268,269,270,274,275,276,277,278,281,282,283,284,289,290,291,292,296,297,298,299,302,303,304,305,312,313,314,318,319,320,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +7274 - 28,29,30,31,32,33,34,51,52,53,54,55,56,57,74,75,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,228,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,259,260,261,278,279,280,281,282,283,300,301,302,303,304,305,320,321,322,323,324,325,326,327,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,376,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,488 +7275 - 54,55,56,57,58,59,60,61,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,126,127,128,129,130,140,141,142,143,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,228,229,230,231,232,233,250,251,252,253,254,255,270,271,272,273,274,275,276,277,291,292,293,294,297,298,299,313,314,315,319,320,321,334,335,336,337,341,342,343,344,356,357,358,363,364,365,366,377,378,379,380,385,386,387,388,399,400,401,402,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +7276 - 73,74,80,94,95,96,102,116,117,118,123,124,138,139,140,145,146,160,161,162,167,168,182,183,184,189,190,204,205,211,212,226,227,232,233,234,235,248,249,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,298,299,300,313,314,315,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +7277 - 119,120,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,187,188,189,190,191,192,193,194,196,204,205,206,207,223,224,226,227,228,229,230,231,245,248,249,250,251,252,253,254,267,268,273,274,275,276,277,278,289,290,291,297,298,299,300,301,311,312,313,314,321,322,323,334,335,336,337,338,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,405,406,407,490 +7278 - 98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,171,172,173,176,177,178,179,193,194,195,198,199,200,214,215,216,220,221,222,236,237,238,243,257,258,259,260,278,279,280,281,300,301,302,321,322,323,324,342,343,344,345,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +7279 - 59,60,61,62,80,81,82,83,84,97,101,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,486 +7280 - 53,54,55,56,57,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,140,143,144,145,146,147,158,159,160,163,164,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,278,279,280,281,300,301,302,303,315,322,323,324,325,336,337,338,339,344,345,346,347,357,358,359,360,365,366,367,368,369,379,380,381,386,387,388,389,390,400,401,402,403,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +7281 - 63,64,65,85,86,87,95,96,97,106,107,108,109,116,117,118,119,128,129,130,138,139,140,149,150,151,152,159,160,161,162,171,172,173,174,180,181,182,183,192,193,194,195,201,202,203,204,205,213,214,215,216,217,223,224,225,226,234,235,236,237,238,244,245,246,247,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,489 +7282 - 99,100,120,121,122,141,142,143,144,145,146,147,163,164,165,166,167,168,169,170,184,185,186,187,188,189,190,191,192,205,206,207,208,209,212,213,214,226,227,228,229,230,233,234,235,247,248,249,250,251,255,256,257,269,270,271,272,277,278,279,291,292,293,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,472,473,492 +7283 - 78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,233,234,235,236,237,238,246,247,248,249,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,340,341,342,343,344,345,361,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,469,470,471,472,494 +7284 - 7,8,9,29,30,31,50,51,52,53,71,72,73,74,75,93,94,95,96,97,115,116,117,118,136,137,138,139,140,147,157,158,159,160,161,166,167,168,169,170,171,172,173,179,180,181,182,187,188,189,190,191,192,193,194,195,196,201,202,203,204,208,209,210,211,212,213,214,215,216,217,218,219,223,224,225,230,231,232,233,234,238,239,240,241,245,246,247,251,252,253,254,261,262,263,267,268,269,273,274,275,276,284,285,289,290,291,295,296,297,298,305,306,307,311,312,313,314,318,319,320,326,327,328,329,333,334,335,336,337,340,341,342,343,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +7285 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,149,150,151,159,160,161,162,163,164,165,171,172,173,174,180,181,182,183,184,185,186,187,194,195,196,201,202,203,204,205,208,209,216,217,218,219,223,224,225,226,227,238,239,240,241,245,246,247,248,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,326,327,328,332,333,334,335,347,348,349,350,354,355,356,357,358,359,360,361,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,485 +7286 - 31,32,33,53,54,55,56,75,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,410,429,430,431,432,452,453,454,486 +7287 - 11,12,13,14,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,115,116,117,118,119,136,137,138,139,158,159,160,161,180,181,182,202,203,204,223,224,225,226,236,237,238,239,240,245,246,247,248,256,257,258,259,260,261,262,267,268,269,270,276,277,278,279,280,281,282,283,284,285,288,289,290,291,297,298,299,300,301,304,305,306,307,311,312,313,314,315,316,319,320,321,322,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,406,407,408,409,491 +7288 - 50,51,52,53,54,55,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,116,117,121,122,143,144,164,165,166,186,187,188,207,208,209,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,300,301,321,322,323,343,344,345,365,366,367,387,388,389,405,406,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,454,472,473,474,475,488 +7289 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,127,128,139,140,141,148,149,150,161,162,163,170,171,183,184,185,186,194,195,196,197,205,206,207,208,213,214,215,216,217,218,219,227,228,229,230,233,234,235,236,237,238,239,240,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,357,358,359,362,363,364,365,379,380,381,385,386,387,401,402,403,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +7290 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,116,117,118,119,123,124,125,138,139,140,145,146,147,160,161,162,166,167,168,182,183,184,188,189,204,205,206,207,212,213,214,227,228,229,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,338,339,340,341,342,343,344,345,360,361,362,365,366,367,381,382,383,387,388,389,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,493 +7291 - 35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,105,118,119,120,140,141,142,161,162,163,164,173,174,175,183,184,185,186,191,192,193,194,195,196,197,206,207,208,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,312,313,314,315,318,319,320,321,334,335,336,341,342,343,356,357,358,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,448,449,493 +7292 - 50,51,52,53,54,72,73,74,75,76,77,78,97,98,99,100,101,121,122,123,124,144,145,146,165,166,167,168,186,187,188,189,207,208,209,210,229,230,250,251,252,272,273,274,295,296,297,317,318,319,340,341,342,363,364,365,385,386,387,407,408,409,430,431,449,450,451,452,453,471,472,473,474,475,488 +7293 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,111,117,118,119,120,121,122,125,126,127,128,129,139,140,141,142,149,150,151,160,161,162,163,171,172,173,174,181,182,183,184,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,244,245,246,247,260,261,262,265,266,267,268,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,325,326,327,328,332,333,334,335,336,347,348,349,354,355,356,357,358,359,360,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,485 +7294 - 81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,180,181,182,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,281,282,283,303,304,305,326,327,348,349,352,353,368,369,370,371,375,376,377,378,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,490 +7295 - 31,32,33,34,35,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,101,102,103,104,105,106,125,126,127,128,129,148,149,150,151,168,169,170,171,172,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,267,279,280,281,282,287,288,289,301,302,303,304,308,309,310,323,324,325,326,330,331,332,344,345,346,347,348,352,353,354,365,366,367,368,369,374,375,376,385,386,387,388,389,390,397,398,399,400,401,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,488 +7296 - 116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,168,169,170,171,176,177,178,179,191,192,193,198,199,213,214,215,220,221,235,236,237,242,243,257,258,259,264,265,266,279,280,281,286,287,288,289,300,301,302,303,309,310,311,312,313,314,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,346,347,348,360,361,362,363,364,368,369,370,391,392,413,414,415,435,436,437,458,459,480,481,494 +7297 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,149,150,160,161,162,163,164,171,181,182,183,184,185,192,203,204,205,206,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,494 +7298 - 54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,126,127,137,138,139,140,141,142,159,160,161,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,252,253,254,255,256,257,258,277,278,279,280,281,301,302,303,304,323,324,325,326,344,345,346,347,364,365,366,367,368,369,385,386,387,388,389,390,400,401,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,490 +7299 - 85,86,87,95,96,97,98,106,107,108,116,117,118,119,127,128,129,130,137,138,139,140,148,149,150,151,158,159,160,161,162,169,170,171,172,173,179,180,181,182,191,192,193,194,200,201,202,203,212,213,214,215,222,223,224,225,234,235,236,237,244,245,246,247,248,249,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,489 +7300 - 56,57,58,78,79,80,81,99,100,101,102,103,119,120,121,122,123,124,125,141,142,143,144,145,146,147,148,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,232,233,234,235,236,245,246,247,248,249,250,251,254,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,452,453,454,455,475,476,477,489 +7301 - 49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,124,125,126,127,128,129,135,136,147,148,149,150,167,168,169,170,171,172,188,189,190,191,192,193,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,321,322,323,324,325,326,345,346,347,348,349,367,368,369,370,371,378,388,389,390,391,392,399,400,401,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,465,466,467,468,469,470,471,472,473,474,475,488 +7302 - 32,33,34,35,36,54,55,56,57,58,59,75,76,77,80,81,96,97,98,103,118,119,120,125,140,141,162,163,164,184,185,186,206,207,208,229,230,235,236,237,251,252,253,254,255,256,257,258,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,341,342,358,359,363,364,365,380,381,386,387,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +7303 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,214,215,216,217,235,236,237,238,239,257,258,259,260,261,278,279,280,281,282,299,300,301,302,303,304,320,321,322,323,324,325,341,342,343,344,345,346,363,364,365,366,367,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,492 +7304 - 34,35,54,55,56,57,58,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,150,160,161,162,163,164,165,169,170,171,172,182,183,184,185,186,191,192,193,194,204,205,206,207,213,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,256,257,258,259,260,268,269,270,271,272,278,279,280,281,290,291,292,293,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,333,334,335,336,340,341,342,343,344,345,356,357,358,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,485 +7305 - 37,38,39,40,41,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,166,167,168,169,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,427,444,445,446,447,448,486 +7306 - 101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,181,182,183,184,185,186,187,188,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,492 +7307 - 72,73,74,93,94,95,96,97,98,99,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,163,164,165,166,167,168,169,170,171,172,178,179,180,181,191,192,193,194,200,201,202,203,213,214,215,216,223,235,236,237,238,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,492 +7308 - 47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,125,126,127,128,129,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,205,206,207,208,209,210,211,227,228,229,230,231,249,250,251,252,253,254,255,273,274,275,276,277,278,279,298,299,300,301,321,322,323,324,344,345,346,366,367,368,387,388,389,390,399,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,454,464,465,466,467,468,469,470,471,472,473,474,488 +7309 - 12,13,14,33,34,35,55,56,57,76,77,78,79,98,99,100,119,120,121,122,141,142,143,162,163,164,183,184,185,186,205,206,207,216,226,227,228,236,237,238,239,248,249,250,256,257,258,259,260,261,270,271,272,277,278,279,280,281,282,291,292,293,298,299,300,301,302,303,313,314,315,316,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,406,407,408,409,410,491 +7310 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,138,139,140,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,247,248,249,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +7311 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,148,149,150,151,159,160,161,162,163,170,171,172,180,181,182,183,191,192,193,194,202,203,204,211,212,213,214,215,216,224,225,226,232,233,234,235,236,237,238,246,247,248,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,321,322,323,336,337,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,474,494 +7312 - 59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,158,159,160,161,180,181,182,183,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,302,323,324,325,346,347,368,369,387,388,389,390,391,392,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,490 +7313 - 62,63,64,76,77,84,85,86,96,97,98,99,105,106,107,117,118,119,120,121,126,127,128,129,138,139,140,141,142,148,149,150,159,160,161,162,163,169,170,171,172,180,181,182,183,184,191,192,193,194,202,203,204,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,255,256,257,258,259,267,268,269,270,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +7314 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,121,122,123,124,125,126,127,137,138,139,140,147,148,149,150,158,159,160,161,162,170,171,172,173,180,181,182,183,193,194,195,201,202,203,204,205,215,216,217,218,223,224,225,226,238,239,240,244,245,246,247,248,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,314,324,325,326,327,328,333,334,335,336,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,452,474,475,485 +7315 - 13,14,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,139,140,141,142,143,147,148,149,169,170,171,190,191,192,193,212,213,214,226,227,228,234,235,236,246,247,248,249,250,251,252,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,294,295,296,297,298,299,300,301,310,311,312,318,319,320,321,322,323,324,325,326,327,332,333,334,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,359,360,361,362,363,364,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,394,398,399,400,401,402,403,404,421,422,423,487 +7316 - 69,70,71,72,73,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,148,149,158,169,170,171,180,191,192,212,213,214,234,235,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,385,386,406,407,408,413,428,429,433,434,435,450,451,454,455,456,472,473,474,475,476,477,492 +7317 - 76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,126,127,128,129,138,139,140,141,142,150,151,158,159,160,161,162,170,171,172,173,180,181,182,183,192,193,194,195,201,202,203,204,212,213,214,215,216,217,223,224,225,226,232,233,234,235,236,237,238,245,246,247,248,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,494 +7318 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,101,102,103,114,115,116,123,124,125,136,137,138,144,145,146,147,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,236,237,238,239,259,260,261,282,283,289,290,304,305,310,311,312,325,326,327,332,333,346,347,348,349,354,355,366,367,368,369,370,376,377,378,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +7319 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,298,299,300,301,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,494 +7320 - 26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,75,76,77,78,79,80,91,100,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,184,185,186,187,188,204,205,206,207,208,209,223,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,276,277,278,279,280,281,282,301,302,303,304,305,325,326,327,328,348,349,350,370,371,372,380,381,390,391,392,393,394,402,403,404,405,406,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,488 +7321 - 85,86,87,97,98,99,107,108,109,118,119,120,121,122,128,129,130,138,139,140,141,142,143,150,151,152,159,160,161,162,163,171,172,173,180,181,182,183,184,188,192,193,194,195,202,203,204,205,213,214,215,216,224,225,226,234,235,236,237,238,245,246,247,248,249,250,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,489 +7322 - 49,50,51,52,53,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,112,113,114,120,121,122,123,124,125,134,135,142,143,144,145,146,147,148,149,156,157,165,168,169,170,171,172,178,179,192,193,194,195,200,201,216,217,218,222,223,239,240,241,244,245,246,261,262,263,266,267,268,284,285,288,289,290,306,307,311,312,313,328,329,333,334,335,336,350,351,356,357,358,372,373,379,380,381,393,394,395,402,403,404,405,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,476,477,485 +7323 - 80,81,82,83,84,85,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,150,151,160,161,162,163,164,165,171,172,173,181,182,183,184,185,186,192,193,194,195,202,203,204,205,206,212,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,320,321,322,323,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,494 +7324 - 26,27,28,29,30,31,47,48,49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,121,122,123,142,143,144,145,163,164,165,166,167,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,302,303,304,305,325,326,327,348,349,350,368,369,370,371,389,390,391,392,393,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,457,488 +7325 - 55,56,63,64,65,76,77,78,84,85,86,87,97,98,99,100,105,106,107,108,119,120,121,122,127,128,129,130,140,141,142,143,148,149,150,151,161,162,163,164,165,169,170,171,172,173,182,183,184,185,186,190,191,192,193,194,203,204,205,206,207,212,213,214,215,224,225,226,227,228,233,234,235,236,237,245,246,247,248,249,254,255,256,257,258,266,267,268,269,270,275,276,277,278,279,288,289,290,291,296,297,298,299,300,301,304,310,311,312,313,314,315,316,317,318,319,320,321,322,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,489 +7326 - 14,15,16,17,34,35,36,37,38,39,56,57,58,59,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,280,281,282,289,290,291,292,293,294,295,302,303,304,311,312,315,316,317,324,325,326,337,338,339,340,346,347,348,360,361,362,363,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,429,430,431,432,433,434,491 +7327 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,126,127,128,129,138,139,140,141,142,143,149,150,151,159,160,161,162,163,164,165,171,172,173,180,181,182,183,184,185,186,187,194,195,202,203,204,205,208,216,217,218,223,224,225,226,238,239,240,245,246,247,248,260,261,262,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,309,310,311,312,325,326,327,331,332,333,334,346,347,348,349,353,354,355,356,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,485 +7328 - 29,30,31,32,51,52,53,54,55,56,73,74,75,76,77,78,79,80,98,99,100,101,102,122,123,124,125,145,146,147,167,168,169,170,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,273,274,275,276,277,296,297,298,299,319,320,321,322,337,338,342,343,344,358,359,360,364,365,366,380,381,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +7329 - 110,111,112,113,114,115,116,117,118,119,120,121,122,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,214,215,216,217,235,236,237,238,239,257,258,259,260,277,278,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,492 +7330 - 52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,124,125,126,127,128,136,147,148,149,150,166,167,168,169,170,171,172,186,187,188,189,190,191,192,193,208,209,210,211,212,213,230,231,232,233,234,235,254,255,256,257,258,278,279,280,300,301,302,323,324,338,339,345,346,357,358,359,360,366,367,368,378,379,380,381,387,388,389,390,399,400,401,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,488 +7331 - 38,39,40,60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,377,378,379,380,381,382,399,400,401,402,403,421,422,423,424,443,444,445,486 +7332 - 6,7,8,27,28,29,30,49,50,51,52,53,70,71,72,73,74,75,92,93,94,95,96,97,114,115,116,117,118,135,136,137,138,139,157,158,159,160,161,179,180,181,182,193,194,195,196,201,202,203,204,211,212,213,214,215,216,217,218,219,223,224,225,226,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,274,275,276,277,278,279,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +7333 - 50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,223,224,225,226,227,228,229,230,231,232,233,234,246,247,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,321,322,323,324,344,345,346,347,353,354,366,367,368,369,374,375,376,387,388,389,390,391,396,397,398,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,464,465,466,467,468,469,470,471,472,473,474,488 +7334 - 34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,124,125,126,127,141,142,143,144,146,147,148,149,162,163,164,165,166,168,169,170,171,184,185,186,187,190,191,192,193,205,206,207,208,209,212,213,214,227,228,229,230,233,234,235,236,248,249,250,251,252,255,256,257,258,269,270,271,272,273,276,277,278,279,280,291,292,293,294,298,299,300,301,302,312,313,314,315,316,319,320,321,322,323,334,335,336,337,338,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,485 +7335 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,191,192,193,194,195,196,197,201,202,203,204,205,214,215,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,259,260,261,262,266,267,268,269,280,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,313,322,323,324,325,326,332,333,334,335,342,343,344,345,346,347,354,355,356,357,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,446,447,448,485 +7336 - 23,24,25,26,27,28,29,30,31,32,33,45,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,99,100,101,102,103,104,105,124,125,126,127,147,148,149,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,487 +7337 - 35,36,37,38,39,57,58,59,60,61,79,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,486 +7338 - 75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,171,183,184,185,186,204,205,206,207,208,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,321,322,323,324,344,345,346,366,367,368,387,388,389,390,409,410,411,412,420,429,430,431,432,433,442,443,444,445,449,450,451,452,453,454,464,465,466,467,468,469,470,471,472,473,474,475,490 +7339 - 59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,211,212,213,214,232,233,234,235,247,248,249,253,254,255,256,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,311,312,313,316,317,318,319,320,333,334,335,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,386,387,388,389,390,391,392,393,394,395,400,401,402,403,487 +7340 - 101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,168,169,170,177,189,190,191,211,212,213,233,234,235,254,255,256,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,492 +7341 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,160,161,162,163,167,168,169,170,171,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,299,300,301,302,321,322,323,324,342,343,344,345,346,364,365,366,367,376,377,378,385,386,387,388,389,398,399,400,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,488 +7342 - 74,75,76,77,78,95,96,97,98,99,100,101,115,116,117,118,119,121,122,123,124,125,126,136,137,138,139,140,145,146,147,148,158,159,160,167,168,169,170,180,181,189,190,191,192,201,202,203,211,212,213,223,224,225,233,234,235,245,246,247,254,255,256,257,267,268,269,270,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,321,322,323,336,337,338,339,343,344,345,365,366,367,387,388,389,409,410,411,431,432,453,454,455,475,476,477,478,494 +7343 - 98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,191,192,193,194,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,466,467,468,469,470,492 +7344 - 11,12,13,32,33,34,35,54,55,56,75,76,77,97,98,99,118,119,120,140,141,142,162,163,167,168,169,183,184,185,187,188,189,190,191,192,205,206,208,209,210,211,212,213,214,215,227,228,229,230,231,236,237,248,249,250,251,252,258,259,270,271,272,273,274,279,280,281,292,293,294,295,301,302,303,314,315,316,317,318,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +7345 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,138,139,140,145,146,147,148,149,153,160,161,162,169,170,171,172,173,174,175,182,183,184,191,192,193,194,195,196,197,204,205,206,207,209,210,211,212,213,214,215,216,217,218,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,318,319,320,335,336,337,340,341,342,357,358,359,362,363,364,379,380,381,384,385,386,401,402,403,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,493 +7346 - 74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,124,125,126,135,136,137,138,139,146,147,156,157,158,159,168,169,178,179,180,190,191,192,193,200,201,213,214,215,222,223,224,235,236,237,244,245,246,247,256,257,258,259,267,268,269,270,271,272,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,344,345,346,347,367,368,369,389,390,391,411,412,413,434,435,436,456,457,458,479,480,481,494 +7347 - 77,78,79,80,81,98,99,100,101,102,103,104,105,119,120,121,124,125,126,127,140,141,142,145,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,471,494 +7348 - 52,53,54,55,56,73,74,75,76,77,78,79,82,83,95,96,100,101,102,103,104,105,106,117,118,119,123,124,125,126,127,140,141,145,146,147,148,162,163,164,166,167,168,169,185,186,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,255,256,273,274,275,277,278,294,295,296,299,300,301,316,317,318,322,323,324,338,339,344,345,346,359,360,361,367,368,381,382,383,389,390,403,404,410,411,412,425,426,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +7349 - 56,57,58,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,122,123,124,125,126,127,128,129,130,137,138,139,140,145,146,147,148,149,150,151,152,158,159,160,161,169,170,171,172,173,174,179,180,181,182,192,193,194,195,196,201,202,203,214,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,259,260,261,265,266,267,268,281,282,283,287,288,289,302,303,304,309,310,311,322,323,324,325,331,332,333,343,344,345,346,353,354,355,363,364,365,366,367,375,376,377,378,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +7350 - 92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,168,188,189,190,191,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,492 +7351 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,468,469,470,486 +7352 - 28,29,30,31,32,49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,98,99,100,121,122,143,144,165,166,187,188,208,209,210,228,229,230,231,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,299,300,301,322,323,324,344,345,346,367,368,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,488 +7353 - 36,37,38,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,142,143,146,147,148,167,168,169,170,189,190,191,210,211,212,213,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,294,295,296,297,298,299,300,301,311,312,313,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,344,345,346,347,348,355,356,357,358,359,360,368,369,370,371,372,373,377,378,379,380,391,392,393,394,395,415,416,417,487 +7354 - 32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,80,96,97,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,167,184,185,186,187,205,206,207,208,227,228,229,249,250,251,252,253,272,273,274,275,276,296,297,298,299,300,319,320,321,322,323,343,344,345,346,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,426,427,428,429,430,431,448,449,450,451,488 +7355 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,124,125,126,127,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,278,279,280,281,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,383,384,385,386,387,388,400,401,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,488 +7356 - 118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,190,191,192,193,194,211,212,213,214,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +7357 - 82,83,103,104,105,106,116,117,118,125,126,127,138,139,140,146,147,148,149,160,161,162,168,169,170,182,183,184,189,190,191,192,203,204,205,211,212,213,214,215,225,226,227,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,447,448,449,468,469,470,489 +7358 - 70,71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,217,218,229,230,231,232,233,234,235,239,240,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,298,299,300,301,315,316,317,320,321,322,323,336,337,338,339,343,344,345,346,359,360,361,365,366,367,368,381,382,383,384,387,388,389,390,403,404,405,406,409,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,477,493 +7359 - 122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,190,191,192,193,203,204,205,206,212,213,214,226,227,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,492 +7360 - 34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,80,81,82,83,96,97,103,104,105,117,118,119,126,127,139,140,148,149,150,160,161,162,170,171,172,182,183,184,192,193,194,204,205,206,214,215,216,226,227,236,237,238,248,249,258,259,260,269,270,271,280,281,282,291,292,293,302,303,313,314,315,323,324,325,335,336,337,344,345,346,357,358,359,365,366,367,368,379,380,381,387,388,389,401,402,403,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +7361 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,139,140,141,146,147,148,149,161,162,163,169,170,171,172,173,174,175,183,184,185,191,192,193,194,195,196,197,205,206,207,211,212,213,214,215,216,217,227,228,229,230,232,233,234,235,236,250,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,340,341,342,356,357,358,359,362,363,364,378,379,380,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,493 +7362 - 75,76,77,78,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,208,209,210,211,212,213,223,224,225,226,227,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,337,338,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +7363 - 99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,137,139,140,141,142,147,148,160,161,162,169,170,171,181,182,183,184,189,190,191,192,193,202,203,204,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,494 +7364 - 51,52,53,54,55,71,72,73,74,75,76,77,93,94,99,100,103,104,105,106,107,108,115,116,121,123,124,125,126,127,128,129,130,137,138,142,143,144,145,146,147,148,159,160,161,165,166,167,168,181,182,183,187,188,189,204,205,206,208,209,210,227,228,229,230,231,232,250,251,252,253,273,274,275,295,296,297,317,318,319,320,338,339,340,341,342,360,361,362,363,364,365,382,383,384,386,387,404,405,406,408,409,410,426,427,428,430,431,432,449,450,452,453,454,471,472,473,474,475,476,493 +7365 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,128,129,130,131,138,139,140,141,142,143,144,145,150,151,152,153,160,161,162,163,164,165,166,172,173,174,175,181,182,183,184,185,186,187,194,195,196,202,203,204,205,207,208,209,216,217,218,224,225,226,229,230,237,238,239,240,245,246,247,248,251,252,253,254,259,260,261,267,268,269,273,274,275,276,277,278,280,281,282,288,289,290,297,298,299,301,302,303,310,311,312,322,323,324,325,332,333,334,342,343,344,345,346,354,355,356,363,364,365,366,376,377,378,384,385,386,387,398,399,400,401,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,467,468,469,485 +7366 - 35,36,37,38,39,40,41,42,54,55,56,57,58,59,60,61,62,63,64,73,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,102,103,117,118,119,139,140,141,160,161,162,182,183,184,203,204,205,206,207,208,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,254,255,256,257,278,279,280,300,301,302,322,323,324,343,344,345,346,364,365,366,367,375,376,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,490 +7367 - 60,61,62,80,81,82,83,84,102,103,104,105,106,124,125,126,127,128,144,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,465,466,467,468,486 +7368 - 74,75,76,77,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,145,146,147,148,149,160,161,162,169,170,171,181,182,183,191,192,193,203,204,205,212,213,214,226,227,233,234,235,236,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,301,318,319,320,321,322,340,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +7369 - 36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,104,105,106,119,120,121,122,123,124,126,127,128,143,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,233,234,235,236,248,249,250,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,299,309,310,311,312,313,314,315,316,317,318,319,320,321,322,330,331,332,333,336,337,338,339,340,342,343,344,345,352,353,354,357,358,359,360,361,365,366,367,368,369,374,375,376,377,378,379,380,381,388,389,390,391,392,396,397,398,399,400,401,402,411,412,413,414,415,418,419,420,421,422,435,436,437,440,441,442,458,459,487 +7370 - 72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,102,115,116,117,121,122,123,124,125,126,137,138,145,146,147,148,149,159,169,170,171,172,173,181,193,194,195,196,215,216,217,218,236,237,238,239,240,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,466,467,468,469,470,492 +7371 - 56,57,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,146,147,148,149,150,167,168,169,170,171,188,189,190,191,192,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,277,278,279,280,292,293,298,299,300,301,319,320,321,322,340,341,342,343,355,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,446,488 +7372 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,123,124,125,139,146,147,168,169,190,191,211,212,213,233,234,254,255,256,267,268,269,270,271,272,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,345,346,347,348,349,350,351,357,358,359,360,371,372,373,487 +7373 - 100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,191,192,193,194,195,199,200,201,202,203,204,212,213,214,215,216,223,224,225,233,234,235,236,237,238,254,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +7374 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,80,81,82,94,95,103,104,105,116,125,126,127,148,149,150,170,171,172,192,193,194,213,214,215,235,236,237,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,298,299,300,301,302,303,312,313,314,319,320,321,322,323,324,325,334,335,340,341,342,343,344,346,347,355,356,357,360,361,362,363,364,368,369,370,377,378,379,380,381,382,383,384,385,391,392,399,400,401,402,403,404,405,413,414,422,423,424,425,435,436,457,458,487 +7375 - 97,98,99,100,101,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,147,148,153,160,161,162,168,169,170,171,173,174,175,182,183,184,190,191,192,193,194,195,196,197,204,205,212,213,214,215,216,217,218,226,227,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,292,293,294,295,296,297,313,314,315,316,317,318,319,334,335,336,337,339,340,341,356,357,358,361,362,363,364,378,379,380,381,382,383,384,385,402,403,404,405,406,407,493 +7376 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,81,82,83,94,95,96,97,104,105,106,116,117,118,127,128,138,139,140,149,150,151,159,160,161,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,246,247,248,259,260,268,269,270,280,281,282,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,344,345,346,356,357,358,365,366,367,368,378,379,380,381,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +7377 - 95,99,100,101,102,103,104,117,120,121,122,123,124,125,126,127,140,141,142,143,147,148,149,161,162,163,164,169,170,171,172,183,184,185,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,494 +7378 - 31,32,33,53,54,55,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +7379 - 37,38,39,40,58,59,60,61,62,82,83,84,100,101,102,103,105,106,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,190,191,192,193,194,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,235,236,237,247,248,249,250,256,257,258,269,270,271,278,279,280,291,292,293,299,300,301,302,313,314,315,320,321,322,323,334,335,336,341,342,343,344,356,357,358,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,485 +7380 - 75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,123,124,137,138,139,140,145,146,147,159,160,161,167,168,169,181,182,189,190,191,202,203,204,211,212,224,225,233,234,247,255,256,276,277,278,298,299,300,320,321,340,341,342,343,344,361,362,363,364,365,383,384,385,386,406,407,408,428,429,430,450,451,472,473,492 +7381 - 80,81,82,83,86,100,101,102,103,104,105,106,108,109,120,121,122,123,124,125,126,127,128,130,131,141,142,143,144,145,146,147,148,149,152,153,161,162,163,164,165,166,173,174,175,181,182,183,184,185,186,195,196,203,204,205,206,207,216,217,218,224,225,226,227,228,237,238,239,240,246,247,248,249,258,259,260,261,267,268,269,270,279,280,281,282,289,290,291,292,300,301,302,303,304,311,312,313,321,322,323,324,325,333,334,335,341,342,343,344,345,354,355,356,357,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,485 +7382 - 48,49,50,51,52,70,71,72,73,74,75,91,92,93,94,95,96,97,113,114,115,135,136,137,157,158,159,179,180,181,201,202,203,223,224,225,246,247,248,256,257,258,259,260,261,262,263,268,269,270,271,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,296,297,298,299,300,301,302,303,304,305,306,307,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,383,384,385,406,407,408,429,430,491 +7383 - 101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,169,170,171,172,173,181,182,183,184,185,186,191,192,193,194,204,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,445,446,447,448,466,467,468,469,492 +7384 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,124,125,126,140,141,142,143,148,161,162,163,183,184,185,205,206,227,228,231,232,233,249,250,251,252,253,254,255,272,273,274,276,277,298,299,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,494 +7385 - 85,86,87,104,105,106,107,108,109,124,125,126,127,128,129,130,143,145,146,147,148,149,164,165,166,167,168,169,185,186,187,206,207,208,209,226,227,228,229,230,231,232,248,249,250,251,252,253,254,268,269,270,274,275,276,289,290,291,296,297,298,311,312,318,319,320,333,334,339,340,341,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,401,402,403,490 +7386 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,68,69,70,71,75,76,77,78,90,91,92,98,99,100,101,113,121,122,123,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,210,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,302,303,323,324,325,326,346,347,348,368,369,370,390,391,392,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,488 +7387 - 85,86,87,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,163,164,165,166,167,168,169,184,185,186,187,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,253,254,270,271,274,275,276,296,297,298,318,319,320,334,335,340,341,342,355,356,357,361,362,363,364,377,378,379,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,445,446,447,448,490 +7388 - 111,112,113,114,126,127,128,129,130,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,492 +7389 - 53,54,55,56,57,58,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,123,124,125,126,127,128,129,147,148,149,150,151,167,168,169,170,171,172,188,189,190,191,192,193,209,210,211,212,213,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,400,401,402,403,404,405,406,420,421,422,423,424,425,426,442,443,444,445,446,447,464,465,466,467,468,488 +7390 - 51,60,61,71,72,73,74,81,82,83,84,93,94,95,96,102,103,104,105,114,115,116,117,124,125,126,127,136,137,138,139,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,182,190,191,192,201,202,203,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,457,477,478,479,489 +7391 - 101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,202,203,204,205,211,212,213,214,233,234,235,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,492 +7392 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,138,139,140,141,142,147,148,149,160,161,162,163,169,170,171,182,183,184,185,192,193,194,203,204,205,206,207,214,215,216,226,227,228,236,237,238,248,249,258,259,260,270,271,280,281,282,292,293,302,303,304,313,314,324,325,326,335,336,346,347,348,357,358,367,368,369,379,380,389,390,401,402,403,410,411,412,424,425,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,485 +7393 - 131,140,141,142,143,144,151,152,153,161,162,163,164,165,166,167,171,172,173,174,175,183,184,188,189,190,191,192,193,194,195,205,206,211,212,213,214,215,216,227,228,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,314,315,316,317,318,335,336,337,338,339,340,356,357,358,360,361,362,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,446,493 +7394 - 55,56,57,76,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,185,186,187,188,189,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,486 +7395 - 16,17,18,36,37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,204,205,206,207,214,215,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,280,281,282,291,292,293,294,295,296,297,301,302,303,313,314,315,316,317,322,323,324,325,335,336,337,338,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,423,424,425,426,427,491 +7396 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,117,118,119,120,121,122,138,139,140,141,142,143,159,160,161,162,163,164,181,182,183,184,185,202,203,204,205,206,210,211,224,225,226,227,229,230,231,232,233,234,235,246,247,248,249,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,323,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,361,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,491 +7397 - 15,16,17,18,19,36,37,38,39,40,41,57,58,59,60,61,62,77,78,79,80,81,82,98,99,100,101,102,103,119,120,121,122,123,140,141,142,143,144,162,163,164,165,183,184,185,186,187,190,191,192,193,194,204,205,206,207,211,212,213,214,215,216,217,225,226,227,228,229,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,252,253,254,255,259,260,261,262,268,269,270,271,272,273,274,275,276,281,282,283,284,289,290,291,292,294,295,296,297,302,303,304,305,311,312,313,314,315,316,317,318,322,323,324,325,326,333,334,335,336,337,338,339,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,491 +7398 - 119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,160,161,162,163,164,165,170,171,172,181,182,183,184,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,470,471,472,494 +7399 - 59,60,61,79,80,81,82,83,100,101,102,103,104,105,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,167,168,169,170,183,184,185,186,189,190,191,203,204,205,206,207,210,211,212,224,225,226,227,228,232,233,234,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,314,317,318,319,320,339,340,341,360,361,362,363,381,382,383,384,403,404,405,423,424,425,426,445,446,447,448,467,468,469,489 +7400 - 29,30,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,120,121,122,123,124,125,126,127,128,138,139,145,146,147,148,150,159,160,161,162,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,251,253,254,255,256,257,258,277,278,279,280,281,300,301,302,303,304,322,323,324,325,326,345,346,347,348,355,367,368,369,370,377,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,490 +7401 - 37,38,39,57,58,59,60,61,78,79,80,81,82,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,148,162,163,164,165,167,168,169,170,171,172,183,184,185,186,188,189,190,191,192,193,194,195,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,237,238,239,248,249,250,251,252,253,259,260,269,270,271,272,273,274,280,281,282,290,291,292,293,294,295,301,302,303,304,312,313,314,315,316,322,323,324,325,334,335,336,337,343,344,345,346,356,357,358,359,364,365,366,367,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,491 +7402 - 35,36,37,38,57,58,59,79,80,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +7403 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,98,99,103,104,105,106,107,125,126,127,128,129,147,148,149,150,167,168,169,170,171,172,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,310,311,312,319,320,321,322,332,333,334,340,341,342,343,344,354,355,356,357,361,362,363,364,365,376,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,488 +7404 - 67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,119,120,121,122,141,142,143,144,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,303,304,320,321,322,323,324,325,326,327,346,347,348,349,350,369,370,371,372,391,392,393,394,412,413,414,415,432,433,434,435,436,437,451,452,453,454,455,456,457,458,488 +7405 - 77,78,79,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,148,149,159,160,161,162,175,182,183,184,194,195,196,197,204,205,206,212,213,214,215,216,217,218,219,225,226,227,228,229,231,232,233,234,235,236,237,238,239,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,293,294,295,296,297,313,314,315,316,317,318,335,336,337,338,339,340,341,342,357,358,359,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,493 +7406 - 57,58,59,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,297,298,318,319,320,340,341,342,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +7407 - 98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,168,169,170,171,172,173,174,175,181,182,183,184,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,291,292,293,294,295,296,313,314,315,316,317,318,319,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,493 +7408 - 7,8,28,29,30,50,51,52,72,73,93,94,95,115,116,117,137,138,139,146,147,148,149,159,160,161,167,168,169,170,171,181,182,183,188,189,190,191,192,193,194,203,204,205,209,210,211,212,214,215,216,225,226,227,230,231,232,233,236,237,238,247,248,249,252,253,254,258,259,260,269,270,271,274,275,276,280,281,292,293,295,296,297,298,301,302,303,314,315,316,317,318,319,323,324,325,336,337,338,339,340,341,344,345,346,347,359,360,361,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,491 +7409 - 52,53,54,55,56,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,138,139,140,141,142,143,144,145,146,147,148,149,150,166,167,168,169,170,171,172,173,190,191,192,193,194,195,211,212,213,214,215,216,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,321,338,339,340,341,342,343,344,362,363,364,365,366,385,386,387,388,405,406,407,408,409,410,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +7410 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,159,160,161,162,163,181,182,183,191,202,203,204,212,213,214,223,224,225,226,234,235,236,245,246,247,255,256,257,258,267,268,269,276,277,278,279,280,289,290,291,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,323,324,335,336,337,338,339,340,341,345,346,359,360,361,367,368,389,390,411,412,433,434,455,456,477,478,494 +7411 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,148,149,150,151,152,153,159,160,161,162,171,172,173,174,175,180,181,182,183,195,196,197,202,203,204,205,218,219,224,225,226,239,240,241,245,246,247,248,260,261,262,267,268,269,281,282,283,284,289,290,291,302,303,304,305,311,312,313,323,324,325,326,327,333,334,335,344,345,346,347,348,355,356,357,358,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,446,447,448,485 +7412 - 59,60,81,82,95,103,104,116,117,118,124,125,126,138,139,140,145,146,147,148,160,161,162,167,168,169,170,182,183,184,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,299,300,301,314,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,431,432,433,452,453,454,455,475,476,477,489 +7413 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,466,467,468,486 +7414 - 52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,136,137,138,158,159,160,181,182,183,203,204,205,224,225,226,247,248,249,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,325,326,327,339,340,347,348,349,360,361,362,369,370,371,382,383,384,390,391,392,404,405,406,411,412,413,414,426,427,428,429,432,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,490 +7415 - 81,82,102,103,104,105,123,124,125,126,127,144,145,146,147,148,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,197,206,207,208,209,210,211,212,213,216,217,218,219,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,247,248,249,250,251,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,489 +7416 - 11,12,13,32,33,34,35,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,118,119,120,139,140,141,142,161,162,163,182,183,184,185,204,205,206,207,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,301,302,303,313,314,315,316,317,323,324,325,326,336,337,338,345,346,347,348,358,359,360,361,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,491 +7417 - 61,82,83,84,102,103,104,105,106,122,123,124,125,126,127,128,143,144,145,146,147,148,149,150,164,165,166,167,169,170,171,185,186,187,188,191,192,193,205,206,207,208,212,213,214,226,227,228,229,234,235,236,247,248,249,250,256,257,258,261,262,263,268,269,270,271,277,278,279,280,281,282,283,284,285,289,290,291,292,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,354,355,356,357,358,359,360,363,364,365,384,385,386,405,406,407,426,427,428,429,448,449,450,489 +7418 - 59,60,61,81,82,83,102,103,104,105,124,125,126,146,147,148,167,168,169,170,188,189,190,191,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,445,446,447,448,467,468,469,486 +7419 - 100,101,102,103,104,105,106,107,108,117,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,189,190,191,192,193,206,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +7420 - 66,81,82,83,84,88,89,90,91,92,93,98,99,100,101,102,103,104,105,106,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,168,169,170,171,189,190,191,192,193,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,389,390,391,403,404,405,406,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,469,470,471,472,492 +7421 - 30,31,32,33,52,53,54,55,56,57,74,75,76,77,78,79,80,81,97,98,99,100,101,102,103,123,124,125,144,145,146,147,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,362,363,364,365,366,378,379,382,383,384,385,386,387,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,488 +7422 - 31,32,33,34,54,55,56,76,77,78,79,98,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,448,449,450,451,486 +7423 - 58,59,60,78,79,80,81,82,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,486 +7424 - 110,111,112,113,114,115,116,117,118,119,120,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,188,189,190,191,192,193,194,198,199,214,215,216,220,221,236,237,238,258,259,260,279,280,281,282,301,302,303,322,323,324,325,344,345,346,347,366,367,368,388,389,390,409,410,411,412,431,432,433,453,454,455,475,476,477,492 +7425 - 57,58,59,60,79,80,81,82,101,102,103,104,118,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +7426 - 7,8,9,29,30,50,51,52,72,73,74,94,95,115,116,117,137,138,139,159,160,161,170,171,181,182,183,187,188,189,190,191,192,193,194,195,196,203,204,205,207,208,209,210,211,212,213,214,215,216,217,218,219,225,226,228,229,230,231,232,233,239,240,241,246,247,248,249,250,251,262,263,268,269,270,271,272,284,285,290,291,292,293,304,305,306,307,311,312,313,314,315,316,324,325,326,327,328,332,333,334,336,337,338,339,346,347,348,349,354,355,359,360,361,362,363,364,365,366,367,368,369,370,376,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +7427 - 98,99,100,101,102,106,118,119,120,121,122,123,124,125,126,127,129,139,140,141,142,143,146,147,148,149,150,151,161,162,163,168,169,170,171,172,173,182,183,184,189,190,191,192,194,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,282,283,296,297,298,299,304,305,318,319,320,321,326,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,494 +7428 - 49,50,59,60,61,70,71,72,73,81,82,83,84,91,92,93,94,95,103,104,105,106,113,114,115,116,125,126,127,128,135,136,137,138,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,191,192,193,194,200,201,202,203,208,209,210,211,213,214,215,216,222,223,224,225,229,230,231,232,233,234,235,236,237,238,244,245,246,247,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,299,300,301,302,303,304,311,312,313,314,315,316,317,322,323,324,325,326,333,334,335,336,337,338,345,346,347,348,356,357,358,359,367,368,369,370,379,389,390,391,392,411,412,413,414,433,434,435,436,437,456,457,458,459,460,479,480,481,489 +7429 - 35,36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,486 +7430 - 57,58,79,80,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,451,471,472,473,486 +7431 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,125,126,127,128,148,149,150,170,171,172,173,191,192,193,194,212,213,214,215,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,325,326,327,328,333,334,335,336,338,339,340,341,342,348,349,350,354,355,356,357,358,359,360,361,362,371,372,375,376,377,378,379,380,381,382,397,398,399,400,401,402,403,419,420,421,422,423,424,441,442,443,444,487 +7432 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,68,69,70,71,76,77,78,79,90,91,99,100,101,102,112,113,122,123,124,134,135,145,146,147,167,168,169,190,191,212,213,214,234,235,236,256,257,258,278,279,280,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,336,337,343,344,345,346,347,358,359,365,366,367,368,369,370,380,381,382,386,387,388,391,392,393,403,404,405,407,408,409,410,414,415,416,417,425,426,427,428,429,430,431,438,439,449,450,451,487 +7433 - 57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,316,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +7434 - 77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,146,147,148,149,157,158,159,160,161,162,163,168,169,170,171,177,178,179,180,181,182,183,190,191,192,199,200,201,202,203,211,212,213,214,221,222,223,233,234,235,254,255,256,257,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,487 +7435 - 35,36,37,56,57,58,59,77,78,79,80,81,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,147,148,149,150,151,170,171,172,191,192,193,194,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,308,309,310,320,321,322,330,331,332,333,342,343,344,353,354,355,356,363,364,365,366,376,377,378,379,380,381,385,386,387,399,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,488 +7436 - 53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,118,119,120,123,139,140,141,159,160,161,162,163,181,182,183,184,185,203,204,205,206,207,208,209,210,227,228,229,230,231,232,233,252,253,254,255,256,276,277,278,279,299,300,301,302,322,323,324,344,345,346,367,368,388,389,390,408,409,410,411,412,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,490 +7437 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,147,148,149,150,160,161,162,169,170,171,172,181,182,183,190,191,192,193,194,203,204,205,212,213,214,215,216,225,226,227,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,494 +7438 - 35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +7439 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,128,138,139,140,141,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,234,235,236,255,256,257,258,272,273,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,357,358,359,360,361,362,363,368,369,370,371,372,375,376,377,378,379,380,381,382,383,392,393,394,397,398,399,400,401,402,403,415,416,421,487 +7440 - 94,95,96,97,116,117,118,119,120,121,122,138,139,140,141,142,143,144,145,146,147,160,161,164,165,166,167,168,169,182,183,184,189,190,191,192,204,205,206,212,213,214,226,227,228,234,235,236,249,250,251,256,257,269,271,272,273,277,278,279,292,293,294,295,299,300,301,314,315,316,317,321,322,343,344,365,366,387,388,409,410,431,432,453,454,474,475,476,492 +7441 - 104,105,106,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,190,191,192,193,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,492 +7442 - 52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,123,124,125,136,137,138,145,146,147,158,159,166,167,168,169,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,298,316,317,318,319,320,321,322,323,340,341,342,343,344,345,346,347,364,365,366,367,368,369,387,388,389,390,391,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,488 +7443 - 100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,168,169,170,171,181,182,183,184,185,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +7444 - 73,74,75,84,85,86,94,95,96,97,105,106,107,108,115,116,117,118,119,126,127,128,129,136,137,138,139,140,147,148,149,150,151,158,159,160,161,169,170,171,172,179,180,181,182,191,192,193,194,201,202,203,204,212,213,214,215,216,222,223,224,225,234,235,236,237,244,245,246,247,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,320,321,322,323,324,334,335,336,342,343,344,345,346,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,473,474,475,489 +7445 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,169,170,171,172,173,182,183,184,185,191,192,193,194,195,203,204,205,206,212,213,214,215,216,225,226,227,234,235,236,237,246,247,248,249,255,256,257,258,268,269,270,271,272,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +7446 - 33,34,35,36,54,55,56,57,58,75,76,77,78,96,97,98,99,118,119,120,139,140,141,142,161,162,163,183,184,185,205,206,207,208,228,229,230,231,232,250,251,252,253,254,255,273,274,275,276,277,278,279,297,298,299,300,301,321,322,323,342,343,344,345,364,365,366,367,381,385,386,387,388,402,403,406,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,490 +7447 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,190,191,192,193,194,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +7448 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,98,99,100,101,102,116,121,122,123,124,145,146,147,167,168,169,190,191,192,193,208,209,210,211,212,213,214,215,216,217,218,219,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,278,279,283,284,285,290,291,292,293,299,300,301,311,312,313,314,319,320,321,322,323,333,334,335,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,421,422,423,424,425,443,444,445,446,487 +7449 - 78,79,80,81,82,83,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,148,149,150,151,152,161,162,163,164,165,166,167,172,173,174,182,183,184,185,186,194,195,196,203,204,205,206,216,217,218,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,267,268,269,280,281,282,283,288,289,290,291,301,302,303,304,310,311,312,321,322,323,324,325,331,332,333,334,342,343,344,345,346,353,354,355,356,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,419,420,421,422,423,424,425,426,427,443,444,445,446,485 +7450 - 54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,184,185,186,189,190,206,207,208,211,212,213,228,229,230,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,489 +7451 - 80,81,82,100,101,102,103,104,122,123,124,125,126,142,143,144,145,146,147,148,163,164,165,166,167,168,169,183,184,185,186,187,189,190,191,204,205,206,207,210,211,212,225,226,227,228,231,232,233,245,246,247,248,249,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,318,319,339,340,341,361,362,363,383,384,385,405,406,489 +7452 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,125,126,127,128,136,137,138,139,140,141,142,148,149,150,151,158,159,160,162,163,164,171,172,173,180,181,182,184,185,193,194,195,201,202,203,204,215,216,217,223,224,225,226,238,239,245,246,247,248,260,261,267,268,269,270,282,283,289,290,291,292,304,305,312,313,314,315,325,326,327,334,335,336,337,347,348,349,357,358,359,360,368,369,370,371,380,381,382,383,390,391,392,402,403,404,405,406,410,411,412,413,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,472,473,474,475,476,485 +7453 - 106,107,108,109,125,126,127,128,129,130,131,142,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,247,248,249,250,251,269,270,271,272,273,274,291,292,293,294,295,296,297,317,318,319,339,340,341,342,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,490 +7454 - 53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,191,192,193,194,204,205,206,207,208,209,210,213,214,215,216,225,226,227,228,229,230,231,232,234,235,236,237,238,247,248,249,250,251,252,256,257,258,259,260,269,270,271,272,273,278,279,280,281,291,292,293,294,295,299,300,301,302,303,313,314,315,316,320,321,322,323,324,335,336,337,338,341,342,343,344,345,346,357,358,359,360,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,485 +7455 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,150,151,160,161,162,163,168,169,170,171,172,182,183,184,190,191,192,193,194,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,246,247,248,249,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,494 +7456 - 27,28,29,30,31,49,50,51,54,55,56,71,72,75,76,77,78,79,93,94,95,99,100,101,102,115,116,117,123,124,125,138,139,146,147,148,160,161,162,168,169,170,182,183,184,185,190,191,192,205,206,207,208,212,213,214,228,229,230,231,234,235,252,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,322,339,340,341,342,343,344,345,360,361,362,365,366,367,381,382,383,384,388,389,402,403,404,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +7457 - 58,59,60,61,80,81,82,83,84,89,102,103,104,105,111,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,405,422,423,424,425,426,444,445,446,447,466,467,468,486 +7458 - 35,36,37,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,126,127,128,137,138,139,140,141,142,148,149,150,151,158,159,160,161,171,172,173,179,180,181,182,193,194,195,196,200,201,202,203,204,215,216,217,218,222,223,224,225,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,302,303,304,305,306,309,310,311,323,324,325,326,327,331,332,333,344,345,346,347,348,353,354,355,356,357,360,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,485 +7459 - 58,59,60,79,80,81,82,83,100,101,102,103,104,105,120,121,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,444,445,446,447,466,467,468,486 +7460 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,142,145,146,147,148,166,167,168,169,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,294,295,296,297,298,299,300,320,321,322,343,344,345,366,367,388,389,401,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +7461 - 108,109,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,226,227,228,229,248,249,250,251,270,271,272,273,274,294,295,296,297,317,318,319,320,340,341,342,343,356,357,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,425,426,427,428,490 +7462 - 70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,169,170,171,172,173,178,179,180,181,182,192,193,194,195,196,200,201,202,203,215,216,217,218,219,222,223,224,225,237,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,283,284,285,288,289,290,291,292,304,305,306,307,311,312,313,314,325,326,327,328,329,333,334,335,336,337,347,348,349,350,351,356,357,358,359,360,361,362,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,485 +7463 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,127,138,139,140,141,147,148,149,150,160,161,162,169,170,171,172,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,494 +7464 - 48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,319,337,338,339,340,350,351,359,360,361,362,371,372,373,381,382,383,384,385,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,473,474,487 +7465 - 58,59,60,80,81,82,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,213,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,467,468,486 +7466 - 99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,130,137,139,140,141,142,151,152,153,158,159,160,161,162,174,175,179,180,182,183,184,185,196,197,200,201,202,205,206,207,208,209,210,211,212,213,214,215,216,218,219,222,223,229,230,231,232,233,234,235,240,241,244,245,262,263,266,267,283,284,288,289,304,305,306,310,311,325,326,327,332,333,346,347,348,354,355,356,366,367,368,377,378,379,380,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,485 +7467 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,79,80,81,82,83,84,85,103,104,105,106,125,126,127,128,129,146,147,148,149,150,165,166,167,168,169,170,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,254,255,256,257,276,277,278,279,280,290,291,298,299,300,301,311,312,313,320,321,322,332,333,334,341,342,343,344,354,355,356,362,363,364,365,376,377,378,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,488 +7468 - 52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,139,140,141,159,160,161,162,163,181,182,183,184,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,278,279,280,281,301,302,303,323,324,325,345,346,347,367,368,369,378,379,388,389,390,400,401,408,409,410,411,412,422,423,424,425,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +7469 - 81,82,83,101,102,103,104,105,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,211,212,213,226,227,228,229,230,232,233,234,235,236,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,319,320,321,340,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,489 +7470 - 24,25,26,27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,97,98,99,100,101,102,122,123,124,144,145,146,165,166,167,168,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,348,368,369,370,381,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,488 +7471 - 34,35,36,37,38,55,56,57,58,59,60,61,77,78,79,80,81,82,83,100,102,103,104,105,124,125,126,127,146,147,148,167,168,169,170,188,189,190,191,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,277,278,279,280,299,300,301,320,321,322,323,333,334,335,342,343,344,354,355,356,357,362,363,364,365,376,377,378,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +7472 - 55,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,147,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,448,449,450,451,472,473,474,486 +7473 - 35,36,37,38,57,58,59,60,79,80,81,82,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +7474 - 58,59,60,79,80,81,82,101,102,103,104,117,118,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,203,204,205,206,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,489 +7475 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,125,126,140,141,142,143,147,148,149,161,162,163,169,170,171,182,183,184,185,191,192,193,204,205,206,212,213,214,226,227,228,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,494 +7476 - 30,31,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,146,147,148,149,150,151,158,159,160,161,170,171,172,173,180,181,182,192,193,194,195,196,201,202,203,215,216,217,218,223,224,225,238,239,240,245,246,247,260,261,262,267,268,269,282,283,284,289,290,291,303,304,305,306,311,312,313,324,325,326,327,333,334,335,345,346,347,348,349,355,356,357,358,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,448,449,450,451,452,485 +7477 - 59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,468,469,470,486 +7478 - 35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,145,146,147,148,159,160,161,162,163,164,166,167,168,169,170,181,182,183,184,185,188,189,190,191,192,202,203,204,205,206,210,211,212,213,224,225,226,227,232,233,234,235,246,247,248,249,254,255,256,268,269,270,275,276,277,278,289,290,291,292,293,294,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,408,409,410,430,431,432,452,453,489 +7479 - 57,58,59,60,61,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,149,150,151,152,162,163,164,165,166,171,172,173,174,183,184,185,186,194,195,196,204,205,206,207,216,217,218,225,226,227,228,238,239,240,246,247,248,249,260,261,262,267,268,269,270,281,282,283,284,288,289,290,291,303,304,305,310,311,312,313,323,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,364,365,366,367,368,375,376,377,378,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,485 +7480 - 30,31,32,33,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,123,124,125,126,127,128,129,147,148,149,150,168,169,170,171,188,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,358,359,360,379,380,381,382,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,487 +7481 - 97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,296,297,298,299,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +7482 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,248,249,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,312,313,314,315,316,317,327,328,333,334,335,336,337,338,339,341,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,487 +7483 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,470,492 +7484 - 8,9,10,29,30,31,50,51,52,72,73,74,93,94,95,115,116,117,137,138,158,159,160,169,170,171,172,180,181,182,189,190,191,192,193,194,195,202,203,204,210,211,212,213,214,216,217,224,225,226,232,233,234,238,239,246,247,248,253,254,255,260,261,268,269,270,274,275,276,277,282,283,290,291,292,296,297,298,304,305,312,313,314,317,318,319,325,326,327,334,335,336,337,339,340,341,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +7485 - 56,57,58,59,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,146,147,148,149,150,151,158,159,160,161,162,171,172,173,179,180,181,182,193,194,195,196,201,202,203,217,218,222,223,224,239,240,243,244,245,261,262,265,266,267,283,284,287,288,305,306,309,310,326,327,328,331,332,348,349,353,354,369,370,371,375,376,377,389,390,391,392,397,398,399,400,410,411,412,413,420,421,422,423,424,425,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,455,485 +7486 - 70,71,72,73,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,164,165,166,167,168,180,181,182,188,189,190,202,203,204,211,212,223,224,225,226,233,234,235,245,246,247,248,255,256,257,267,268,269,277,278,279,290,291,300,301,318,319,320,321,322,323,324,325,326,340,341,342,343,344,345,346,347,348,349,362,363,364,365,366,367,368,369,370,371,385,386,387,388,389,390,391,411,412,413,433,434,435,436,456,457,458,478,479,480,481,492 +7487 - 38,39,40,60,61,62,81,82,83,84,102,103,104,105,106,123,124,125,126,128,144,145,146,147,148,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,336,337,338,339,357,358,359,360,361,379,380,381,382,383,400,401,402,403,404,421,422,423,424,425,426,427,443,444,445,446,447,486 +7488 - 31,32,33,52,53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +7489 - 59,60,61,62,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,128,129,140,141,142,143,144,145,146,147,150,151,163,164,168,172,173,194,195,215,216,217,236,237,238,248,249,257,258,259,268,269,270,271,272,273,277,278,279,280,288,289,290,291,292,293,294,295,297,298,299,300,301,309,310,311,312,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,384,385,386,387,407,408,409,410,411,412,416,430,431,432,433,434,435,436,437,438,487 +7490 - 113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,168,169,170,190,191,192,212,213,233,234,235,255,256,257,276,277,278,279,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,471,472,473,492 +7491 - 34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,59,60,61,62,63,72,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,106,107,116,117,118,119,127,128,129,148,149,150,151,167,168,169,170,171,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,238,239,250,251,252,253,254,260,261,282,283,304,305,308,309,310,311,312,326,327,330,331,332,333,334,335,348,349,352,353,354,355,356,357,358,359,360,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,488 +7492 - 56,57,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,145,146,162,163,164,165,167,168,183,184,185,186,188,189,190,204,205,206,207,211,212,225,226,227,228,229,233,234,246,247,248,249,250,255,256,268,269,270,271,272,273,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,335,338,339,341,342,343,344,345,346,366,367,368,388,389,390,410,411,412,433,434,455,456,457,478,479,489 +7493 - 42,43,63,64,65,84,85,86,87,105,106,107,108,126,127,128,129,136,137,138,139,147,148,149,150,158,159,160,161,169,170,171,180,181,182,190,191,192,193,201,202,203,211,212,213,214,215,223,224,225,232,233,234,235,245,246,247,248,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,359,360,361,362,381,382,383,402,403,404,423,424,425,426,445,446,447,489 +7494 - 6,7,8,28,29,30,50,51,52,71,72,73,93,94,95,96,97,114,115,116,117,118,119,120,121,122,136,137,138,139,140,141,142,143,144,145,158,159,160,163,164,165,166,167,168,187,188,189,190,191,192,210,211,212,213,214,233,234,235,236,237,257,258,259,270,279,280,281,282,291,292,302,303,304,313,314,315,324,325,326,336,337,346,347,348,358,359,360,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,490 +7495 - 165,166,167,168,169,170,171,172,173,174,175,187,188,189,190,191,192,193,194,195,196,197,208,209,210,228,229,230,231,232,248,249,250,251,252,253,254,267,268,270,271,272,273,275,276,289,290,297,298,311,312,318,319,320,333,334,335,336,337,338,339,340,341,356,357,358,359,360,361,362,363,490 +7496 - 9,10,11,30,31,32,33,34,52,53,54,55,56,76,77,78,79,99,100,101,102,122,123,124,144,145,146,147,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,254,255,256,257,272,277,278,279,280,291,300,301,302,312,313,322,323,324,333,334,335,343,344,345,356,357,358,359,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,488 +7497 - 96,97,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,192,193,194,195,196,199,200,201,202,203,214,215,216,217,218,221,222,223,224,236,237,238,239,258,259,260,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,468,469,470,471,492 +7498 - 40,41,61,62,63,82,83,84,104,105,106,119,120,125,126,127,140,141,142,147,148,149,161,162,163,168,169,170,182,183,184,185,190,191,192,204,205,206,211,212,213,225,226,227,228,233,234,235,246,247,248,249,255,256,257,268,269,270,276,277,278,279,290,291,292,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,385,386,406,407,408,428,429,430,451,452,489 +7499 - 43,64,65,86,87,98,99,100,101,102,109,118,119,120,121,122,123,124,131,140,141,142,143,144,145,146,152,153,161,162,173,174,175,182,183,194,195,196,204,205,215,216,217,226,227,236,237,238,248,249,255,256,257,258,259,271,272,276,277,278,279,280,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,355,356,357,358,360,361,362,377,378,379,380,383,384,400,401,402,403,405,406,423,424,425,426,427,428,446,447,448,449,493 +7500 - 32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,116,117,124,125,126,146,147,148,168,169,170,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,275,276,277,278,279,280,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,318,319,320,321,322,323,324,325,326,333,334,335,339,340,341,342,343,345,346,347,348,349,355,356,357,360,361,362,363,364,369,370,371,378,379,380,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,446,447,448,487 +7501 - 96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,173,174,178,179,180,181,195,196,197,200,201,202,217,218,219,222,223,224,237,238,239,240,241,244,245,246,247,248,249,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,321,322,323,324,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,472,494 +7502 - 74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,181,182,183,184,185,204,205,206,207,208,209,226,227,228,229,230,231,232,250,251,252,253,254,255,273,274,275,276,277,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,379,385,386,387,401,402,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +7503 - 121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,190,194,195,196,204,205,206,207,208,209,210,211,212,217,218,224,225,226,227,228,229,238,239,240,245,246,247,261,262,265,266,267,268,282,283,284,287,288,289,304,305,306,309,310,324,325,326,327,331,332,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,485 +7504 - 37,38,39,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,139,140,141,161,162,163,183,184,185,186,187,188,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,278,279,280,300,301,302,322,323,324,344,345,346,358,359,365,366,367,368,380,381,382,383,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +7505 - 62,63,64,65,84,85,86,87,104,105,106,107,108,109,126,127,128,129,130,131,146,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,356,357,358,359,360,378,379,380,381,398,399,400,401,402,403,420,421,422,423,424,425,442,443,444,445,464,465,466,467,486 +7506 - 53,54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,100,101,102,103,104,118,119,120,123,124,125,126,140,141,142,145,146,147,148,149,162,163,166,167,168,169,170,184,185,187,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,364,365,366,380,381,382,387,388,403,404,409,410,425,426,427,430,431,432,448,449,450,451,452,453,454,471,472,473,474,493 +7507 - 82,83,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,150,151,162,163,164,165,171,172,173,193,194,214,215,216,236,237,256,257,258,259,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,367,368,369,390,391,487 +7508 - 11,12,13,33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,124,125,126,139,140,141,142,147,148,161,162,163,169,170,182,183,184,185,191,192,193,204,205,206,214,215,225,226,227,236,237,246,247,248,249,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,344,345,346,356,357,358,359,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,485 +7509 - 50,51,52,53,56,57,58,59,60,61,62,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,127,128,129,130,148,149,150,168,169,170,171,172,189,190,191,192,193,194,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,303,304,311,312,325,326,331,332,333,334,346,347,348,353,354,355,356,368,369,370,375,376,377,378,379,390,391,392,397,398,399,400,401,402,412,413,414,419,420,421,422,423,424,425,432,433,434,435,441,442,443,444,445,446,447,448,453,454,455,456,464,465,466,467,468,469,470,471,474,475,476,477,478,488 +7510 - 7,8,9,28,29,30,31,32,49,50,51,52,53,71,72,73,74,92,93,94,95,114,115,116,135,136,137,138,147,148,149,150,157,158,159,166,167,168,169,170,171,172,173,179,180,181,187,188,189,190,191,192,193,194,195,201,202,203,208,209,210,211,212,213,214,215,216,217,218,223,224,225,229,230,231,232,233,234,235,236,237,238,239,240,245,246,247,251,252,253,254,260,261,262,267,268,269,273,274,275,281,282,283,284,290,291,295,296,297,302,303,304,305,312,313,314,317,318,319,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +7511 - 65,85,86,87,107,108,109,128,129,130,131,139,140,149,150,151,152,159,160,161,162,170,171,172,173,180,181,182,183,184,191,192,193,194,202,203,204,213,214,215,223,224,225,234,235,236,245,246,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,450,468,469,470,471,489 +7512 - 32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,105,118,119,120,121,125,126,127,141,142,143,148,149,150,163,164,165,171,172,185,186,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,299,300,313,314,315,316,317,320,321,322,335,336,337,338,342,343,344,356,357,358,359,363,364,365,379,380,381,383,384,385,386,387,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,493 +7513 - 97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,192,193,194,195,196,197,200,201,202,203,204,205,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,259,260,261,262,280,281,282,283,300,301,302,303,304,322,323,324,325,343,344,345,346,363,364,365,366,385,386,387,388,406,407,408,409,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +7514 - 32,33,34,35,53,54,55,56,57,58,59,60,75,76,79,80,81,82,83,97,98,102,103,118,119,120,121,140,141,142,143,162,163,164,183,184,185,205,206,227,228,229,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,300,301,322,323,324,344,345,346,359,360,366,367,368,380,381,382,388,389,390,402,403,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,490 +7515 - 55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,126,127,128,131,138,139,148,152,153,160,161,162,173,174,175,182,183,184,194,195,196,197,204,205,206,214,215,216,217,218,219,227,228,235,236,237,238,239,249,250,251,255,256,257,258,259,260,271,272,273,274,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,377,378,379,380,381,385,386,399,400,401,407,408,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,470,471,472,473,493 +7516 - 31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,81,82,83,96,103,104,105,125,126,127,147,148,149,169,170,171,191,192,212,213,214,234,235,236,255,256,257,276,277,278,279,291,292,293,294,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,356,357,361,362,363,364,378,379,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,410,412,423,424,425,426,427,430,431,432,433,434,447,453,454,455,456,487 +7517 - 97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,173,174,179,180,181,193,194,195,196,201,202,203,214,215,216,217,218,223,224,225,234,235,236,237,238,239,240,245,246,247,248,249,250,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,316,317,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,468,469,470,471,494 +7518 - 12,34,54,55,56,75,76,77,78,80,81,96,97,98,99,102,103,104,118,119,120,121,124,125,126,139,140,141,142,143,146,147,148,160,161,162,163,164,168,169,170,182,183,184,185,186,190,191,192,204,205,206,207,212,213,214,227,228,229,230,235,236,237,249,250,251,252,256,257,258,259,271,272,273,274,278,279,280,281,293,294,295,296,299,300,301,302,303,315,316,317,318,321,322,323,324,325,337,338,339,340,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,427,428,429,430,485 +7519 - 99,100,101,120,121,122,123,124,126,127,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,194,195,196,203,204,205,217,218,224,225,226,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,288,289,304,305,306,309,310,325,326,327,331,332,345,346,347,348,353,354,365,366,367,368,375,376,377,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,485 +7520 - 28,29,30,31,32,50,51,52,53,54,55,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,143,144,145,146,147,160,161,162,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,432,433,434,435,436,437,456,457,458,487 +7521 - 36,40,41,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,107,108,114,115,116,117,118,119,120,121,128,129,130,136,137,138,139,140,149,150,151,152,169,170,171,172,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,216,217,229,230,231,232,233,237,238,239,251,252,260,261,267,268,283,288,289,290,305,306,310,311,312,325,326,327,331,332,333,334,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,488 +7522 - 57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,125,126,138,139,140,141,142,160,161,162,182,183,184,203,204,205,206,225,226,227,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,299,300,301,302,312,313,314,315,321,322,323,324,335,343,344,345,346,365,366,367,368,386,387,388,389,404,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +7523 - 63,64,65,84,85,86,105,106,107,108,126,127,128,129,140,141,142,147,148,149,150,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,202,203,204,205,210,211,212,224,225,226,231,232,233,246,247,248,249,250,253,254,255,268,269,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,325,337,338,339,340,344,345,346,347,358,359,360,368,380,381,382,401,402,403,423,424,425,444,445,446,466,467,468,489 +7524 - 7,8,9,29,30,31,51,52,53,73,74,75,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,171,172,173,181,182,183,184,191,192,193,194,195,196,203,204,205,206,212,213,214,215,216,217,218,219,225,226,227,228,233,234,235,236,237,238,239,240,241,246,247,248,249,253,254,255,256,257,261,262,263,268,269,270,271,274,275,276,277,278,282,283,284,290,291,292,293,296,297,298,299,303,304,305,306,312,313,314,315,317,318,319,320,321,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,404,405,406,407,491 +7525 - 94,95,96,115,116,117,118,119,120,136,137,138,140,141,142,143,144,145,146,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,178,179,180,181,182,183,184,189,190,191,192,193,194,195,196,197,200,201,202,203,204,215,216,217,218,222,223,224,236,237,238,239,256,257,258,259,260,277,278,279,280,281,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,403,404,405,406,425,426,427,446,447,448,467,468,469,492 +7526 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,71,72,73,74,75,78,79,80,93,94,95,101,102,115,122,123,124,143,144,145,163,164,165,166,167,184,185,186,187,188,207,208,209,210,211,212,231,232,233,234,235,255,256,257,258,278,279,280,301,302,323,324,345,346,367,368,379,388,389,390,401,402,403,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,488 +7527 - 78,79,80,81,95,96,97,98,99,100,101,102,103,104,109,116,117,118,119,120,121,122,123,124,125,126,130,131,137,138,139,152,153,160,161,173,174,175,183,184,194,195,196,205,206,207,215,216,217,218,228,229,230,235,236,237,238,239,251,252,255,256,257,258,259,260,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,333,334,335,336,337,338,340,341,355,356,357,362,363,377,378,379,380,384,385,400,401,402,403,404,405,406,407,424,425,426,427,428,493 +7528 - 13,14,15,35,36,37,38,55,56,57,58,59,77,78,79,80,81,97,98,99,100,101,102,119,120,121,122,123,141,142,143,144,162,163,164,165,166,183,184,185,186,187,205,206,207,208,209,227,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,318,320,321,322,323,337,338,339,340,341,343,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +7529 - 73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,125,126,127,135,136,148,149,157,158,170,171,173,179,180,181,194,195,196,202,203,204,205,215,216,217,218,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,276,277,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,494 +7530 - 53,54,55,74,75,76,77,78,95,96,97,98,99,100,105,116,117,118,121,122,125,126,127,128,137,138,139,143,144,145,146,147,148,149,159,160,161,164,165,166,167,168,169,170,181,182,183,186,187,188,189,190,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,295,296,297,300,301,302,317,318,322,323,324,339,340,344,345,346,361,362,366,367,368,383,384,388,389,390,405,406,409,410,411,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +7531 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,159,160,161,162,169,170,171,181,182,183,191,192,193,202,203,204,212,213,214,215,224,225,232,233,234,235,236,246,247,248,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,494 +7532 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,161,167,168,169,170,189,190,191,192,211,212,213,232,233,234,254,255,256,275,276,277,278,297,298,299,319,320,340,341,342,361,362,363,382,383,384,385,404,405,406,426,427,428,447,448,449,469,470,471,472,492 +7533 - 116,117,118,119,120,121,122,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,191,192,193,194,201,202,203,204,205,213,214,215,223,224,225,226,234,235,236,237,245,246,247,255,256,257,258,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +7534 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,142,143,144,145,146,147,148,149,150,151,157,158,159,160,170,171,172,173,174,178,179,180,181,193,194,195,196,197,200,201,202,216,217,218,219,222,223,224,238,239,240,241,244,245,246,260,261,262,263,266,267,268,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,336,337,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,485 +7535 - 102,103,104,105,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,171,172,173,174,181,182,183,184,185,186,187,188,189,190,194,195,196,202,203,204,205,206,207,208,209,210,211,216,217,218,223,224,225,226,227,228,238,239,240,244,245,246,247,248,260,261,262,266,267,268,269,281,282,283,287,288,289,303,304,305,309,310,324,325,326,331,332,344,345,346,347,353,354,355,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,485 +7536 - 53,54,74,75,76,96,97,98,102,103,117,118,119,120,124,125,126,139,140,141,146,147,148,160,161,162,163,167,168,169,170,182,183,184,189,190,191,204,205,206,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,472,473,489 +7537 - 96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,168,169,170,171,180,181,191,192,193,194,202,203,214,215,216,217,224,225,226,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,277,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,385,386,387,406,407,408,409,427,428,429,448,449,450,451,470,471,472,494 +7538 - 37,38,39,58,59,60,79,80,81,101,102,103,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,486 +7539 - 119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,175,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,204,205,206,207,208,209,210,214,216,217,218,219,225,226,227,228,229,238,239,240,246,247,248,249,250,260,261,262,267,268,269,270,282,283,284,288,289,290,291,303,304,305,306,310,311,312,325,326,327,332,333,346,347,348,349,351,354,355,367,368,369,370,376,377,386,387,388,389,390,391,398,399,400,401,402,404,405,406,407,408,409,410,411,412,417,421,422,423,424,425,426,427,428,429,430,431,439,485 +7540 - 11,12,32,33,34,54,55,56,57,75,76,77,78,79,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,208,209,210,211,225,230,231,232,233,253,254,255,256,275,276,277,278,297,298,299,300,301,320,321,322,323,324,336,337,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,437,486 +7541 - 39,40,41,60,61,62,63,82,83,84,85,103,104,105,106,124,125,126,127,145,146,147,148,166,167,168,169,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,336,337,338,339,357,358,359,360,377,378,379,380,381,399,400,401,402,420,421,422,423,424,442,443,444,486 +7542 - 4,5,26,27,47,48,49,69,70,71,90,91,92,93,102,103,104,105,106,107,112,113,114,123,124,125,126,127,128,129,130,134,135,136,144,145,146,147,148,149,150,151,152,153,156,157,158,165,166,167,168,173,174,175,178,179,180,186,187,188,189,195,196,197,200,201,202,208,209,210,217,218,219,222,223,224,229,230,231,232,239,240,241,244,245,246,251,252,253,261,262,263,266,267,268,273,274,275,282,283,284,288,289,290,291,295,296,297,304,305,306,311,312,313,317,318,319,325,326,327,333,334,335,336,339,340,341,346,347,348,356,357,358,361,362,363,367,368,369,378,379,380,381,383,384,385,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,491 +7543 - 144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,194,195,197,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,255,256,277,278,289,290,291,299,300,311,312,313,314,315,320,321,322,334,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,490 +7544 - 12,13,14,15,16,32,33,34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,121,139,140,141,142,162,163,164,184,185,186,187,206,207,208,209,210,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,259,260,275,276,277,278,279,280,281,282,301,302,303,304,322,323,324,325,326,342,343,344,345,346,347,355,356,357,358,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,490 +7545 - 76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,131,138,139,140,150,151,152,153,160,161,172,173,174,175,181,182,183,194,195,196,197,204,205,215,216,217,218,226,227,228,235,236,237,238,239,249,250,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,355,356,357,358,359,360,361,362,377,378,382,383,384,399,400,401,404,405,406,421,422,423,424,425,426,427,428,444,445,446,447,448,449,450,468,469,470,471,493 +7546 - 12,13,33,34,35,55,56,77,78,98,99,100,120,121,141,142,143,163,164,184,185,186,188,189,190,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,257,258,259,271,272,273,274,280,281,293,294,301,302,315,316,322,323,324,336,337,338,343,344,345,358,359,360,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,426,427,428,429,491 +7547 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,109,116,117,118,119,120,121,122,123,124,125,130,131,138,139,140,141,152,153,160,161,162,173,174,175,182,183,184,193,194,195,196,197,204,205,206,207,213,214,215,216,217,218,227,228,229,232,233,234,235,236,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,312,313,314,317,318,319,334,335,340,341,342,355,356,357,362,363,364,377,378,379,384,385,399,400,401,406,407,421,422,423,427,428,444,445,447,448,449,450,493 +7548 - 6,7,8,9,10,11,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,75,76,77,78,79,80,81,100,101,102,103,123,124,125,126,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,340,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,487 +7549 - 140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,184,185,186,187,188,189,195,196,197,204,205,206,207,208,209,218,219,225,226,227,228,229,240,241,245,246,247,248,249,250,262,263,267,268,269,270,284,285,288,289,290,291,305,306,307,310,311,312,326,327,328,332,333,347,348,349,350,354,355,369,370,371,376,377,390,391,392,398,399,400,401,402,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,485 +7550 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,123,124,125,126,139,140,141,145,146,147,148,160,161,162,166,167,168,169,170,171,182,183,184,187,188,189,190,191,192,204,205,206,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,494 +7551 - 102,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,194,195,196,199,200,201,202,217,218,221,222,223,238,239,240,243,244,258,259,260,261,262,265,266,279,280,281,282,283,287,288,289,290,297,300,301,302,303,311,312,313,314,317,318,319,320,321,322,323,324,339,341,342,343,344,345,363,364,365,366,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,494 +7552 - 52,53,59,60,73,74,75,80,81,82,95,96,97,102,103,104,117,118,124,125,126,139,140,146,147,148,160,161,162,167,168,169,170,182,183,184,189,190,191,192,204,205,206,211,212,213,214,225,226,227,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,321,322,323,343,344,365,366,387,388,409,410,430,431,432,452,453,454,474,475,476,489 +7553 - 16,17,18,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,105,106,107,118,119,120,121,122,126,127,128,129,141,147,148,149,150,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,215,236,237,238,259,260,281,282,286,287,288,289,290,302,303,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,352,353,354,355,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,387,388,389,399,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,488 +7554 - 34,35,55,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,447,448,449,450,486 +7555 - 54,55,56,57,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,128,129,130,150,151,152,171,172,173,193,194,195,215,216,217,236,237,238,239,245,246,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,381,382,383,384,487 +7556 - 7,8,9,10,29,30,31,32,51,52,53,54,73,74,75,76,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,204,205,206,207,226,227,228,235,248,249,250,251,255,256,257,258,270,271,272,273,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,324,325,326,337,338,339,340,341,346,347,348,360,361,362,363,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412,491 +7557 - 116,120,121,122,130,131,137,138,139,140,141,142,143,144,145,146,147,148,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,185,192,193,194,195,196,197,201,202,203,204,205,214,215,216,217,218,224,225,235,236,237,238,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,423,424,425,426,445,446,447,466,467,468,492 +7558 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,91,92,93,94,95,113,114,115,135,136,157,158,159,179,180,181,182,202,203,204,205,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,283,303,304,305,325,326,327,328,347,348,349,350,369,370,371,372,382,383,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,490 +7559 - 75,76,79,82,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,126,127,128,131,139,140,141,152,153,161,162,163,173,174,175,183,184,185,194,195,196,197,206,207,214,215,216,217,218,228,229,230,235,236,237,238,239,251,252,255,256,257,258,259,260,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,355,356,357,358,361,362,377,378,383,384,399,400,401,403,404,405,406,422,423,424,425,426,427,445,446,447,493 +7560 - 30,31,32,51,52,53,54,55,74,75,76,77,96,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +7561 - 63,64,65,84,85,86,87,105,106,107,108,109,126,127,128,129,130,137,138,139,146,147,148,149,150,158,159,160,161,162,168,169,170,171,179,180,181,182,183,184,189,190,191,192,200,201,202,210,211,212,213,222,223,232,233,234,244,245,246,247,253,254,255,256,266,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,338,339,340,341,345,346,347,348,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,445,446,447,466,467,468,489 +7562 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,137,138,139,143,144,145,146,159,160,161,166,167,168,180,181,182,188,189,190,202,203,204,209,210,211,212,224,225,226,229,230,231,232,233,234,247,248,249,250,251,252,255,256,257,269,270,271,272,273,277,278,279,300,301,322,323,344,345,366,367,368,388,389,390,411,412,433,434,455,456,476,477,478,494 +7563 - 15,16,17,18,35,36,37,38,39,56,57,58,59,77,78,79,80,98,99,100,119,120,121,140,141,161,162,163,182,183,184,203,204,205,225,226,237,246,247,256,257,258,259,260,261,267,268,269,276,277,278,279,280,281,282,283,289,290,296,297,298,299,300,301,304,305,311,312,317,318,319,320,325,326,327,332,333,338,339,340,341,346,347,348,354,355,360,361,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,491 +7564 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,80,81,96,97,98,99,102,103,104,118,119,120,124,125,126,140,141,142,146,147,162,163,164,167,168,169,184,185,186,188,189,190,206,207,208,209,210,211,229,230,231,232,236,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,294,295,296,297,298,299,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,385,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,448,449,450,451,493 +7565 - 63,64,84,85,86,105,106,107,127,128,129,148,149,150,162,163,169,170,171,183,184,185,190,191,192,203,204,205,206,207,208,211,212,213,225,226,227,232,233,234,235,247,248,253,254,255,256,269,270,271,275,276,277,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,338,339,340,359,360,361,362,381,382,383,402,403,404,424,425,445,446,447,468,469,489 +7566 - 7,8,9,10,11,12,13,14,29,30,31,32,33,34,35,36,57,58,80,102,103,124,125,146,147,168,169,189,190,211,212,233,234,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,340,341,342,343,346,347,348,356,357,358,359,360,361,362,363,364,369,370,379,380,381,382,383,384,385,401,402,403,404,405,487 +7567 - 106,109,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,184,185,206,207,208,209,210,224,225,229,230,231,232,233,245,246,247,248,254,255,256,267,268,269,270,271,277,278,280,289,292,293,294,300,301,302,311,312,315,316,317,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,384,385,490 +7568 - 52,53,60,73,74,75,76,81,82,83,94,95,96,97,103,104,105,116,117,118,119,125,126,127,137,138,139,140,147,148,149,158,159,160,161,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,234,235,236,237,245,246,247,248,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,489 +7569 - 31,32,33,52,53,54,55,56,57,58,59,60,67,68,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,104,105,115,116,127,128,148,149,150,170,171,188,189,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,251,252,253,254,255,257,258,280,281,302,303,310,311,312,324,325,332,333,334,335,336,346,347,354,355,356,357,358,359,368,369,376,377,378,379,380,381,382,383,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,488 +7570 - 78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,126,141,142,143,144,146,147,148,162,163,164,165,168,169,170,184,185,186,189,190,191,205,206,207,210,211,212,227,228,231,232,233,249,250,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,339,340,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,448,449,450,451,470,471,472,473,494 +7571 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,167,168,169,180,181,182,190,191,202,203,212,213,214,215,224,225,226,234,235,236,237,246,247,248,249,250,251,252,253,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,471,472,473,494 +7572 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,95,96,97,117,118,138,139,140,160,161,162,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,255,256,257,258,259,279,280,281,302,303,304,324,325,326,345,346,347,348,366,367,368,369,380,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +7573 - 64,65,76,77,85,86,87,97,98,99,106,107,108,109,118,119,120,121,127,128,129,130,139,140,141,142,143,148,149,150,151,160,161,162,163,170,171,172,181,182,183,191,192,193,202,203,204,212,213,214,224,225,233,234,235,236,246,247,255,256,257,268,269,270,271,272,275,276,277,278,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,339,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,428,446,447,448,449,468,469,470,489 +7574 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,165,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,302,318,319,320,321,322,323,324,339,340,343,344,345,346,360,361,362,363,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,472,473,474,475,476,488 +7575 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,126,127,128,143,148,149,150,168,169,170,171,187,188,189,190,191,192,193,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,279,280,301,302,303,310,323,324,325,331,332,333,345,346,353,354,355,356,357,367,368,376,377,378,379,380,388,389,390,398,399,400,401,402,403,404,405,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,475,476,488 +7576 - 46,47,58,59,68,69,70,80,81,91,92,102,103,113,114,124,125,126,135,136,147,148,157,158,169,170,179,180,191,192,201,202,203,214,223,224,225,236,237,246,247,258,259,268,269,280,281,282,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,324,325,335,336,337,338,346,347,357,358,359,369,370,391,392,413,414,435,436,457,458,479,480,489 +7577 - 65,78,79,85,86,87,99,100,101,106,107,108,109,120,121,122,123,127,128,129,130,141,142,143,148,149,150,151,162,163,164,170,171,172,183,184,185,191,192,193,205,206,212,213,214,226,227,233,234,235,247,248,249,255,256,268,269,270,271,272,273,275,276,277,289,290,291,292,293,294,295,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,333,334,335,340,341,342,343,344,361,362,363,365,366,367,368,382,383,384,390,404,405,426,427,447,448,469,470,489 +7578 - 59,60,61,62,63,64,65,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,180,181,182,183,184,185,202,203,204,205,224,225,226,227,228,229,246,247,248,249,250,251,252,270,271,272,273,274,275,276,293,294,295,296,297,298,299,318,319,320,321,322,341,342,343,344,345,364,365,366,367,387,388,389,408,409,410,411,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,490 +7579 - 57,58,59,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,148,170,171,191,192,193,213,214,235,236,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,348,349,350,351,356,357,358,359,360,361,362,363,380,381,382,383,487 +7580 - 72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,103,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,166,167,168,169,176,177,185,186,187,188,189,190,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,255,256,257,258,259,260,280,281,282,283,303,304,305,325,326,327,347,348,349,368,369,370,371,389,390,391,392,409,410,411,412,424,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,488 +7581 - 98,99,100,101,102,118,119,120,121,122,123,124,126,127,128,129,139,140,141,142,143,144,145,147,148,149,150,151,160,161,162,163,164,167,168,169,170,171,172,173,174,181,182,183,184,188,189,190,192,193,194,195,196,202,203,204,217,218,223,224,225,239,240,244,245,246,260,261,262,265,266,267,282,283,284,287,288,303,304,305,309,310,324,325,326,327,331,332,345,346,347,348,353,354,364,365,366,367,368,369,375,376,377,378,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,485 +7582 - 49,50,51,52,53,69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,111,112,113,114,115,116,117,118,119,120,121,133,134,135,140,141,142,161,162,163,164,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,279,280,281,282,283,303,304,305,306,325,326,327,328,347,348,349,350,369,370,371,372,381,382,390,391,392,393,403,404,405,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,488 +7583 - 99,100,101,102,103,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,185,186,187,188,189,190,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,236,248,249,250,251,254,255,256,267,268,278,279,289,290,291,300,301,311,312,313,314,322,323,324,333,334,335,336,337,338,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,490 +7584 - 51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,139,140,141,161,162,163,183,184,185,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,277,278,279,280,281,301,302,303,323,324,325,326,345,346,347,348,367,368,369,370,380,381,382,388,389,390,391,401,402,403,404,405,406,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,471,472,473,474,475,490 +7585 - 97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,170,171,172,173,180,181,182,183,193,194,195,201,202,203,204,215,216,217,222,223,224,225,237,238,239,243,244,245,259,260,261,265,266,281,282,286,287,303,304,308,309,324,325,326,330,331,346,347,348,352,353,354,367,368,369,375,376,377,378,379,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,425,426,427,485 +7586 - 32,33,34,53,54,55,56,75,76,77,78,79,97,98,99,100,101,120,121,122,123,141,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,278,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,343,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +7587 - 82,83,84,103,104,105,106,107,124,125,126,127,128,145,146,147,148,166,167,168,169,187,188,189,208,209,210,211,229,230,231,232,251,252,253,272,273,274,293,294,295,315,316,317,337,338,358,359,360,380,381,401,402,403,423,424,425,445,446,466,467,468,486 +7588 - 7,8,9,10,11,12,27,28,29,30,31,32,33,34,49,50,55,56,76,77,78,98,99,100,119,120,121,122,140,141,142,143,161,162,163,164,165,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,233,234,235,236,237,257,258,259,260,280,281,282,283,302,303,304,305,313,314,324,325,326,335,336,345,346,347,348,356,357,365,366,367,368,369,378,379,380,381,382,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,488 +7589 - 17,18,19,20,37,38,39,40,41,42,43,58,59,60,61,62,63,64,78,79,80,81,100,101,102,120,121,122,123,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,225,226,227,231,232,233,234,235,236,237,238,246,247,248,251,252,253,254,255,256,257,258,259,260,261,267,268,269,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,304,305,306,310,311,312,313,314,315,316,326,327,328,332,333,334,335,336,347,348,349,354,355,356,357,358,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,491 +7590 - 55,56,76,77,78,79,82,83,84,97,98,99,100,104,105,106,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,150,161,162,163,164,168,169,170,171,182,183,184,185,186,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,274,275,276,277,278,279,280,289,290,291,292,298,299,300,301,302,303,311,312,313,314,320,321,322,323,324,325,326,341,342,343,344,345,346,347,348,363,364,365,366,367,368,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +7591 - 98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,181,182,183,192,193,203,204,213,214,215,224,225,226,235,236,237,246,247,248,249,250,251,253,254,255,256,257,258,259,272,273,275,277,278,279,280,299,300,301,320,321,322,341,342,343,362,363,364,365,384,385,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +7592 - 103,104,105,106,124,125,126,127,128,146,147,148,149,150,156,157,168,169,170,171,172,173,174,175,178,179,180,188,189,190,191,192,193,194,195,196,197,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,292,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,489 +7593 - 8,9,10,11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,58,59,60,73,81,82,83,103,104,124,125,126,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,212,213,214,229,230,235,236,237,243,244,245,258,259,265,266,267,268,269,270,271,272,273,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,341,342,343,344,345,346,347,348,355,356,357,358,359,360,368,369,370,379,380,381,382,383,384,385,386,387,389,390,391,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,488 +7594 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,208,209,210,230,231,232,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,363,364,365,380,381,382,385,386,402,403,404,405,406,407,408,425,426,427,428,429,430,448,449,450,451,493 +7595 - 12,13,14,15,16,29,30,31,32,33,34,35,36,37,38,39,40,49,50,51,52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,83,84,85,91,92,93,94,105,106,107,114,128,129,149,150,151,171,172,173,193,194,215,216,237,238,259,260,280,281,289,290,291,292,293,294,295,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,416,417,425,426,487 +7596 - 60,61,62,63,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,147,148,149,159,160,161,162,168,169,170,171,181,182,183,184,185,186,189,190,191,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,334,335,336,337,338,339,342,343,344,356,357,358,359,360,364,365,366,377,378,379,380,381,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,493 +7597 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,147,148,158,159,160,161,162,170,179,180,181,182,192,193,194,201,202,203,213,214,215,216,223,224,225,235,236,237,238,245,246,247,248,249,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,320,321,322,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,494 +7598 - 34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,81,94,95,96,97,98,99,115,116,117,118,119,137,138,139,159,160,161,181,182,183,203,204,205,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,279,280,281,282,293,294,302,303,304,323,324,325,326,344,345,346,347,365,366,367,368,369,386,387,388,389,390,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,490 +7599 - 36,37,38,58,59,60,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,486 +7600 - 11,12,13,14,15,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,101,102,103,104,105,115,116,117,123,124,125,126,127,138,145,146,147,148,166,167,168,169,170,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,291,292,293,294,295,296,297,312,313,314,315,316,317,318,333,334,335,336,337,338,344,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,487 +7601 - 14,15,16,17,35,36,37,56,57,58,76,77,78,79,98,99,100,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,193,194,202,203,204,213,214,215,216,217,223,224,225,233,234,235,236,237,238,239,245,246,253,254,255,256,257,258,259,260,261,266,267,268,274,275,276,277,278,279,282,283,287,288,289,294,295,296,297,298,299,304,305,309,310,315,316,317,318,319,325,326,327,331,332,336,337,338,339,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,491 +7602 - 46,47,48,49,50,53,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,493 +7603 - 102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,150,151,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,213,214,216,217,224,225,226,227,228,229,238,239,244,245,246,247,248,249,260,261,265,266,267,268,269,281,282,283,287,288,289,303,304,305,308,309,310,325,326,330,331,346,347,348,352,367,368,369,370,374,387,388,389,390,391,396,397,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,485 +7604 - 54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,167,168,181,182,183,184,185,187,188,189,190,203,204,205,206,207,209,210,211,212,224,225,226,227,231,232,233,234,246,247,248,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,489 +7605 - 61,62,82,83,84,103,104,105,106,125,126,127,128,145,146,147,148,167,168,169,170,187,188,189,190,191,192,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,293,294,295,296,297,298,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,382,399,400,401,402,421,422,423,424,443,444,465,466,486 +7606 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,116,117,118,119,120,121,124,125,126,127,137,138,139,140,141,147,148,149,159,160,161,162,169,170,171,172,181,182,183,191,192,193,194,202,203,204,205,214,215,216,217,224,225,226,227,236,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,324,325,326,327,334,335,336,337,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,449,450,451,452,485 +7607 - 61,62,63,64,82,83,84,85,86,103,104,105,106,107,124,125,126,127,128,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,229,230,231,232,233,251,252,253,254,271,272,273,274,293,294,295,296,313,314,315,316,317,335,336,337,338,356,357,358,359,377,378,379,398,399,400,401,420,421,422,441,442,443,463,464,465,486 +7608 - 32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,116,117,118,119,138,139,140,141,161,162,163,164,184,185,186,187,206,207,208,209,210,229,230,231,232,233,252,253,254,255,256,275,276,277,278,279,298,299,300,301,302,321,322,323,324,344,345,346,347,366,367,368,377,378,379,380,381,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,490 +7609 - 63,64,76,77,78,79,80,85,86,87,96,97,98,99,100,101,102,108,109,117,118,119,120,121,122,123,124,130,131,138,139,140,151,152,153,159,160,161,172,173,174,181,182,193,194,195,203,204,214,215,216,217,225,226,227,234,235,236,237,238,248,249,255,256,257,258,270,271,274,275,276,277,278,279,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,334,335,336,337,338,339,355,356,357,360,361,377,378,382,383,384,399,400,405,406,422,423,424,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +7610 - 34,35,36,54,55,56,57,58,71,72,73,74,75,76,77,78,93,94,95,96,97,98,115,116,117,138,139,160,161,162,182,183,184,204,205,206,227,228,233,234,249,250,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,301,302,323,324,345,346,366,367,368,388,389,390,402,403,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +7611 - 80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,188,189,190,195,196,202,203,204,205,206,210,211,217,218,223,224,225,226,239,240,244,245,246,247,260,261,262,265,266,267,268,281,282,283,287,288,289,302,303,304,305,309,310,322,323,324,325,326,327,331,332,341,342,343,344,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,485 +7612 - 96,97,98,99,100,101,117,118,119,121,122,123,138,139,145,146,159,160,161,167,168,169,181,182,190,191,204,213,214,226,235,248,253,254,255,270,271,273,274,275,276,277,278,292,293,294,295,296,299,300,315,316,317,321,322,343,344,365,366,387,388,389,410,411,432,433,454,455,476,477,494 +7613 - 64,65,85,86,87,106,107,108,109,127,128,129,130,149,150,151,161,162,163,164,170,171,172,181,182,183,184,185,186,191,192,193,203,204,205,212,213,214,224,225,226,233,234,235,246,247,254,255,256,257,268,269,270,276,277,278,290,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,360,361,362,382,383,384,403,404,405,425,426,446,447,448,468,469,470,489 +7614 - 52,53,54,55,56,57,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,124,125,126,127,140,141,142,147,148,149,163,164,165,168,169,170,171,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,341,342,343,359,360,361,363,364,365,366,381,382,383,386,387,388,403,404,405,407,408,409,410,425,426,427,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +7615 - 116,117,118,119,120,121,122,123,124,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,165,166,167,168,169,170,171,172,173,174,179,180,181,192,193,194,195,199,200,201,202,214,215,216,221,222,223,234,235,236,237,243,244,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,445,446,447,466,467,468,492 +7616 - 12,13,14,34,35,55,56,57,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,227,228,229,230,235,236,237,249,250,251,257,258,259,271,272,279,280,281,293,294,301,302,314,315,316,322,323,324,336,337,338,343,344,345,346,358,359,360,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +7617 - 95,96,97,116,117,118,119,120,121,122,123,124,125,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,215,216,217,223,224,236,237,238,239,257,258,259,260,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,383,384,385,403,404,405,406,407,425,426,427,446,447,448,466,467,468,469,492 +7618 - 33,34,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,449,450,486 +7619 - 17,18,19,20,37,38,39,40,57,58,59,60,61,78,79,80,81,82,99,100,101,102,119,120,121,122,123,139,140,141,142,143,160,161,162,163,164,181,182,183,184,202,203,204,205,223,224,225,226,233,234,235,236,237,238,239,240,245,246,247,253,254,255,256,257,258,259,260,261,262,266,267,268,273,274,275,276,277,278,279,280,281,282,283,284,288,289,294,295,296,297,298,299,305,306,310,311,312,315,316,317,318,319,325,326,327,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,491 +7620 - 52,53,54,55,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,144,145,146,147,159,160,163,164,166,167,168,169,170,184,185,186,189,190,191,192,206,207,208,211,212,213,214,228,229,230,233,234,235,236,249,250,251,255,256,257,258,271,272,273,277,278,279,280,293,294,295,296,299,300,301,302,315,316,317,321,322,323,324,337,338,342,343,344,345,359,360,364,365,366,367,381,382,383,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,470,471,472,485 +7621 - 32,33,34,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,127,128,129,149,150,151,171,172,190,191,192,193,194,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,260,281,282,303,304,310,311,324,325,326,332,333,334,335,347,348,354,355,356,357,358,368,369,370,377,378,379,380,381,382,383,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,488 +7622 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,145,146,147,148,156,157,158,159,167,168,169,170,171,178,179,180,190,191,192,193,200,201,202,213,214,215,216,217,222,223,224,225,233,234,235,236,237,238,239,245,246,247,248,249,250,251,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,408,409,410,430,431,432,451,452,453,454,455,473,474,475,476,477,494 +7623 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,161,162,163,182,183,184,203,204,205,224,225,226,227,237,246,247,248,255,256,257,258,259,260,267,268,269,275,276,277,278,279,280,281,282,283,289,290,291,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,315,316,317,318,319,320,321,324,325,326,332,333,334,335,336,337,338,339,340,341,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,407,408,409,491 +7624 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,101,102,103,104,114,115,116,117,118,124,125,126,136,137,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,324,345,346,347,367,368,369,389,390,391,400,401,410,411,412,413,422,423,424,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,488 +7625 - 100,101,102,103,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,170,171,172,173,181,182,183,184,185,193,194,195,202,203,204,215,216,217,223,224,225,237,238,239,243,244,245,246,259,260,265,266,279,280,281,282,286,287,288,301,302,303,308,309,321,322,323,324,325,330,331,342,343,344,345,352,353,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,420,421,422,423,424,485 +7626 - 8,9,10,11,30,31,32,52,53,54,73,74,75,76,95,96,97,116,117,118,119,138,139,140,141,147,148,149,150,160,161,162,163,167,168,169,170,171,172,173,182,183,184,189,190,191,192,193,194,195,204,205,206,209,210,211,212,213,215,216,217,226,227,228,230,231,232,233,234,237,238,239,248,249,250,252,253,254,259,260,261,270,271,273,274,275,276,281,282,283,292,293,294,295,296,297,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +7627 - 62,63,64,81,82,83,84,85,86,104,105,106,107,108,125,126,127,128,129,146,147,148,149,150,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,251,252,253,254,272,273,274,275,293,294,295,296,297,314,315,316,317,336,337,338,339,356,357,358,359,360,378,379,380,381,399,400,401,402,403,421,422,423,442,443,444,445,465,466,467,486 +7628 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,77,78,79,80,84,85,98,99,100,101,106,107,120,121,122,127,128,129,141,142,143,149,150,163,164,170,171,185,186,191,192,207,208,212,213,229,230,233,234,251,252,253,254,255,273,274,275,294,295,296,297,315,316,317,318,319,320,337,338,339,341,342,358,359,360,363,364,380,381,382,385,386,387,402,403,404,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +7629 - 30,31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,82,83,90,91,92,93,94,104,105,112,113,114,126,127,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,215,228,229,230,231,232,236,237,258,259,280,281,286,302,303,308,309,324,325,330,331,332,333,347,348,352,353,354,355,356,368,369,376,377,378,379,380,381,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,488 +7630 - 94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +7631 - 72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,149,150,151,152,153,160,161,162,163,181,182,183,184,202,203,204,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,303,304,305,312,313,314,326,327,334,335,336,337,338,347,348,349,356,357,358,359,360,361,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434,452,453,454,455,456,490 +7632 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,186,187,188,189,208,209,210,211,231,232,233,253,254,255,256,276,277,278,279,298,299,300,301,302,321,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,405,406,407,408,409,410,421,422,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,488 +7633 - 63,64,65,75,84,85,86,96,97,98,105,106,107,108,117,118,119,120,126,127,128,138,139,140,148,149,159,160,161,169,170,171,181,182,190,191,192,202,203,204,212,213,224,225,233,234,235,246,247,248,254,255,256,269,270,271,272,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,347,361,362,363,383,384,404,405,406,425,426,427,447,448,449,469,470,471,489 +7634 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,100,101,102,114,115,116,121,122,123,136,137,141,142,143,144,145,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,236,237,238,246,247,248,249,258,259,260,261,269,270,281,282,283,303,304,305,313,314,325,326,327,335,336,346,347,348,349,357,358,367,368,369,370,378,379,380,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +7635 - 32,33,34,52,53,54,55,56,57,58,59,60,74,75,76,77,78,80,81,82,83,84,105,106,107,128,129,151,152,173,174,195,216,217,237,238,246,247,248,249,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,280,281,287,288,289,290,293,294,295,296,297,298,299,300,301,302,309,310,320,321,322,323,324,331,332,333,334,340,341,342,343,345,346,347,348,353,354,355,356,357,358,359,360,361,362,363,369,370,371,372,377,378,379,380,381,382,383,392,393,394,487 +7636 - 11,12,13,14,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,205,206,207,227,228,229,234,235,236,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +7637 - 37,38,39,59,60,61,80,81,82,101,102,103,104,123,124,125,144,145,146,147,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,314,316,317,318,336,337,338,339,340,359,360,361,381,382,383,403,404,424,425,426,446,447,486 +7638 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,448,449,450,486 +7639 - 62,63,64,83,84,85,86,104,105,106,107,126,127,128,147,148,149,168,169,170,189,190,191,210,211,212,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,358,359,360,379,380,381,382,401,402,403,422,423,424,443,444,445,446,447,465,466,467,468,486 +7640 - 54,55,75,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,143,160,161,162,163,164,182,183,184,185,192,193,204,205,206,207,213,214,215,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,320,321,322,323,338,339,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,473,474,489 +7641 - 98,99,100,101,102,103,108,109,117,118,119,120,121,122,123,124,125,129,130,131,138,139,140,141,142,143,147,150,151,152,153,159,160,161,171,172,173,174,175,181,182,183,190,191,192,193,194,195,203,204,205,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,290,291,293,294,312,316,334,335,338,339,356,357,360,361,378,379,380,383,384,401,402,403,405,406,424,425,428,429,447,448,450,451,470,471,472,473,474,493 +7642 - 56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,117,118,119,120,139,140,160,161,162,182,183,184,189,190,191,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,257,258,259,280,281,282,302,303,304,324,325,326,346,347,348,368,369,370,390,391,392,411,412,413,421,422,423,424,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +7643 - 52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,89,90,91,92,93,94,95,96,97,98,99,100,104,105,106,111,112,113,114,115,126,127,128,148,149,150,167,168,169,170,171,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,235,236,237,238,248,249,250,251,252,260,261,282,283,304,305,306,327,328,333,334,335,350,354,355,356,357,358,372,376,377,378,379,380,381,382,383,384,394,400,401,402,403,404,405,406,407,408,409,410,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,438,451,452,453,454,455,456,457,458,459,488 +7644 - 72,73,74,75,76,92,93,94,95,96,97,98,99,113,114,115,116,117,118,119,120,121,122,125,126,135,136,137,143,144,145,146,147,148,149,157,158,159,165,166,167,168,169,170,171,178,179,180,181,187,188,189,190,191,192,193,200,201,202,203,209,210,211,212,213,214,222,223,224,225,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,272,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +7645 - 120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,182,183,184,185,186,207,208,209,210,231,232,233,246,247,254,255,267,268,269,270,277,278,288,289,291,292,293,299,300,301,310,311,314,315,316,317,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,384,385,386,387,388,389,409,410,490 +7646 - 73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,270,271,272,273,274,275,292,293,294,295,296,297,298,316,317,318,319,320,321,340,341,342,343,344,363,364,365,366,367,386,387,388,389,390,408,409,410,411,412,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,488 +7647 - 17,18,19,37,38,39,40,45,46,58,59,60,61,67,68,69,78,79,80,81,91,99,100,101,102,119,120,121,122,123,140,141,142,143,160,161,162,163,181,182,183,201,202,203,204,222,223,224,244,245,255,256,257,258,259,260,261,266,275,276,277,278,279,280,281,282,283,287,288,295,296,297,298,299,300,304,305,310,311,317,318,319,320,326,327,332,333,334,338,339,340,347,348,349,355,356,357,358,359,360,361,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,491 +7648 - 54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,144,145,146,147,148,149,150,160,161,162,163,167,168,170,171,172,182,183,184,185,192,193,194,195,204,205,206,207,215,216,217,226,227,228,236,237,238,239,247,248,249,250,258,259,260,261,269,270,271,279,280,281,282,291,292,293,300,301,302,303,304,313,314,315,321,322,323,324,325,335,336,337,338,339,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,404,405,406,407,427,428,429,450,451,452,453,473,474,475,485 +7649 - 115,116,117,136,137,138,139,140,141,142,143,144,151,152,153,156,157,158,159,160,161,162,163,164,165,166,167,168,169,171,172,173,174,175,178,179,180,181,182,183,187,188,189,190,191,192,193,194,195,196,200,201,212,213,214,215,216,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,426,427,428,447,448,449,450,469,470,471,492 +7650 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,253,254,275,276,297,298,319,320,321,341,342,343,363,364,385,386,407,408,409,429,430,431,451,452,453,486 +7651 - 100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,159,160,161,181,182,183,184,185,186,205,206,207,208,209,230,231,232,233,254,255,256,277,278,279,280,301,302,303,311,312,324,325,333,334,335,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,428,429,430,431,432,490 +7652 - 5,6,7,8,27,28,29,30,49,50,51,71,72,73,93,94,95,114,115,116,117,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,210,211,212,213,214,215,216,225,226,227,230,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,261,269,270,271,272,274,275,276,277,281,282,283,291,292,293,294,295,296,297,298,299,303,304,305,314,315,316,317,318,319,320,321,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +7653 - 6,7,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,69,70,71,77,78,100,101,102,123,124,145,146,147,167,168,169,189,190,191,212,213,234,235,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,332,333,334,335,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,370,371,372,377,378,379,380,381,382,383,384,385,393,394,395,402,403,404,405,416,417,438,439,487 +7654 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,124,125,126,127,136,137,138,139,140,141,146,147,148,149,157,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,194,202,203,204,205,206,212,213,214,215,216,224,225,226,227,228,229,230,231,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,318,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,456,471,472,473,474,475,493 +7655 - 80,81,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,149,150,151,161,162,163,164,165,172,173,174,181,182,183,184,185,195,196,202,203,204,205,217,218,223,224,225,240,244,245,246,261,262,265,266,267,283,284,287,288,305,306,309,310,327,328,331,332,347,348,349,350,353,354,366,367,368,369,370,371,375,376,377,383,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,485 +7656 - 78,79,80,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,189,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,215,224,225,226,227,228,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,320,321,322,323,337,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,494 +7657 - 12,13,14,15,16,32,33,34,35,36,53,54,55,56,74,75,76,77,95,96,97,98,116,117,118,119,137,138,139,158,159,160,161,179,180,181,182,201,202,203,223,224,245,246,256,257,258,259,260,261,262,266,267,276,277,278,279,280,281,282,283,284,288,289,297,298,299,300,301,302,303,304,305,306,307,310,311,317,318,319,320,321,327,328,332,333,339,340,341,349,350,354,355,356,361,362,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,491 +7658 - 74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,123,124,125,126,134,135,136,137,138,145,146,147,148,156,157,158,159,160,167,168,169,179,180,181,182,183,184,188,189,190,203,204,205,206,207,210,211,212,226,227,228,229,230,231,232,233,250,251,252,253,254,255,273,274,275,276,277,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,345,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,410,411,412,428,429,430,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +7659 - 114,115,116,117,123,124,136,137,138,139,140,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,191,192,193,194,195,201,202,203,204,205,206,212,213,214,215,216,224,225,234,235,236,255,256,257,276,277,278,297,298,299,319,320,340,341,342,362,363,364,384,385,406,407,427,428,429,448,449,450,470,471,472,492 +7660 - 31,32,33,34,52,53,54,55,56,57,74,75,76,77,78,79,80,96,97,98,99,100,101,102,119,120,121,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,251,252,253,254,263,272,273,274,275,284,285,289,290,291,292,293,294,295,296,297,305,306,307,310,311,312,313,314,315,316,317,318,319,320,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,347,348,349,350,351,355,356,357,358,359,363,364,365,366,367,368,369,370,371,372,387,388,389,390,391,392,393,411,412,413,414,487 +7661 - 40,41,42,61,62,63,64,83,84,85,103,104,105,106,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,325,336,337,338,339,356,357,358,359,360,377,378,379,380,398,399,400,401,420,421,422,423,442,443,444,445,486 +7662 - 31,32,33,34,53,54,55,56,57,75,76,77,78,79,97,98,99,100,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,454,486 +7663 - 57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,104,105,106,126,127,128,148,149,150,170,171,172,193,194,215,216,224,225,226,227,228,229,230,231,232,233,234,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,286,287,301,302,303,304,308,322,323,324,330,331,332,343,344,345,353,354,355,356,357,358,359,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,487 +7664 - 56,57,78,79,100,101,122,123,143,144,145,165,166,167,187,188,209,210,231,232,253,254,275,276,297,298,319,320,341,342,363,364,384,385,386,406,407,428,429,450,451,472,473,486 +7665 - 74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,157,158,159,160,161,162,179,180,181,182,183,184,185,186,201,202,203,204,205,206,207,208,209,210,211,232,233,234,235,256,257,258,259,280,281,303,304,305,310,311,326,332,333,334,348,354,355,356,357,358,370,371,376,377,378,379,380,381,382,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,490 +7666 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,191,192,193,194,201,202,203,204,205,206,207,208,209,210,211,213,214,215,216,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,346,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,494 +7667 - 56,57,74,75,76,77,78,79,80,81,87,94,95,96,97,98,99,100,101,102,103,108,109,116,117,118,124,130,131,137,138,152,153,159,160,161,173,174,175,181,182,183,193,194,195,196,197,204,205,214,215,216,217,218,226,227,228,233,234,235,236,237,238,249,250,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,333,334,335,338,339,340,355,356,357,361,362,377,378,379,380,384,385,401,402,403,406,407,424,425,426,427,428,429,448,449,450,451,471,472,493 +7668 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,105,106,116,117,118,119,125,126,127,128,138,139,141,142,143,147,148,149,150,160,161,162,163,164,165,166,167,168,170,171,172,182,183,184,185,192,193,194,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,252,253,254,255,256,257,258,269,270,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,343,344,356,357,358,365,366,378,379,380,387,388,401,402,403,409,410,424,425,426,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,493 +7669 - 39,40,60,61,62,63,81,82,83,84,85,102,103,104,105,106,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,377,378,379,380,381,398,399,400,401,402,420,421,422,423,424,443,444,445,486 +7670 - 34,35,36,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,161,162,163,183,184,205,206,210,211,212,227,228,230,231,232,233,234,235,236,248,249,250,251,252,253,254,256,257,258,270,271,272,273,274,279,280,292,293,294,295,301,302,303,314,315,316,317,323,324,325,336,337,345,346,347,359,360,367,368,369,381,382,388,389,390,403,404,405,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,491 +7671 - 72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,148,149,150,151,156,157,158,171,172,173,178,179,180,192,193,194,195,196,200,201,202,213,214,215,216,217,218,222,223,224,233,234,235,236,237,238,240,244,245,246,247,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,320,321,322,323,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,494 +7672 - 57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,143,144,145,146,147,148,149,160,161,162,163,166,167,168,169,170,171,183,184,185,188,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,344,358,359,360,361,363,364,365,366,380,381,382,383,385,386,387,388,401,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +7673 - 75,76,77,78,79,80,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,149,150,151,170,171,172,173,189,190,191,192,193,194,209,210,211,212,213,214,231,232,233,234,235,236,243,244,245,246,256,257,258,259,264,265,266,267,268,269,280,281,286,287,288,289,290,291,292,293,302,303,308,309,313,314,315,324,325,330,331,332,336,337,338,339,346,347,353,354,355,356,357,358,359,360,361,362,363,364,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,404,405,406,407,408,409,410,411,412,488 +7674 - 76,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,127,128,139,140,141,142,143,148,149,150,160,161,162,163,164,170,171,181,182,183,184,185,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,258,259,267,268,269,270,271,272,273,274,275,276,279,280,281,290,291,292,293,294,295,296,301,302,303,312,313,322,323,324,334,335,344,345,346,356,357,365,366,367,379,387,388,408,409,410,429,430,431,451,452,453,473,474,475,476,477,494 +7675 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,105,106,116,117,118,119,120,121,129,130,137,138,139,140,141,151,152,153,159,160,171,172,173,174,175,181,182,191,192,193,194,195,196,203,204,205,212,213,214,215,216,217,226,227,228,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,334,335,336,337,338,339,340,341,354,355,356,357,358,359,362,363,376,377,378,379,384,385,398,399,400,406,407,421,422,427,428,429,444,445,446,447,448,449,450,451,493 +7676 - 9,10,11,12,13,31,32,33,34,35,36,56,57,58,59,79,80,81,100,101,102,103,122,123,124,143,144,145,146,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,212,229,230,231,232,233,234,235,255,256,257,258,278,279,280,281,301,302,303,323,324,325,343,344,345,346,347,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,488 +7677 - 32,33,34,35,52,53,54,55,56,57,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,120,121,122,123,124,125,126,127,128,149,150,151,173,174,195,196,216,217,218,226,227,228,237,238,239,245,246,247,248,249,250,251,252,258,259,260,265,266,267,268,269,270,273,274,275,276,278,279,280,281,287,288,289,296,297,298,299,300,301,302,309,310,317,318,319,320,321,322,323,331,332,335,336,337,338,339,340,341,342,344,345,346,347,353,354,355,356,357,358,359,360,361,362,368,369,370,371,376,377,378,379,380,381,391,392,393,394,415,416,487 +7678 - 29,30,31,51,52,53,73,74,75,94,95,96,97,116,117,118,119,137,138,139,140,141,143,144,145,159,160,161,162,163,165,166,167,181,182,183,184,185,187,188,189,190,202,203,204,205,206,209,210,211,212,224,225,226,227,231,232,233,234,235,236,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,342,343,344,345,347,364,365,366,367,386,387,388,408,409,410,430,431,432,453,454,489 +7679 - 96,97,98,99,100,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,159,160,167,168,169,175,181,182,190,195,196,197,203,204,205,216,217,218,219,226,227,228,236,237,238,239,240,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,317,318,319,334,335,340,341,356,357,358,363,364,379,380,385,386,401,402,403,406,407,408,423,424,425,428,429,446,447,448,449,450,451,469,470,471,472,493 +7680 - 52,53,54,55,56,57,58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,138,139,140,142,159,160,161,162,181,182,183,184,203,204,205,206,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,323,324,325,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,391,400,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +7681 - 63,64,77,78,79,80,81,85,86,87,96,97,98,99,100,101,102,103,104,105,107,108,117,118,119,120,121,126,127,128,129,130,138,139,140,150,151,152,160,161,170,171,172,173,182,183,191,192,193,194,204,205,212,213,214,215,226,227,228,232,233,234,235,236,249,250,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,312,313,314,315,316,317,318,334,335,336,337,338,339,355,356,357,360,361,362,378,379,380,384,385,400,401,402,405,406,422,423,424,425,427,428,445,446,447,448,449,450,469,470,471,472,493 +7682 - 78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,234,235,236,237,245,246,247,248,249,250,251,252,256,257,258,259,266,267,268,269,270,271,272,273,274,277,278,279,280,281,288,289,290,291,292,293,294,299,300,301,302,311,312,313,314,315,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +7683 - 116,117,137,138,139,140,141,142,152,153,157,158,159,160,161,162,163,164,165,166,167,172,173,174,175,178,179,180,181,182,183,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,210,211,212,213,214,215,216,217,222,223,224,225,235,236,237,238,244,245,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,468,469,470,492 +7684 - 25,26,27,28,29,30,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,96,97,98,99,100,120,121,122,123,143,144,145,165,166,167,188,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,299,318,319,320,321,327,328,329,340,341,342,346,347,348,349,350,351,362,363,364,366,367,368,369,370,371,372,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,447,448,449,450,451,487 +7685 - 61,62,63,64,83,84,85,86,103,104,105,106,107,108,124,125,126,127,128,146,147,148,149,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,361,379,380,381,382,400,401,402,421,422,423,424,443,444,445,465,466,486 +7686 - 9,10,11,31,32,52,53,54,74,75,76,96,97,98,118,119,139,140,141,161,162,163,183,184,205,206,227,228,249,250,257,258,259,271,272,275,276,277,278,279,280,281,282,293,294,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,323,324,325,337,338,339,340,341,344,345,346,347,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,491 +7687 - 91,92,93,99,100,101,102,103,104,112,113,114,115,118,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,148,149,150,151,152,153,156,157,158,159,160,161,162,171,172,173,174,179,180,181,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,467,468,469,470,492 +7688 - 55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,125,126,127,138,139,140,141,142,146,147,148,149,161,162,163,164,165,167,168,169,170,171,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,272,273,274,275,278,279,280,281,293,294,295,296,300,301,302,303,314,315,316,317,323,324,325,335,336,337,338,345,346,347,356,357,358,359,366,367,368,369,378,379,380,381,387,388,389,390,391,399,400,401,402,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,493 +7689 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,127,128,129,137,138,139,140,141,158,159,160,161,173,180,181,193,194,195,196,201,202,203,204,205,207,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +7690 - 71,72,83,93,94,95,104,105,115,116,117,126,127,137,138,147,148,149,159,160,169,170,171,180,181,182,191,192,202,203,204,213,214,224,225,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,297,298,299,300,301,302,303,304,322,323,324,344,345,365,366,367,387,388,389,408,409,410,430,431,432,452,453,454,474,475,489 +7691 - 78,79,80,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,149,150,151,172,173,194,195,216,217,237,238,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,318,319,320,321,322,323,324,325,326,327,330,331,332,333,340,341,342,343,344,346,348,349,353,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,487 +7692 - 76,77,78,79,80,97,98,99,100,101,102,103,117,118,119,120,125,126,127,138,139,140,141,146,147,148,160,161,162,168,169,170,181,182,183,189,190,191,192,203,204,211,212,213,224,225,226,232,233,234,235,246,247,248,249,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,494 +7693 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,101,102,116,117,118,123,124,125,138,139,140,145,146,147,160,161,162,168,169,170,182,183,190,191,192,203,204,205,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,269,270,278,279,280,291,292,300,301,302,313,314,315,322,323,324,335,336,337,344,345,346,358,359,366,367,368,380,381,382,387,388,389,403,404,405,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +7694 - 59,60,80,81,82,102,103,104,123,124,125,126,138,139,140,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,203,204,205,206,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,489 +7695 - 53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,273,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,472,473,474,486 +7696 - 92,93,94,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,183,184,185,186,187,189,190,191,192,193,194,201,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +7697 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,123,124,125,137,138,139,140,145,146,147,158,159,160,161,166,167,168,169,179,180,181,182,188,189,190,202,203,204,209,210,211,212,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,386,404,405,406,407,408,409,410,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,457,470,471,476,477,478,479,487 +7698 - 52,53,54,73,74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,160,161,162,164,165,166,167,168,181,182,183,184,186,187,188,189,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,298,299,300,301,320,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,404,405,406,409,410,411,412,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,494 +7699 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,78,79,80,92,93,94,100,101,102,122,123,124,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,204,205,206,207,208,209,210,227,228,229,231,232,233,254,255,256,277,278,279,300,301,322,323,324,336,344,345,346,357,358,359,367,368,379,380,381,382,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,488 +7700 - 50,51,52,68,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,102,103,111,112,113,114,115,119,120,121,122,123,124,125,126,133,134,142,143,144,145,146,147,155,156,157,158,159,163,164,165,166,167,168,177,178,179,180,181,182,183,184,185,186,187,188,200,201,202,203,204,205,206,207,208,209,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,281,293,294,295,298,299,300,301,302,303,304,315,316,317,323,324,325,326,327,337,338,339,347,348,349,359,360,361,370,371,372,382,383,384,385,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,428,429,430,431,432,433,434,435,436,437,438,451,452,453,454,455,456,457,458,459,475,476,477,478,479,493 +7701 - 56,57,58,78,79,80,100,101,102,122,123,124,138,139,144,145,146,159,160,161,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,228,232,233,234,248,249,250,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,318,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,489 +7702 - 74,75,76,77,79,80,81,82,95,96,97,98,99,101,102,103,104,105,116,117,118,119,120,121,123,124,125,126,127,137,138,139,140,141,147,148,149,158,159,160,161,169,170,171,180,181,182,191,192,193,201,202,203,212,213,214,215,223,224,225,233,234,235,236,245,246,247,254,255,256,257,258,267,268,269,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,343,344,345,364,365,366,367,386,387,388,389,408,409,410,430,431,432,452,453,454,474,475,476,494 +7703 - 77,78,79,80,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,160,161,162,163,166,167,168,169,188,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,492 +7704 - 36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,429,430,448,449,450,451,452,486 +7705 - 51,52,53,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,102,103,104,116,117,118,119,120,121,124,125,126,138,139,140,142,143,146,147,148,161,162,167,168,169,170,183,184,185,188,189,190,191,205,206,207,210,211,212,228,229,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,385,386,387,402,403,404,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,471,472,473,474,475,493 +7706 - 54,55,56,57,58,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,366,382,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,474,475,476,486 +7707 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,160,161,162,163,164,182,183,184,185,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,494 +7708 - 73,74,75,76,77,78,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,145,146,147,160,161,168,169,170,181,182,183,189,190,191,192,203,204,205,210,211,212,213,214,225,226,232,233,234,235,247,248,254,255,256,257,269,270,271,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,322,323,338,344,345,366,367,368,388,389,390,410,411,432,433,454,455,456,476,477,478,494 +7709 - 53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,124,125,138,139,141,142,143,146,147,148,160,161,163,164,165,169,170,182,183,184,185,186,191,192,193,206,207,208,213,214,215,228,229,230,235,236,237,250,251,257,258,259,272,273,279,280,281,293,294,295,301,302,303,315,316,317,323,324,325,337,338,339,345,346,359,360,367,368,381,382,388,389,390,403,404,405,410,411,412,425,426,427,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,485 +7710 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,76,77,78,79,80,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,254,255,256,257,258,259,279,280,281,282,283,303,304,305,311,312,313,325,326,327,328,332,333,334,335,336,337,338,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,488 +7711 - 56,57,77,78,79,80,99,100,101,102,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,472,473,486 +7712 - 71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,120,121,122,123,124,143,144,145,146,163,164,165,166,167,182,183,184,185,186,187,203,204,205,206,207,208,222,223,224,225,226,227,228,229,230,231,232,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,265,266,267,268,276,277,278,279,280,281,300,301,302,303,304,324,325,326,327,347,348,349,350,370,371,372,392,393,394,414,415,416,435,436,437,438,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,488 +7713 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,57,58,72,73,74,75,76,79,80,93,94,95,96,97,101,102,103,116,117,123,124,125,145,146,147,167,168,169,189,190,191,211,212,233,234,252,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,339,340,341,342,343,344,345,357,358,359,360,361,362,363,365,366,367,368,379,380,381,382,383,384,388,389,390,391,393,394,401,402,403,404,411,412,413,414,415,424,425,434,435,436,487 +7714 - 73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,167,168,169,189,190,191,210,211,212,213,233,234,235,255,256,257,277,278,279,299,300,301,320,321,322,323,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,430,431,432,433,452,453,454,474,475,476,492 +7715 - 25,26,27,28,29,30,31,47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,97,98,99,100,101,120,121,122,123,138,139,140,141,142,143,144,145,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,213,233,234,235,236,256,257,258,259,279,280,281,282,302,303,304,324,325,326,337,346,347,348,358,359,368,369,370,380,381,382,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,488 +7716 - 61,62,63,64,65,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,318,319,320,321,322,323,337,342,343,344,345,346,358,359,364,365,366,367,368,380,381,382,386,387,388,389,402,403,404,405,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +7717 - 57,58,59,78,79,80,81,100,101,102,122,123,124,144,145,146,166,167,168,181,182,188,189,190,202,203,204,210,211,224,225,226,227,231,232,233,247,248,249,253,254,255,269,270,271,272,275,276,277,292,293,294,295,297,298,299,315,316,317,318,319,320,321,338,339,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,474,475,476,489 +7718 - 114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,189,190,191,192,193,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,492 +7719 - 74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,144,145,146,147,156,157,158,166,167,168,169,178,179,188,189,190,191,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,471,472,473,474,492 +7720 - 75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,145,146,147,162,163,164,168,169,170,183,184,185,186,190,191,192,205,206,207,212,213,214,227,228,233,234,235,236,249,250,251,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,318,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +7721 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,95,96,97,101,102,117,118,119,123,124,139,140,141,161,162,163,168,169,170,184,185,189,190,191,192,206,207,208,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,321,338,339,340,342,343,344,360,361,362,364,365,366,367,382,383,384,387,388,389,405,406,407,408,409,410,411,412,428,429,430,431,432,433,434,451,452,453,454,455,456,493 +7722 - 35,36,37,38,55,56,57,58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,118,119,120,121,122,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,323,342,343,344,345,359,360,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,449,450,451,452,453,490 +7723 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,145,146,160,161,162,163,167,168,182,183,184,188,189,190,204,205,206,210,211,226,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,472,473,474,475,494 +7724 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,158,159,160,161,162,163,164,165,166,167,168,169,170,171,185,186,187,188,191,192,193,212,213,214,215,233,234,235,236,255,256,257,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,492 +7725 - 29,30,31,51,52,53,54,55,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,121,122,123,124,137,138,139,144,145,146,147,159,160,161,167,168,169,181,182,183,190,191,192,203,204,205,212,213,214,225,226,227,235,236,247,248,249,257,258,259,269,270,271,279,280,281,291,292,293,301,302,303,304,313,314,315,323,324,325,326,336,337,345,346,347,348,358,359,367,368,369,380,381,382,388,389,390,391,403,404,405,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +7726 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,101,102,103,104,105,106,117,118,119,120,125,126,127,128,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,302,303,304,305,312,313,314,324,325,326,327,334,335,336,345,346,347,348,356,357,358,359,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +7727 - 53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,473,474,475,486 +7728 - 31,32,54,55,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,121,137,138,139,140,141,142,159,160,161,162,163,164,181,182,183,184,185,186,202,203,204,205,206,207,208,223,224,225,226,227,228,229,230,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,491 +7729 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,99,100,101,102,114,115,116,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,294,295,296,297,315,316,317,318,337,338,339,340,345,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,423,424,425,426,427,436,437,438,439,446,447,459,460,461,487 +7730 - 9,10,11,30,31,32,33,34,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,120,126,138,139,140,141,145,146,147,148,149,159,160,161,162,163,167,168,169,170,171,172,181,182,183,184,188,189,190,191,192,193,203,204,205,206,210,211,212,213,214,215,216,224,225,226,227,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,341,342,343,344,345,346,363,364,365,366,367,368,385,386,387,388,389,390,407,408,409,410,411,412,429,430,431,432,433,434,489 +7731 - 6,7,8,9,28,29,30,31,32,33,51,52,53,54,55,56,75,76,77,78,79,99,100,101,121,122,123,142,143,144,145,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,249,250,251,253,254,255,256,257,278,279,280,301,302,303,323,324,325,336,337,345,346,347,348,357,358,359,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,488 +7732 - 30,31,32,33,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,138,139,140,141,159,160,161,162,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,236,254,255,256,257,258,259,279,280,281,282,303,304,305,325,326,327,335,346,347,348,349,356,357,358,359,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,490 +7733 - 59,60,80,81,82,102,103,104,123,124,125,145,146,147,159,167,168,169,180,181,182,188,189,190,191,202,203,204,205,210,211,212,224,225,226,227,232,233,234,247,248,249,250,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,317,318,319,320,321,341,342,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +7734 - 51,52,53,54,55,72,73,74,75,76,77,78,94,95,98,99,100,120,121,122,142,143,144,163,164,165,184,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,234,254,255,256,257,277,278,279,300,301,322,323,344,345,365,366,367,386,387,388,389,408,409,410,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,488 +7735 - 101,102,103,104,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,189,190,191,192,201,202,203,211,212,213,233,234,235,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +7736 - 69,70,71,82,83,84,91,92,93,94,103,104,105,106,107,113,114,115,125,126,127,128,129,134,135,136,137,146,147,148,149,150,151,156,157,158,159,167,168,169,170,171,172,173,178,179,180,188,189,190,191,192,193,194,200,201,202,210,211,212,213,214,215,216,222,223,224,231,232,233,234,236,237,238,244,245,246,252,253,254,255,258,259,260,266,267,268,269,271,273,274,275,276,280,281,282,288,289,290,291,292,293,294,295,296,297,298,301,302,303,304,311,312,313,314,315,316,317,318,319,323,324,325,326,334,335,336,337,338,339,345,346,347,357,367,368,369,389,390,391,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +7737 - 78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,145,146,147,161,162,163,164,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,226,227,228,232,233,234,235,248,249,250,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,474,475,494 +7738 - 52,53,54,73,74,75,76,77,78,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,138,139,145,146,147,160,161,168,169,182,183,191,192,204,205,213,214,225,226,227,236,237,247,248,249,258,259,269,270,271,280,281,291,292,293,302,303,314,315,324,325,336,337,346,347,358,359,368,369,380,381,382,389,390,391,403,404,411,412,425,426,427,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +7739 - 60,61,62,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,142,143,144,145,146,147,163,164,165,166,167,182,185,186,187,188,204,205,206,207,208,209,225,226,227,228,229,230,247,248,249,269,270,271,292,293,294,314,315,316,336,337,338,339,359,360,361,362,382,383,384,385,404,405,406,407,426,427,428,429,430,448,449,450,451,452,453,471,472,473,474,490 +7740 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,139,143,144,145,160,161,162,163,165,166,167,182,183,184,185,186,187,188,189,204,205,207,208,209,210,211,226,227,231,232,233,248,249,253,254,255,270,271,272,275,276,277,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,361,363,364,365,385,386,387,408,409,410,430,431,432,452,453,489 +7741 - 33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,168,184,185,186,187,188,189,190,205,206,207,208,210,211,212,213,227,228,229,230,233,234,235,249,250,251,255,256,257,271,272,273,277,278,279,292,293,294,295,299,300,301,314,315,316,321,322,323,336,337,338,343,344,345,358,359,360,364,365,366,367,379,380,381,382,386,387,388,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +7742 - 31,32,33,34,35,36,37,38,39,50,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,114,115,116,117,118,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,282,301,302,303,304,305,325,326,327,347,348,349,353,354,367,368,369,370,371,375,376,377,378,379,380,381,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,490 +7743 - 52,53,54,55,73,74,75,76,77,78,94,95,96,97,98,99,100,116,117,118,119,122,123,125,126,127,138,139,140,145,146,147,148,149,160,161,162,167,168,169,170,182,183,184,185,189,190,191,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,343,361,362,363,364,365,366,383,384,385,387,388,389,405,406,407,410,411,427,428,429,430,432,433,434,450,451,452,453,454,455,456,474,475,476,477,478,493 +7744 - 55,56,57,77,78,79,80,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +7745 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,123,124,125,139,145,146,147,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,294,295,296,297,298,299,300,321,322,323,344,345,346,366,367,368,386,387,388,389,390,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,488 +7746 - 58,59,68,69,80,81,90,91,92,102,103,112,113,114,124,125,135,136,146,147,157,158,168,169,179,180,181,190,191,192,201,202,203,212,213,214,223,224,225,235,236,245,246,247,248,249,250,257,258,267,268,269,270,271,272,273,274,275,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,318,319,320,321,322,323,324,325,346,347,368,369,390,391,412,413,414,434,435,436,457,458,459,479,480,481,489 +7747 - 60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,105,106,121,122,123,124,125,126,142,143,144,145,146,160,161,162,163,164,165,166,182,183,184,185,186,187,205,206,207,227,228,229,250,251,252,272,273,274,294,295,296,316,317,318,339,340,341,361,362,363,382,383,384,385,403,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,453,471,472,473,474,475,476,490 +7748 - 35,36,37,57,58,59,60,79,80,81,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,338,339,340,359,360,361,362,381,382,383,403,404,405,406,425,426,427,447,448,449,486 +7749 - 36,37,38,58,59,60,80,81,102,103,123,124,125,145,146,147,160,167,168,169,182,183,189,190,203,204,205,210,211,212,225,226,227,232,233,234,246,247,248,254,255,256,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,299,319,320,321,341,342,362,363,364,384,385,386,405,406,407,427,428,429,430,449,450,451,452,489 +7750 - 53,54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,433,452,453,454,474,475,476,486 +7751 - 33,34,35,54,55,56,57,58,75,76,77,78,79,80,97,98,99,101,102,118,119,120,124,140,141,142,161,162,163,170,171,172,183,184,185,191,192,193,205,206,207,211,212,213,214,227,228,229,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,432,450,451,452,453,454,493 +7752 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,100,101,102,122,123,124,143,144,145,146,164,165,166,167,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,255,256,257,258,279,280,281,301,302,303,323,324,325,344,345,346,347,359,365,366,367,368,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,488 +7753 - 29,30,31,32,33,49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,93,94,95,98,99,100,101,116,117,121,122,123,143,144,145,165,166,167,186,187,188,189,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,277,278,279,300,301,302,322,323,324,344,345,346,365,366,367,368,383,385,386,387,388,389,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +7754 - 29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,101,102,103,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,255,256,257,258,278,279,280,301,302,303,322,323,324,325,343,344,345,346,347,354,355,364,365,366,367,368,376,377,378,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,488 +7755 - 32,33,53,54,55,56,75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,145,146,147,148,161,162,163,164,167,168,169,170,183,184,185,186,190,191,192,193,205,206,207,208,212,213,214,215,227,228,229,230,234,235,236,237,249,250,251,252,256,257,258,259,270,271,272,273,274,278,279,280,281,292,293,294,295,296,300,301,302,314,315,316,317,321,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,485 +7756 - 51,52,71,72,73,74,75,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,127,129,134,135,136,137,138,139,141,142,143,144,148,149,150,151,152,155,156,157,158,159,165,168,169,170,171,172,173,174,177,178,179,180,187,188,189,190,191,192,193,194,195,196,199,200,201,207,208,209,210,211,212,213,214,221,222,223,224,229,230,231,232,233,234,244,245,246,247,248,249,250,251,252,253,254,256,267,268,269,270,271,272,273,274,275,290,291,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,415,431,432,433,434,435,436,437,454,455,456,457,458,459,493 +7757 - 7,8,9,10,11,27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,70,71,72,73,76,77,78,79,92,93,94,99,100,101,114,115,116,121,122,123,137,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,250,251,252,253,271,272,273,274,293,294,295,296,314,315,316,317,335,336,337,338,339,347,348,349,350,357,358,359,360,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,487 +7758 - 76,77,78,80,81,97,98,99,100,101,102,103,118,119,120,122,123,124,125,139,140,141,145,146,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,209,210,211,226,227,228,230,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,276,277,297,298,319,320,341,342,363,364,385,386,407,408,429,430,450,451,452,472,473,474,494 +7759 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,428,429,450,451,473,474,475,486 +7760 - 73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,146,147,148,149,157,158,159,160,168,169,170,171,172,179,180,181,182,189,190,191,192,193,202,203,204,210,211,212,213,214,225,226,227,231,232,233,234,235,247,248,249,250,252,253,254,255,256,270,271,272,273,274,275,276,293,294,295,296,297,298,316,317,318,319,320,339,340,341,342,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,410,411,427,428,429,430,431,432,433,434,450,451,452,453,454,455,456,472,473,474,475,476,477,478,493 +7761 - 32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,79,80,81,82,96,97,98,99,102,103,104,118,119,120,124,125,126,140,141,142,146,147,148,161,162,163,164,168,169,170,171,183,184,185,190,191,192,193,205,206,207,212,213,214,226,227,228,229,234,235,236,248,249,250,256,257,258,270,271,272,278,279,280,291,292,293,300,301,302,313,314,315,321,322,323,334,335,336,337,343,344,345,356,357,358,364,365,366,367,378,379,380,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +7762 - 121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,190,191,192,193,194,198,199,200,201,202,203,204,212,213,214,215,221,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,492 +7763 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,100,101,102,122,123,124,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,251,252,253,254,273,274,275,276,280,281,282,295,296,297,301,302,303,316,317,318,319,322,323,324,337,338,339,340,343,344,345,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,487 +7764 - 32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,96,97,98,99,117,118,119,120,138,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,208,209,210,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,300,301,302,303,313,314,315,316,317,322,323,324,325,335,336,337,338,339,344,345,346,347,358,359,360,361,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,491 +7765 - 32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,94,95,96,97,101,102,116,117,124,138,139,140,160,161,162,168,169,170,171,182,183,184,185,189,190,191,192,193,205,206,207,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,337,338,339,340,342,343,359,360,361,364,365,366,381,382,383,384,387,388,404,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,455,493 +7766 - 48,49,50,70,71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,141,142,143,144,145,146,147,148,167,168,169,170,171,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,297,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,488 +7767 - 60,61,62,63,82,83,84,85,104,105,106,107,115,116,117,126,127,128,136,137,138,139,147,148,149,150,158,159,160,161,169,170,171,172,179,180,181,182,190,191,192,193,199,200,201,202,203,212,213,214,215,220,221,222,223,224,225,234,235,236,237,242,243,244,245,246,247,248,249,250,251,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,472,473,474,489 +7768 - 77,78,79,80,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,337,338,339,340,341,342,359,360,361,362,363,364,365,381,382,383,385,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +7769 - 82,83,84,96,103,104,105,106,117,118,119,125,126,127,128,138,139,140,141,147,148,149,160,161,162,169,170,171,181,182,183,190,191,192,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,258,269,270,271,272,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,339,340,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,471,472,473,489 +7770 - 32,33,34,35,54,55,56,57,58,59,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,195,202,203,204,205,206,215,216,217,224,225,226,227,228,237,238,239,240,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,325,326,327,333,334,335,336,346,347,348,355,356,357,358,359,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,485 +7771 - 57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,469,470,471,486 +7772 - 58,59,80,81,82,101,102,103,122,123,124,125,143,144,145,146,163,164,165,166,167,168,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,225,226,227,228,231,232,233,252,253,254,255,274,275,276,294,295,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,342,343,360,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,450,470,471,472,492 +7773 - 10,11,12,13,14,32,33,34,35,36,37,53,54,55,56,59,75,76,77,78,96,97,98,99,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,226,227,228,229,230,235,236,237,248,249,250,251,252,255,256,257,258,259,260,270,271,272,273,274,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,324,325,326,337,338,339,340,341,342,345,346,347,348,359,360,361,362,363,364,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,428,429,430,431,432,491 +7774 - 48,49,50,59,60,70,71,72,73,80,81,82,83,91,92,93,94,95,102,103,104,105,113,114,115,116,117,124,125,126,127,135,136,137,138,146,147,148,149,150,157,158,159,160,168,169,170,171,172,179,180,181,182,190,191,192,193,194,201,202,203,204,212,213,214,215,216,223,224,225,226,227,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,476,477,478,489 +7775 - 33,34,35,54,55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,451,486 +7776 - 72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,146,147,148,149,150,151,170,171,172,173,191,192,193,194,195,212,213,214,215,216,217,233,234,235,236,237,238,254,255,256,257,258,259,260,275,276,277,278,279,280,281,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,420,421,422,423,424,425,426,442,443,444,445,446,447,464,465,466,467,468,492 +7777 - 67,68,69,70,71,72,73,74,75,89,90,91,92,93,94,95,96,97,98,111,112,113,114,115,116,117,118,119,120,121,133,134,135,139,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,278,279,280,281,282,302,303,304,305,325,326,327,348,349,350,371,372,393,394,407,408,414,415,416,428,429,435,436,437,438,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,488 +7778 - 29,30,31,32,33,34,51,52,53,54,55,56,57,74,75,76,77,78,79,80,100,101,102,103,122,123,124,125,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,208,209,210,211,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,322,323,324,343,344,345,346,364,365,366,367,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +7779 - 32,33,34,54,55,56,74,75,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,162,163,164,166,167,168,169,183,184,185,189,190,191,192,205,206,207,212,213,214,227,228,229,234,235,236,249,250,251,257,258,271,272,279,280,292,293,294,301,302,314,315,316,323,324,336,337,338,345,346,358,359,360,367,368,380,381,382,388,389,390,403,404,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +7780 - 118,119,120,121,122,125,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,186,187,202,203,208,209,224,225,226,246,247,248,249,250,251,252,270,271,272,273,274,275,276,295,296,297,298,299,300,320,321,322,323,324,343,344,345,346,355,356,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,490 +7781 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,94,95,96,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,271,272,273,274,277,278,279,280,300,301,302,322,323,324,336,344,345,346,357,358,366,367,368,379,380,388,389,390,401,402,409,410,411,412,423,424,425,430,431,432,433,445,446,447,448,449,450,451,452,453,454,488 +7782 - 32,33,34,54,55,56,75,76,77,78,97,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,388,406,407,408,409,410,428,429,430,431,451,452,453,486 +7783 - 8,9,10,30,31,32,51,52,53,54,73,74,75,76,95,96,97,98,117,118,119,139,140,141,161,162,163,183,184,185,204,205,206,214,215,216,226,227,228,234,235,236,237,238,248,249,250,256,257,258,259,260,261,270,271,272,277,278,279,280,281,282,292,293,294,298,299,300,301,303,304,315,316,320,321,322,324,325,326,337,338,341,342,343,346,347,359,360,361,363,364,365,367,368,369,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,491 +7784 - 32,33,34,35,36,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,123,124,125,137,138,139,140,145,146,147,158,159,160,161,167,168,169,181,182,183,186,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,279,280,281,282,290,291,292,293,295,296,301,302,303,304,312,313,314,324,325,326,327,334,335,336,347,348,349,356,357,358,359,368,369,370,371,379,380,381,382,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,493 +7785 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,145,146,147,161,162,163,167,168,169,182,183,184,185,188,189,190,191,204,205,206,207,210,211,212,213,227,228,233,234,235,249,250,254,255,256,271,272,273,275,276,277,278,293,294,295,296,297,298,299,300,317,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,454,455,474,475,476,494 +7786 - 6,7,8,9,27,28,29,30,31,32,48,49,50,51,52,53,54,55,70,71,72,75,76,77,78,92,93,98,99,100,114,115,121,122,143,144,165,166,187,188,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,306,307,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,423,424,425,426,487 +7787 - 29,30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,97,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,233,249,252,253,254,255,256,277,278,279,280,300,301,302,303,324,325,346,347,348,369,370,379,380,388,389,390,391,392,401,402,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,488 +7788 - 12,13,14,33,34,35,55,56,57,76,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,184,185,186,206,207,208,228,229,230,249,250,251,254,255,256,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,323,324,325,336,337,338,339,344,345,346,359,360,361,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +7789 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,188,189,190,191,211,212,213,232,233,234,235,254,255,256,257,276,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,407,408,429,430,451,452,473,474,492 +7790 - 28,29,30,31,32,49,50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,99,100,101,102,122,123,124,125,145,146,147,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,255,275,276,277,278,298,299,300,301,302,321,322,323,324,344,345,346,365,366,367,368,380,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +7791 - 35,36,57,58,79,80,101,102,122,123,124,144,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,226,227,228,232,233,234,248,249,254,255,256,269,270,271,276,277,278,279,280,291,292,293,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,359,360,361,364,365,366,386,387,408,409,430,431,452,453,489 +7792 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,82,83,94,95,96,97,98,101,102,103,104,105,115,116,117,118,123,124,125,126,127,136,137,138,139,146,147,148,149,158,159,160,168,169,170,171,179,180,181,190,191,192,193,201,202,203,212,213,214,215,223,224,225,234,235,236,237,245,246,256,257,258,259,266,267,268,277,278,279,280,288,289,290,299,300,301,302,311,312,319,320,321,322,323,324,325,333,334,335,340,341,342,343,345,346,347,355,356,357,358,359,360,361,362,363,364,367,368,369,378,379,380,381,382,383,384,389,390,391,401,402,403,404,411,412,413,434,435,436,456,457,458,479,480,494 +7793 - 75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,147,148,159,160,161,162,163,166,167,168,169,170,181,182,183,184,189,190,191,192,203,204,206,207,209,210,211,212,213,225,226,228,229,230,231,232,233,234,235,247,248,249,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +7794 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,162,163,164,184,185,186,206,207,208,228,229,230,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,293,294,295,296,297,299,300,301,315,316,317,318,322,323,338,339,344,345,366,367,388,389,409,410,411,431,432,433,451,452,453,454,469,470,471,472,473,474,475,490 +7795 - 96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,125,126,135,136,137,138,139,140,141,142,143,144,145,147,148,160,161,162,163,164,165,166,167,169,170,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,433,450,451,452,453,473,474,475,492 +7796 - 7,8,28,29,30,31,50,51,52,53,72,73,74,94,95,96,115,116,117,118,136,137,138,139,145,146,147,148,158,159,160,161,165,166,167,168,169,170,171,172,180,181,182,183,186,187,188,189,190,191,192,193,194,195,202,203,204,207,208,209,210,211,214,215,216,217,224,225,226,229,230,231,232,237,238,239,246,247,248,251,252,253,259,260,261,267,268,269,270,273,274,275,281,282,283,290,291,292,295,296,297,303,304,305,312,313,314,317,318,319,324,325,326,334,335,336,337,338,339,340,341,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,491 +7797 - 31,32,33,52,53,54,55,74,75,76,77,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,167,168,169,170,181,182,183,184,190,191,192,203,204,205,212,213,214,215,225,226,227,235,236,237,246,247,248,257,258,259,260,268,269,270,279,280,281,282,290,291,292,301,302,303,304,312,313,323,324,325,326,334,335,345,346,347,348,356,357,367,368,369,378,379,380,388,389,390,391,400,401,402,403,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +7798 - 78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,168,169,170,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,357,358,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +7799 - 54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,122,123,124,125,139,140,141,142,145,146,147,160,161,162,163,182,183,184,185,190,204,205,206,209,210,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,297,298,299,319,320,321,341,342,343,344,363,364,365,366,368,385,386,387,390,391,407,408,409,412,413,429,430,431,434,435,451,452,453,456,457,473,474,475,494 +7800 - 71,72,73,93,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,126,143,144,145,146,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,253,254,255,256,275,276,277,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,447,448,449,468,469,470,492 +7801 - 55,56,60,61,77,78,82,83,98,99,100,103,104,105,120,121,125,126,127,141,142,143,147,148,149,163,164,165,169,170,184,185,186,190,191,192,206,207,208,212,213,214,227,228,229,230,234,235,236,248,249,250,251,252,256,257,258,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,319,320,321,322,323,334,335,336,337,343,344,356,357,358,364,365,366,378,379,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,476,489 +7802 - 56,57,58,59,77,78,79,80,81,99,100,101,121,122,123,142,143,144,164,165,166,185,186,187,188,207,208,209,229,230,231,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,342,361,362,363,364,384,385,386,406,407,408,409,429,430,431,452,453,454,455,475,476,477,486 +7803 - 53,54,55,56,74,75,76,77,78,79,96,97,98,99,100,101,117,118,119,122,123,139,140,141,145,146,161,162,163,167,168,169,183,184,185,189,190,191,206,207,211,212,213,228,229,230,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,318,319,320,339,340,341,342,343,361,362,364,365,383,384,387,388,404,405,406,409,410,426,427,428,431,432,449,450,451,452,453,454,472,473,474,475,476,493 +7804 - 57,58,59,60,61,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,249,250,251,252,254,255,256,257,270,271,272,273,274,277,278,279,291,292,293,294,300,301,302,313,314,315,316,322,323,324,335,336,337,344,345,346,356,357,358,359,366,367,368,378,379,380,387,388,389,390,400,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,493 +7805 - 29,30,31,32,33,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,98,99,100,101,113,114,115,116,121,122,123,135,136,137,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,368,369,370,371,372,382,383,384,385,386,387,388,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,487 +7806 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,411,429,430,431,432,433,452,453,454,486 +7807 - 98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,169,170,171,178,179,180,181,182,183,191,192,201,202,213,214,234,235,236,256,257,258,278,279,299,300,301,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,451,452,453,473,474,475,492 +7808 - 56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,257,258,259,269,270,271,272,273,274,279,280,281,290,291,292,293,294,301,302,303,304,311,312,313,314,315,323,324,325,326,332,333,334,335,345,346,347,348,354,355,356,367,368,369,370,376,377,378,388,389,390,391,392,398,399,400,401,402,403,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,493 +7809 - 98,99,100,101,102,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,167,168,169,180,181,182,183,184,189,190,191,210,211,212,213,232,233,234,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,492 +7810 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,122,123,124,134,135,136,137,144,145,146,147,156,157,158,159,166,167,168,169,179,180,181,182,188,189,190,191,202,203,204,209,210,211,212,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,347,366,367,368,369,389,390,391,403,404,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,488 +7811 - 59,60,61,62,63,78,79,80,81,82,83,84,85,94,95,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,160,161,162,163,183,184,185,205,206,207,208,228,229,230,251,252,273,274,275,295,296,297,318,319,320,338,339,341,342,343,360,361,363,364,365,382,383,384,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,473,474,475,476,477,490 +7812 - 56,57,58,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,471,472,473,486 +7813 - 102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,190,191,192,203,204,205,206,212,213,214,225,226,227,233,234,235,236,246,247,248,249,255,256,257,268,269,270,271,277,278,279,290,291,292,299,300,301,312,313,314,320,321,322,323,334,335,336,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +7814 - 7,8,9,10,28,29,30,31,50,51,52,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,181,182,183,204,205,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,281,282,283,293,294,295,304,305,306,316,317,318,326,327,328,339,340,341,349,350,362,363,364,365,366,371,372,385,386,387,388,389,390,391,392,393,394,408,409,410,411,412,413,414,415,491 +7815 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,362,363,384,385,406,407,428,429,430,450,451,452,472,473,474,475,486 +7816 - 95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,144,145,146,160,161,162,166,167,168,183,184,188,189,190,205,206,210,211,212,232,233,234,254,255,256,276,277,278,297,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +7817 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,168,169,170,171,172,181,182,183,184,185,186,191,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,229,235,236,237,238,247,248,249,250,251,257,258,259,260,270,271,272,273,279,280,281,282,292,293,294,295,296,301,302,303,304,315,316,317,318,323,324,325,326,338,339,340,341,344,345,346,347,361,362,363,365,366,367,368,386,387,388,389,390,407,408,409,410,411,427,428,429,430,431,432,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,494 +7818 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,122,123,124,125,126,127,128,129,136,137,138,147,148,149,150,151,158,159,160,169,170,171,172,173,180,181,182,183,190,191,192,193,194,202,203,204,205,211,212,213,214,225,226,227,228,232,233,234,235,248,249,250,251,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,344,345,360,361,362,363,364,365,366,367,368,381,382,383,384,388,389,390,391,403,404,405,410,411,412,413,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +7819 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,82,83,99,100,101,102,116,117,118,121,122,123,138,139,140,141,143,144,145,160,161,162,163,183,184,185,205,206,207,208,228,229,230,231,250,251,252,253,273,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,344,361,362,364,365,366,367,382,383,387,388,389,390,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,490 +7820 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,113,114,115,116,117,118,120,121,122,135,136,137,138,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,337,338,339,344,345,346,359,360,366,367,368,388,389,390,410,411,412,432,433,434,453,454,455,475,476,477,488 +7821 - 31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,102,103,104,112,113,114,124,125,126,135,145,146,147,148,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,349,350,351,358,359,360,368,369,370,371,372,373,380,381,382,383,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,487 +7822 - 31,32,53,54,74,75,76,96,97,117,118,119,139,140,144,145,146,160,161,162,166,167,168,181,182,183,189,190,203,204,205,211,212,226,227,228,229,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,408,409,430,431,452,453,489 +7823 - 58,59,60,80,81,82,102,103,104,116,123,124,125,126,137,138,139,145,146,147,148,159,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,224,225,226,227,233,234,235,246,247,248,249,254,255,256,257,269,270,276,277,278,279,291,292,293,298,299,300,302,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,360,361,362,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,489 +7824 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,102,103,104,118,119,124,125,126,139,140,146,147,161,168,169,182,183,189,190,191,203,204,211,212,213,225,226,233,234,235,247,248,254,255,256,269,270,276,277,278,291,292,297,298,299,300,313,314,318,319,320,321,322,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,364,365,380,381,382,386,387,408,409,430,431,451,452,453,473,474,494 +7825 - 32,33,34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,80,81,94,95,96,97,98,102,103,116,117,118,137,138,139,140,159,160,161,169,170,171,182,183,190,191,192,193,204,205,206,211,212,213,214,226,227,228,232,233,234,235,249,250,251,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,387,388,389,404,405,406,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,493 +7826 - 77,78,79,98,99,100,101,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,165,166,167,168,180,181,182,183,187,188,189,190,191,202,203,204,209,210,211,212,213,223,224,225,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,276,277,278,291,292,293,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,387,388,389,409,410,411,432,433,434,454,455,456,477,478,479,494 +7827 - 53,54,55,56,74,75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,121,122,123,138,139,140,143,144,145,159,160,161,162,165,166,167,181,182,183,188,203,204,205,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,276,277,278,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +7828 - 51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,126,127,128,129,136,137,138,139,149,150,151,152,157,158,159,160,171,172,173,174,178,179,180,181,182,193,194,195,196,200,201,202,203,215,216,217,218,222,223,224,225,236,237,238,239,243,244,245,246,247,258,259,260,261,265,266,267,268,269,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,323,324,325,326,332,333,334,335,336,345,346,347,348,355,356,357,358,359,366,367,368,369,370,378,379,380,381,382,387,388,389,390,391,400,401,402,403,404,405,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,485 +7829 - 9,10,11,31,32,33,52,53,54,74,75,76,96,97,98,117,118,119,139,140,141,161,162,163,168,182,183,184,189,190,191,204,205,206,210,211,212,213,214,226,227,228,232,233,234,235,236,248,249,250,253,254,255,256,257,258,270,271,272,274,275,276,277,279,280,281,292,293,294,296,297,298,301,302,303,314,315,316,318,319,323,324,325,336,337,338,340,341,344,345,346,358,359,360,362,363,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +7830 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,492 +7831 - 55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,123,124,125,139,140,141,142,146,147,161,162,163,168,169,182,183,184,190,191,204,205,206,211,212,213,226,227,232,233,234,235,248,249,253,254,255,256,257,270,271,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,343,344,345,354,365,366,367,376,387,388,389,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +7832 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,100,101,102,103,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,212,213,225,226,230,231,232,233,234,235,236,246,247,248,255,256,257,258,259,268,269,270,278,279,280,281,290,291,292,301,302,303,312,313,314,315,322,323,324,325,335,336,337,344,345,346,357,358,359,360,365,366,367,368,379,380,381,382,383,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,488 +7833 - 100,101,102,103,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,181,182,183,184,185,189,190,191,200,201,202,203,204,211,212,213,232,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,474,492 +7834 - 35,36,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,429,448,449,450,486 +7835 - 10,11,12,31,32,33,53,54,55,75,76,77,97,98,118,119,120,140,141,142,161,162,163,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,248,249,250,253,254,255,256,258,259,270,271,272,274,275,276,277,279,280,281,291,292,293,295,296,297,301,302,303,313,314,315,317,318,319,322,323,324,335,336,337,338,339,340,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +7836 - 27,28,29,30,31,48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,96,97,98,99,100,113,114,115,116,120,121,122,123,135,136,137,143,144,145,146,165,166,167,168,187,188,189,190,210,211,212,232,233,234,253,254,255,256,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,412,413,414,415,416,417,426,427,428,429,436,437,448,449,450,451,487 +7837 - 36,37,58,59,79,80,81,101,102,103,116,117,123,124,125,138,139,145,146,147,160,161,167,168,182,183,189,190,204,205,206,210,211,212,226,227,228,232,233,234,248,249,250,254,255,256,270,271,272,276,277,278,293,294,295,298,299,315,316,317,318,319,320,321,339,340,341,342,343,363,364,365,385,386,387,407,408,429,430,450,451,452,489 +7838 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,122,123,124,125,126,127,128,136,137,138,139,140,144,145,147,148,149,150,158,159,160,161,162,166,170,171,172,173,179,180,181,182,192,193,194,195,201,202,203,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,259,260,261,262,266,267,268,281,282,283,284,288,289,290,302,303,304,305,310,311,312,324,325,326,327,331,332,333,334,345,346,347,348,353,354,355,356,367,368,369,376,377,378,388,389,390,391,398,399,400,401,408,409,410,411,412,420,421,422,423,424,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,485 +7839 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +7840 - 48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,126,127,128,129,147,148,149,150,151,169,170,171,172,173,190,191,192,193,194,211,212,213,214,215,232,233,234,235,236,250,253,254,255,256,257,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,386,387,388,399,400,401,402,403,404,408,409,410,411,421,422,423,424,425,431,432,433,434,435,445,446,454,455,456,457,458,459,460,461,478,479,480,481,482,487 +7841 - 6,7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,79,80,81,102,103,124,125,146,147,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,294,295,296,315,316,317,318,322,323,324,337,338,339,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,412,424,425,426,427,428,487 +7842 - 38,39,40,59,60,61,62,81,82,83,84,96,97,103,104,105,116,117,118,119,120,124,125,126,127,137,138,139,140,141,146,147,148,149,159,160,161,162,163,168,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,205,212,213,214,215,222,223,224,225,226,234,235,236,237,244,245,246,247,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,489 +7843 - 8,9,10,30,31,32,51,52,53,73,74,75,95,96,97,117,118,119,139,140,141,161,162,163,183,184,204,205,206,226,227,228,231,232,233,234,235,248,249,250,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,300,301,302,315,316,317,318,319,323,324,337,338,339,340,345,346,360,361,362,363,364,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +7844 - 53,54,74,75,76,96,97,117,118,119,123,124,125,139,140,141,145,146,147,161,162,167,168,183,184,189,190,191,205,206,210,211,212,213,214,227,228,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,277,294,295,297,298,319,320,340,341,342,362,363,364,384,385,406,407,428,429,450,451,472,473,489 +7845 - 32,33,34,35,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,433,450,451,452,453,454,455,486 +7846 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +7847 - 53,54,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,473,474,475,486 +7848 - 72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,137,138,139,144,145,146,147,158,159,160,161,166,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,210,211,212,213,214,224,225,226,227,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,300,301,302,317,322,323,324,344,345,346,366,367,368,388,389,390,391,410,411,412,432,433,434,454,455,456,476,477,478,494 +7849 - 123,124,125,126,132,133,143,144,145,146,147,148,149,154,155,156,157,158,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,256,257,258,259,270,271,278,279,280,281,300,301,302,303,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,431,432,433,434,435,453,454,455,456,457,475,476,477,478,492 +7850 - 38,39,51,52,60,61,62,72,73,74,81,82,83,84,94,95,96,103,104,105,116,117,118,125,126,127,137,138,139,140,146,147,148,149,159,160,161,168,169,170,171,180,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,255,256,257,258,267,268,269,270,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,359,360,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,489 +7851 - 5,6,7,8,9,10,26,27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,70,71,72,76,77,78,93,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,294,295,296,297,316,317,318,324,325,326,327,337,338,339,340,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,487 +7852 - 12,13,14,15,16,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,81,82,83,95,96,97,98,99,103,104,116,117,118,119,137,138,139,140,141,159,160,161,162,180,181,182,183,202,203,204,205,214,224,225,226,227,234,235,236,237,238,246,247,248,249,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,298,299,300,301,303,304,305,312,313,314,315,320,321,322,325,326,327,334,335,336,337,338,342,343,344,346,347,348,349,357,358,359,360,361,362,363,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,491 +7853 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,100,101,102,103,104,114,115,123,124,125,126,145,146,147,148,165,166,167,168,169,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,249,250,251,252,253,254,255,272,273,274,275,276,277,278,279,298,299,300,301,321,322,323,324,344,345,346,367,368,369,388,389,390,391,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +7854 - 34,35,36,56,57,58,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,279,295,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +7855 - 7,8,9,29,30,31,51,52,53,73,74,75,95,96,97,117,118,119,139,140,141,142,162,163,164,166,167,168,169,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,234,235,236,237,250,251,252,253,257,258,259,260,271,272,273,274,275,280,281,282,293,294,295,296,297,302,303,304,315,316,317,318,319,320,323,324,325,326,337,338,339,340,341,342,345,346,347,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,408,409,410,411,412,491 +7856 - 34,35,56,57,78,79,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,384,385,406,407,428,429,450,451,486 +7857 - 56,57,78,79,80,100,101,102,115,116,122,123,124,137,138,144,145,146,159,160,166,167,168,181,182,183,188,189,190,203,204,205,210,211,212,225,226,227,232,233,234,247,248,249,254,255,256,270,271,272,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,341,342,343,363,364,365,385,386,387,408,409,430,431,452,453,474,475,489 +7858 - 50,51,52,53,54,55,72,73,74,75,76,77,78,79,93,94,95,100,101,114,115,116,136,137,138,146,147,148,158,159,160,167,168,169,170,180,181,182,188,189,190,191,192,193,202,203,204,209,210,211,213,214,215,224,225,226,231,232,233,235,236,237,246,247,248,252,253,254,257,258,268,269,270,271,273,274,275,276,279,280,290,291,292,293,294,295,296,297,301,302,313,314,315,316,317,318,323,324,337,338,344,345,346,366,367,368,388,389,390,409,410,411,412,431,432,433,453,454,455,456,475,476,477,478,494 +7859 - 75,76,77,78,79,96,97,98,99,100,101,102,117,118,119,123,124,125,139,140,141,146,147,148,161,162,163,167,168,169,170,183,184,185,189,190,206,207,208,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,274,275,276,277,297,298,299,318,319,320,321,340,341,342,343,344,362,363,365,366,384,385,387,388,405,406,407,409,410,427,428,429,431,432,449,450,451,452,453,471,472,473,474,475,493 +7860 - 98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,144,145,146,147,161,162,163,167,168,169,182,183,184,188,189,190,191,204,205,206,210,211,212,213,226,227,232,233,234,248,249,254,255,256,270,271,272,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,342,343,364,365,366,386,387,388,408,409,410,430,431,432,453,454,475,476,494 +7861 - 75,76,77,78,96,97,98,99,100,118,119,120,121,122,139,140,141,143,144,156,160,161,162,165,166,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,274,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,473,474,475,494 +7862 - 30,31,32,52,53,54,75,76,97,98,118,119,120,124,125,140,141,142,146,147,162,163,168,169,183,184,185,190,191,205,206,207,212,213,227,228,234,235,237,238,248,249,250,256,257,258,259,269,270,271,277,278,279,280,281,291,292,293,298,299,300,301,302,313,314,315,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,366,367,388,389,410,411,412,432,433,434,454,455,456,489 +7863 - 8,9,10,30,31,52,53,73,74,75,95,96,97,117,118,139,140,161,162,169,182,183,184,189,190,191,192,193,204,205,206,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,238,248,249,250,253,254,255,256,259,260,261,270,271,272,275,276,277,281,282,283,292,293,294,297,298,299,303,304,305,314,315,316,319,320,324,325,326,337,338,341,342,345,346,347,348,359,360,361,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,491 +7864 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,103,104,105,113,114,115,116,117,118,123,124,125,126,134,135,136,144,145,146,164,165,166,167,185,186,187,205,206,207,208,226,227,228,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,282,283,284,289,290,291,292,293,294,295,305,306,307,311,312,313,327,328,329,348,349,350,369,370,371,389,390,391,392,410,411,412,413,423,429,430,431,432,433,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +7865 - 57,58,59,79,80,81,101,102,103,116,117,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,228,233,234,235,248,249,250,255,256,257,270,271,272,277,278,292,293,294,299,300,315,316,317,318,319,320,321,322,338,339,340,341,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,475,489 +7866 - 90,91,92,112,113,114,115,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,190,191,192,193,202,203,204,212,213,214,215,224,225,226,234,235,236,247,248,249,255,256,257,258,269,270,271,277,278,279,280,291,292,293,299,300,301,302,321,322,323,324,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,478,492 +7867 - 9,10,11,30,31,32,33,52,53,54,74,75,76,95,96,97,98,117,118,119,139,140,141,161,162,163,183,184,185,189,190,204,205,206,210,211,212,213,226,227,228,231,232,233,234,235,236,248,249,250,253,254,255,256,257,258,270,271,272,274,275,276,277,279,280,281,292,293,294,296,297,298,301,302,303,315,316,317,318,319,320,323,324,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,406,407,408,409,491 +7868 - 53,54,74,75,76,96,97,98,117,118,119,120,139,140,141,142,147,148,149,161,162,163,168,169,170,171,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,456,475,476,477,489 +7869 - 61,62,63,64,65,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,116,117,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,181,182,183,184,203,204,205,206,225,226,227,248,249,250,270,271,272,292,293,294,295,315,316,317,337,338,339,340,341,360,361,362,363,364,378,379,380,381,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,472,473,474,490 +7870 - 23,24,45,46,47,67,68,69,70,81,82,89,90,91,92,103,104,105,106,111,112,113,114,125,126,127,128,133,134,135,136,137,147,148,149,150,151,155,156,157,158,159,169,170,171,172,173,178,179,180,181,191,192,193,194,195,200,201,202,203,213,214,215,216,217,222,223,224,225,236,237,238,239,244,245,246,247,248,249,250,251,252,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,364,365,366,367,368,369,370,371,372,390,391,392,393,394,413,414,415,416,489 +7871 - 31,32,33,34,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,144,145,146,147,161,162,163,167,168,169,182,183,184,185,189,190,191,204,205,206,211,212,213,214,226,227,228,234,235,236,248,249,250,256,257,258,269,270,271,278,279,280,291,292,293,300,301,302,313,314,315,322,323,324,335,336,337,343,344,345,357,358,359,365,366,367,379,380,381,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,485 +7872 - 28,29,30,31,32,50,51,52,53,54,55,73,74,75,76,77,95,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,234,251,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,389,405,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,486 +7873 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,101,102,103,117,118,119,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,359,360,361,366,367,368,381,382,383,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,487 +7874 - 8,9,10,11,30,31,32,33,52,53,54,55,73,74,75,76,94,95,96,97,115,116,117,118,136,137,138,139,140,158,159,160,161,180,181,182,188,189,190,191,192,193,194,195,196,201,202,203,204,208,209,210,211,212,213,214,215,216,217,218,219,223,224,225,226,228,229,230,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,252,253,261,262,263,267,268,269,270,271,272,273,274,283,284,285,289,290,291,292,293,294,295,305,306,307,311,312,313,314,315,316,325,326,327,328,329,333,334,335,336,337,346,347,348,349,350,355,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +7875 - 54,55,56,75,76,77,78,98,99,100,113,120,121,122,135,142,143,144,157,164,165,166,179,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,355,356,362,363,364,377,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +7876 - 28,29,30,49,50,51,52,71,72,73,74,93,94,95,96,115,116,117,118,126,127,137,138,139,140,146,147,148,149,150,159,160,161,162,168,169,170,171,172,181,182,183,184,189,190,191,192,193,194,204,205,206,210,211,212,213,214,215,226,227,228,232,233,234,236,237,248,249,250,253,254,255,257,258,259,270,271,272,275,276,277,278,279,280,281,292,293,294,296,297,298,300,301,302,314,315,316,317,318,319,320,322,323,324,337,338,339,340,341,343,344,345,359,360,361,362,363,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,491 +7877 - 30,31,32,33,34,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,100,101,102,117,118,123,124,125,138,139,140,145,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,193,204,205,213,214,215,226,227,235,236,237,248,249,257,258,259,270,271,279,280,281,292,293,301,302,303,314,315,323,324,325,336,337,345,346,347,358,359,367,368,369,380,381,382,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +7878 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,124,125,126,140,141,145,146,147,162,163,164,165,166,167,168,184,185,186,187,188,189,206,207,208,209,228,229,230,231,249,250,251,252,253,254,271,272,273,274,275,276,277,293,294,297,298,299,300,314,315,316,320,321,322,336,337,343,344,345,358,359,360,365,366,367,380,381,382,387,388,389,402,403,404,405,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,471,472,473,474,493 +7879 - 78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,117,118,120,121,122,123,124,125,126,127,130,131,138,139,140,142,143,144,145,160,161,162,182,183,184,204,205,206,226,227,228,248,249,250,270,271,272,273,293,294,295,316,317,318,338,339,340,361,362,363,383,384,385,402,406,407,408,424,425,428,429,430,447,448,449,450,451,452,453,469,470,471,472,473,474,475,490 +7880 - 31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,101,102,103,116,117,118,123,124,125,138,139,145,146,147,166,167,168,169,188,189,190,209,210,211,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,337,338,339,340,347,348,349,359,360,361,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,487 +7881 - 53,54,55,56,57,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,168,169,170,171,183,184,185,191,192,193,204,205,206,213,214,215,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,291,292,293,301,302,303,313,314,315,323,324,325,335,336,337,345,346,347,357,358,359,366,367,368,369,379,380,381,387,388,389,390,401,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +7882 - 73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,140,141,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,474,492 +7883 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,473,474,486 +7884 - 34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,139,140,141,142,146,147,148,168,169,170,190,191,212,213,233,234,235,249,254,255,256,257,269,270,271,272,273,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,316,317,318,319,320,321,334,335,339,340,341,342,343,344,345,346,347,348,355,356,357,361,362,363,364,365,366,367,368,369,370,376,377,378,379,382,383,384,385,387,388,389,390,391,399,400,401,402,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,487 +7885 - 54,55,56,76,77,78,98,99,100,120,121,122,123,142,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +7886 - 53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,124,125,137,138,139,140,141,142,159,160,161,162,163,181,182,183,185,202,203,204,205,224,225,226,227,246,247,248,249,250,269,270,271,272,273,274,275,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,341,342,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +7887 - 100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,168,169,170,179,180,181,182,183,184,185,186,190,191,192,201,202,203,204,205,206,212,213,224,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,492 +7888 - 77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,383,384,385,405,406,407,427,428,429,448,449,450,451,470,471,472,473,486 +7889 - 12,13,33,34,35,36,54,55,56,57,58,75,76,77,79,80,96,97,98,118,119,120,140,141,162,163,168,169,184,185,188,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,251,252,253,254,273,274,275,276,277,295,296,297,298,299,316,317,318,320,321,322,338,339,340,342,343,344,360,361,362,365,366,367,383,384,385,386,388,389,405,406,407,408,409,410,411,429,430,431,432,433,493 +7890 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,95,96,97,117,118,119,139,140,141,161,162,163,183,184,185,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,273,274,275,278,279,280,295,296,300,301,302,316,317,318,323,324,338,339,345,346,359,360,361,366,367,368,381,382,383,388,389,390,403,404,405,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +7891 - 37,38,39,59,60,61,81,82,83,103,104,105,118,119,120,125,126,127,140,141,142,147,148,149,161,162,163,164,169,170,171,183,184,185,191,192,204,205,206,207,212,213,214,225,226,227,228,234,235,236,246,247,248,249,256,257,258,267,268,269,270,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,343,344,345,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +7892 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,73,74,75,76,77,80,81,82,94,95,96,97,102,103,104,116,117,123,124,125,145,146,147,166,167,168,188,189,190,210,211,212,231,232,233,253,254,255,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,387,401,402,403,404,405,407,408,409,423,424,425,426,427,430,431,445,446,447,448,452,487 +7893 - 7,8,9,10,11,29,30,31,32,33,34,51,52,55,56,77,78,79,99,100,101,121,122,123,143,144,163,164,165,166,183,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,254,255,256,277,278,279,299,300,301,321,322,323,336,343,344,345,358,359,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,488 +7894 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,82,83,95,96,97,98,99,116,117,118,119,123,124,125,136,137,138,139,140,145,146,147,148,158,159,160,168,169,170,179,180,181,182,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,282,295,296,297,298,303,304,305,316,317,318,319,326,327,328,337,338,339,340,348,349,350,358,359,360,361,369,370,371,372,379,380,381,388,389,390,391,392,393,401,402,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,493 +7895 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,124,125,126,137,138,139,140,146,147,148,159,160,168,169,170,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,477,487 +7896 - 33,54,55,56,75,76,77,97,98,99,118,119,120,140,141,142,162,163,168,169,183,184,185,190,191,192,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,489 +7897 - 103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,185,190,191,192,193,212,213,214,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,492 +7898 - 59,60,61,81,82,83,95,96,103,104,105,116,117,118,119,125,126,127,138,139,140,141,147,148,149,159,160,161,162,169,170,171,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,256,257,258,259,267,268,269,270,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,322,323,324,325,333,334,335,336,337,338,339,340,344,345,346,347,356,357,358,359,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,454,455,456,476,477,478,489 +7899 - 77,78,79,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,182,183,184,185,187,204,205,209,210,211,225,226,227,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,276,277,278,298,299,300,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +7900 - 32,33,54,55,76,77,98,99,120,121,142,143,164,165,186,187,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,319,320,341,342,343,363,364,365,385,386,387,408,409,430,431,452,453,454,486 +7901 - 10,11,12,13,14,31,32,33,34,35,36,53,54,55,56,57,58,59,75,76,79,80,81,101,102,103,123,124,125,126,145,146,147,166,167,168,169,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,302,321,322,323,324,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,488 +7902 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,165,166,167,168,169,180,181,182,183,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +7903 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,161,162,163,168,169,183,184,185,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,254,255,256,276,277,278,298,299,300,313,320,321,322,335,342,343,344,357,363,364,365,385,386,387,406,407,408,428,429,430,449,450,451,452,471,472,473,494 +7904 - 26,27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,98,99,100,120,121,122,141,142,143,144,162,163,164,165,180,181,182,183,184,185,186,187,188,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,257,258,259,260,280,281,282,283,303,304,305,325,326,327,347,348,349,367,368,369,370,371,380,381,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,488 +7905 - 36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,147,148,149,150,161,162,163,164,165,169,170,171,172,182,183,184,185,186,191,192,193,194,203,204,205,206,207,213,214,215,216,225,226,227,228,235,236,237,238,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,322,323,324,325,332,333,334,335,343,344,345,346,347,354,355,356,357,364,365,366,367,368,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +7906 - 72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,146,147,148,149,155,156,157,168,169,170,177,178,188,189,190,191,192,200,209,210,211,212,213,229,230,231,232,233,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,346,347,348,368,369,370,389,390,391,392,411,412,413,414,432,433,434,435,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +7907 - 58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,187,188,189,190,208,209,210,211,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,470,486 +7908 - 33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,116,117,118,119,121,122,123,137,138,139,140,142,143,144,160,161,162,163,164,165,166,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,300,301,302,303,304,322,323,324,325,343,344,345,346,347,364,365,366,367,368,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +7909 - 12,13,14,15,16,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,124,125,126,127,146,147,148,149,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,289,290,291,292,293,294,295,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,357,358,359,360,361,362,363,364,365,366,375,376,377,378,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,430,431,432,433,434,435,487 +7910 - 9,10,11,12,13,30,31,32,33,34,35,50,51,52,53,54,55,56,72,73,74,75,76,93,94,95,96,97,114,115,116,117,118,136,137,138,139,158,159,160,161,180,181,182,183,201,202,203,204,215,216,223,224,225,226,235,236,237,238,239,245,246,247,248,256,257,258,259,260,261,262,267,268,269,270,277,278,279,280,281,282,283,284,289,290,291,292,299,300,301,302,304,305,306,311,312,313,314,315,321,322,325,326,327,328,334,335,336,337,338,343,344,345,347,348,349,356,357,358,359,360,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,491 +7911 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,277,278,279,299,300,301,321,322,323,332,343,344,345,353,354,355,356,365,366,367,375,376,377,378,379,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,488 +7912 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,78,79,80,93,94,95,96,100,101,102,115,116,117,118,122,123,124,137,138,139,144,145,146,159,160,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,274,275,276,295,296,297,298,316,317,318,319,320,336,337,338,339,340,341,342,343,344,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,409,410,411,412,413,414,424,425,426,487 +7913 - 39,40,41,61,62,63,75,76,82,83,84,85,96,97,98,99,104,105,106,118,119,120,121,125,126,127,128,139,140,141,142,147,148,149,161,162,163,164,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,226,227,228,233,234,235,236,247,248,249,250,255,256,257,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,362,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,489 +7914 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,122,123,124,125,126,127,136,137,138,158,159,179,180,181,182,183,201,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,282,301,302,303,304,305,324,325,326,327,347,348,349,359,360,369,370,371,381,382,383,384,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,472,473,474,475,476,490 +7915 - 53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,370,378,388,389,390,391,399,400,401,402,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,490 +7916 - 75,76,77,81,97,98,99,101,102,103,119,120,121,123,124,125,140,141,142,145,146,147,162,163,164,167,168,169,183,184,185,189,190,204,205,206,207,210,211,212,213,226,227,228,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,489 +7917 - 98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,168,169,170,171,180,181,182,183,184,185,189,190,191,192,204,205,206,211,212,213,214,232,233,234,235,254,255,256,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +7918 - 70,71,72,91,92,93,94,95,104,113,114,115,116,117,125,126,127,134,135,136,137,138,139,146,147,148,149,156,157,158,159,160,161,162,167,168,169,170,178,179,180,181,183,184,185,186,187,188,189,190,191,192,201,202,203,205,206,207,208,209,210,211,212,213,214,224,225,229,230,231,232,233,234,235,236,256,257,277,278,279,281,282,283,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,340,341,342,343,344,345,365,366,367,387,388,409,410,431,432,453,454,475,476,477,492 +7919 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,141,142,143,144,146,147,148,149,163,164,165,166,168,169,170,185,186,187,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,384,385,386,387,401,402,403,404,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +7920 - 56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,108,109,116,117,118,119,120,121,122,123,124,138,139,140,141,142,160,161,162,163,181,182,183,202,203,204,205,224,225,226,227,247,248,249,250,251,252,270,271,272,273,274,275,276,295,296,297,298,299,319,320,321,322,343,344,356,357,365,366,367,377,378,387,388,389,399,400,408,409,410,411,421,422,423,424,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +7921 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,146,147,148,149,161,162,163,164,168,169,170,171,183,184,185,190,191,192,204,205,206,207,211,212,213,214,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,362,363,364,384,385,386,406,407,427,428,429,449,450,451,470,471,472,494 +7922 - 51,52,60,61,62,73,74,75,82,83,84,85,95,96,105,106,116,117,118,126,127,128,138,139,140,147,148,149,150,159,160,161,169,170,171,172,180,181,182,183,191,192,193,202,203,204,213,214,215,223,224,225,226,230,231,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,299,300,301,310,311,312,313,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,432,433,451,452,453,454,455,474,475,476,489 +7923 - 60,61,62,76,77,78,79,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,148,149,150,151,159,160,161,162,163,164,165,166,170,171,172,173,181,182,183,184,185,186,192,193,194,195,202,203,204,205,206,207,214,215,216,217,223,224,225,226,227,228,236,237,238,239,245,246,247,248,258,259,260,261,266,267,268,269,280,281,282,288,289,290,291,302,303,304,310,311,312,323,324,325,326,332,333,334,344,345,346,347,353,354,355,356,365,366,367,368,376,377,378,379,386,387,388,389,390,398,399,400,401,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +7924 - 35,36,37,38,39,56,57,58,59,60,61,78,79,80,82,83,99,100,101,104,105,121,122,125,126,143,144,146,147,148,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,230,231,232,235,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,316,317,318,319,320,337,338,339,341,342,358,359,360,363,364,379,380,381,385,386,387,401,402,403,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +7925 - 59,60,61,79,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,144,145,146,147,148,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,467,468,469,470,486 +7926 - 27,28,29,49,50,51,52,70,71,72,84,85,92,93,94,105,106,107,113,114,115,127,128,135,136,137,149,150,156,157,158,159,171,172,178,179,180,192,193,194,200,201,202,214,215,216,222,223,224,235,236,237,238,244,245,254,255,256,257,258,259,260,266,267,268,272,273,274,275,276,277,278,280,281,282,288,289,290,291,292,293,294,295,296,297,303,304,311,312,313,314,315,316,317,318,325,326,334,335,336,347,348,369,370,371,391,392,393,414,415,416,436,437,438,459,460,461,489 +7927 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,143,144,146,147,148,149,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,268,269,270,271,275,276,277,278,288,289,290,291,292,293,294,295,296,297,298,299,310,311,312,313,314,315,316,317,318,319,320,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,384,385,386,387,388,389,390,391,392,393,487 +7928 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,428,429,450,451,472,473,486 +7929 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,102,103,104,105,124,125,126,127,145,146,147,148,149,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,231,232,233,234,254,255,256,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,353,354,363,364,365,366,374,375,376,377,384,385,386,387,388,396,397,398,399,400,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,451,488 +7930 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,116,117,118,123,124,125,126,127,137,138,139,140,146,147,148,149,159,160,161,169,170,171,180,181,182,183,191,192,193,202,203,204,213,214,215,224,225,226,235,236,237,246,247,248,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,314,323,324,325,334,335,336,345,346,347,356,357,358,359,367,368,369,379,380,381,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +7931 - 18,19,20,40,41,42,61,62,63,64,82,83,84,85,86,104,105,106,107,125,126,127,128,138,139,147,148,149,150,159,160,161,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,211,212,213,214,223,224,225,226,233,234,235,245,246,247,248,254,255,256,265,266,267,268,269,275,276,277,278,287,288,289,290,291,292,293,294,295,296,297,298,299,309,310,311,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,359,360,361,362,363,382,383,384,385,403,404,405,406,412,413,414,425,426,427,434,435,436,437,489 +7932 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,101,102,116,117,118,119,122,123,124,125,138,139,140,144,145,146,147,148,159,160,161,162,168,169,170,181,182,183,191,192,193,202,203,204,205,214,215,224,225,226,237,238,246,247,248,259,260,268,269,270,282,283,290,291,292,304,305,312,313,314,326,327,334,335,336,337,347,348,349,356,357,358,359,368,369,370,371,379,380,381,382,383,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,485 +7933 - 14,15,16,17,35,36,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,209,227,228,229,230,233,234,235,247,248,249,250,251,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +7934 - 72,73,74,79,80,94,95,96,101,102,103,116,117,118,119,122,123,124,125,138,139,140,141,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,489 +7935 - 96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,189,190,191,192,204,205,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,429,447,448,449,450,468,469,470,471,492 +7936 - 94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,144,145,146,147,157,158,159,166,167,168,169,178,179,180,188,189,190,191,200,201,202,210,211,212,213,222,223,224,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,321,322,323,343,344,345,346,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,477,478,479,494 +7937 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,147,148,149,150,151,160,161,162,163,169,170,171,172,173,182,183,184,185,192,193,194,195,205,206,207,213,214,215,216,227,228,229,235,236,237,250,251,252,256,257,258,272,273,274,275,277,278,279,280,295,296,297,298,299,300,301,317,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +7938 - 56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,469,470,471,486 +7939 - 99,100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,167,168,169,170,171,181,182,183,184,185,186,190,191,192,193,203,204,205,206,211,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +7940 - 70,71,72,73,92,93,94,95,113,114,115,116,117,130,135,136,150,151,152,153,157,158,172,173,174,175,179,180,193,194,195,196,197,201,202,203,214,215,216,217,223,224,225,226,227,236,237,238,246,247,248,249,250,251,257,258,259,270,271,272,273,274,275,278,279,280,281,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +7941 - 37,38,39,58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,230,234,235,236,237,238,245,246,247,248,249,250,258,259,260,266,267,268,269,270,271,280,281,287,288,289,290,291,292,301,302,303,309,310,311,312,323,324,325,331,332,333,334,344,345,346,347,353,354,355,365,366,367,368,375,376,377,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,485 +7942 - 55,56,57,77,78,79,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +7943 - 38,39,40,59,60,61,62,63,80,81,82,83,84,85,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,426,443,444,445,446,447,486 +7944 - 36,37,58,59,60,71,72,73,80,81,93,94,95,102,103,115,116,117,124,125,136,137,138,146,147,148,158,159,160,168,169,170,179,180,181,182,190,191,192,200,201,202,203,212,213,214,222,223,224,225,226,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,433,434,435,455,456,489 +7945 - 17,18,19,36,37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,165,166,167,169,170,171,172,191,192,193,212,213,214,215,234,235,236,237,248,249,250,251,252,253,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,330,331,332,333,334,339,340,341,342,343,344,352,353,354,355,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,408,409,410,411,412,413,414,415,433,434,435,436,437,487 +7946 - 90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,167,168,169,170,171,191,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,473,492 +7947 - 54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,124,125,126,127,137,138,139,140,146,147,148,149,167,168,169,170,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,297,298,299,300,301,302,303,304,323,324,325,326,345,346,347,348,367,368,369,370,375,376,388,389,390,391,397,398,399,400,410,411,412,419,420,421,422,423,430,431,432,433,434,441,442,443,444,445,446,450,451,452,453,454,455,464,465,466,467,468,469,470,471,472,473,474,475,488 +7948 - 32,33,34,35,53,54,55,56,57,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,124,125,126,136,137,138,139,140,141,147,148,149,157,158,159,160,169,170,171,179,180,181,191,192,193,201,202,203,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,260,261,269,270,271,272,273,274,282,283,284,290,291,292,293,304,305,306,312,313,314,326,327,328,333,334,335,348,349,355,356,357,369,370,371,378,379,380,389,390,391,392,400,401,402,403,404,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,493 +7949 - 18,19,20,39,40,41,42,61,62,63,82,83,84,85,103,104,105,106,125,126,127,146,147,148,149,163,167,168,169,170,184,185,186,189,190,191,205,206,207,208,210,211,212,213,226,227,228,229,230,232,233,234,248,249,250,251,253,254,255,256,269,270,271,272,275,276,277,290,291,292,293,296,297,298,299,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,382,383,384,385,403,404,405,406,424,425,426,427,489 +7950 - 52,53,54,55,56,57,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,124,125,126,140,141,146,147,148,162,163,167,168,169,184,185,188,189,190,206,207,209,210,211,228,229,230,231,232,250,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,321,322,338,339,340,342,343,344,345,360,361,365,366,367,381,382,383,386,387,388,389,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,493 +7951 - 76,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,184,185,186,187,188,206,207,208,209,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,299,300,301,321,322,323,342,343,344,345,363,364,365,366,376,377,378,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,490 +7952 - 54,65,72,73,74,75,76,77,78,85,86,87,92,93,94,95,96,97,98,99,100,101,104,105,106,107,108,109,113,114,115,116,117,118,119,126,127,128,129,130,135,136,137,138,139,146,147,148,149,150,151,157,158,159,160,166,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,314,315,316,317,320,321,322,336,337,338,339,343,344,345,357,358,359,360,364,365,366,367,379,380,381,382,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,470,471,493 +7953 - 16,17,18,19,20,37,38,39,40,41,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,249,250,251,252,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,366,367,368,378,379,380,381,382,383,384,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,491 +7954 - 60,61,62,73,74,82,83,84,95,96,97,104,105,106,116,117,118,119,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,203,204,205,206,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,475,476,489 +7955 - 96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,189,190,191,192,205,206,207,210,211,212,213,214,231,232,233,234,235,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,470,492 +7956 - 54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,126,137,138,139,140,141,145,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,190,191,192,193,203,204,205,212,213,214,215,225,226,227,234,235,236,237,247,248,249,257,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,335,336,337,345,346,347,357,358,359,360,367,368,369,379,380,381,382,388,389,390,401,402,403,404,405,410,411,412,425,426,427,428,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +7957 - 62,63,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,233,234,235,236,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,320,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,381,382,383,384,399,400,401,402,404,405,406,421,422,423,426,427,428,444,445,446,447,448,449,450,467,468,469,470,471,493 +7958 - 51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,101,102,103,112,113,114,115,116,117,134,135,136,143,144,145,156,157,158,164,165,166,167,168,178,179,180,181,182,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,240,241,248,249,250,251,254,255,256,257,259,260,261,262,263,277,278,279,280,281,282,283,298,299,300,301,302,303,304,319,320,321,322,323,324,325,340,341,342,343,344,345,346,347,361,362,363,364,365,367,368,369,383,384,385,386,389,390,391,405,406,407,408,410,411,412,413,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,474,475,476,477,494 +7959 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,146,147,148,159,160,161,162,163,164,167,168,169,170,181,182,183,184,188,189,190,191,192,202,203,204,205,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,468,469,470,471,494 +7960 - 33,34,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,409,426,427,428,429,430,431,449,450,451,452,486 +7961 - 74,75,76,77,78,95,96,97,98,99,100,101,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,233,234,235,236,237,238,239,245,246,247,248,249,250,251,255,256,257,258,259,260,267,268,269,270,271,272,276,277,278,279,280,281,288,289,290,291,292,293,298,299,300,301,302,310,311,312,313,314,315,319,320,321,322,323,324,333,334,335,336,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +7962 - 68,69,70,90,91,92,93,94,112,113,114,115,116,117,118,119,127,128,129,135,136,137,138,139,140,141,142,143,144,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,195,208,209,210,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,473,492 +7963 - 96,97,98,99,100,101,102,103,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,201,202,203,204,205,206,207,212,213,214,215,216,217,222,223,224,225,226,227,233,234,235,236,237,238,243,244,245,246,247,248,255,256,257,258,259,265,266,267,268,269,277,278,279,280,281,287,288,289,290,291,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,492 +7964 - 34,35,36,37,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,448,449,450,486 +7965 - 58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,171,186,187,188,189,190,191,192,208,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,358,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,444,445,446,447,448,449,450,466,467,468,469,470,471,486 +7966 - 48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,89,90,91,92,93,94,95,96,97,100,101,102,103,104,112,113,114,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,299,300,319,320,321,322,323,324,342,343,344,345,346,366,367,368,369,388,389,390,391,410,411,412,413,422,423,424,425,427,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,488 +7967 - 31,32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,99,100,101,102,103,104,105,106,124,125,126,127,146,147,148,149,166,167,168,169,170,186,187,188,189,190,191,192,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,259,278,279,280,281,301,302,303,308,309,322,323,324,325,330,331,332,344,345,346,347,352,353,354,355,365,366,367,368,374,375,376,377,378,379,386,387,388,389,390,396,397,398,399,400,401,402,403,404,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,488 +7968 - 56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,189,191,192,193,204,205,206,213,214,215,225,226,227,228,235,236,247,248,249,257,258,268,269,270,271,278,279,280,290,291,292,300,301,302,311,312,313,314,322,323,324,333,334,335,343,344,345,355,356,357,358,365,366,367,378,379,380,386,387,388,389,400,401,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,469,470,471,472,473,485 +7969 - 96,97,98,99,100,101,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,189,190,191,192,193,203,204,205,206,207,211,212,213,214,225,226,227,228,232,233,234,235,247,248,249,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +7970 - 56,57,79,80,101,102,113,114,123,124,135,136,137,145,146,157,158,159,167,168,180,181,189,190,202,203,211,212,224,225,233,234,235,246,247,248,253,254,255,256,269,270,271,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,315,316,317,318,321,322,323,343,344,345,365,366,367,388,389,410,411,432,433,434,454,455,456,476,477,478,489 +7971 - 54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,295,299,300,301,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,419,420,421,422,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,452,453,463,464,465,466,467,468,469,470,471,472,473,490 +7972 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,145,146,147,148,157,158,159,160,161,168,169,170,171,178,179,180,181,182,190,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,233,234,235,236,237,243,244,245,246,254,255,256,257,258,259,265,266,267,268,274,275,276,277,278,279,280,281,288,289,290,291,294,295,296,297,298,299,301,302,303,304,310,311,312,313,314,315,316,317,318,319,320,321,323,324,325,326,332,333,334,335,336,337,338,339,340,341,345,346,347,348,355,356,357,358,359,360,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +7973 - 10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,119,123,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,382,383,384,385,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,407,411,412,413,414,415,419,420,421,422,423,424,425,426,427,428,436,437,487 +7974 - 92,93,104,105,106,113,114,115,116,117,118,119,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,191,192,199,200,201,202,212,213,214,221,222,223,234,235,236,256,257,258,278,279,280,299,300,301,321,322,323,343,344,345,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,476,492 +7975 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,125,126,127,128,139,140,141,142,143,147,148,149,150,151,161,162,163,164,169,170,171,172,183,184,185,186,191,192,193,205,206,207,208,212,213,214,215,228,229,230,231,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,315,316,317,318,319,320,321,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,380,381,382,383,385,386,387,401,402,403,404,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,452,469,470,471,472,493 +7976 - 53,54,74,75,76,96,97,98,104,105,106,117,118,119,120,126,127,128,138,139,140,141,148,149,150,160,161,162,163,169,170,171,172,182,183,184,191,192,193,203,204,205,213,214,215,225,226,227,234,235,236,237,247,248,249,256,257,258,269,270,271,272,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,432,450,451,452,453,454,473,474,475,489 +7977 - 37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,169,170,171,172,173,183,184,185,186,187,188,192,193,194,195,203,204,205,206,207,208,209,214,215,216,217,225,226,227,228,229,236,237,238,239,246,247,248,249,250,258,259,260,261,267,268,269,270,271,279,280,281,282,283,289,290,291,292,293,301,302,303,304,310,311,312,313,314,323,324,325,326,332,333,334,335,343,344,345,346,347,353,354,355,356,364,365,366,367,368,375,376,377,378,379,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,485 +7978 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,146,147,148,158,159,160,161,169,170,171,179,180,181,182,191,192,193,200,201,202,203,204,213,214,215,216,222,223,224,234,235,236,237,244,245,246,256,257,258,259,267,268,269,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,344,345,346,366,367,368,387,388,389,409,410,411,431,432,433,452,453,454,474,475,476,494 +7979 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,146,147,148,149,160,161,162,163,164,168,169,170,184,185,189,190,191,192,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,473,492 +7980 - 12,13,14,15,34,35,36,37,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,141,142,143,162,163,164,184,185,186,205,206,207,208,209,210,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,270,271,272,273,276,277,278,292,293,294,295,298,299,300,301,315,316,317,320,321,322,323,337,338,339,340,342,343,344,345,359,360,361,362,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,491 +7981 - 52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,138,139,140,141,160,161,162,163,182,183,184,185,203,204,205,206,207,210,225,226,227,228,229,230,231,232,233,234,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,299,300,301,302,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,408,409,410,411,420,421,422,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,454,464,465,466,467,468,469,470,471,472,473,474,475,490 +7982 - 7,8,9,10,12,28,29,30,31,50,51,52,72,73,93,94,95,115,116,137,138,158,159,160,180,181,182,202,203,211,212,213,214,215,223,224,225,232,233,234,235,236,237,238,246,247,253,254,255,256,257,258,259,260,268,269,275,276,277,281,282,283,290,291,292,298,299,303,304,305,313,314,320,321,322,325,326,327,335,336,337,343,344,345,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,491 +7983 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,182,183,184,185,189,190,191,203,204,205,206,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,494 +7984 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,344,345,362,363,364,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +7985 - 15,16,17,36,37,38,39,57,58,59,60,79,80,81,100,101,102,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,206,207,208,227,228,229,233,234,235,248,249,250,251,254,255,256,257,258,270,271,272,275,276,277,278,279,280,292,293,294,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,404,405,406,407,491 +7986 - 32,33,54,55,76,77,98,99,120,121,142,143,164,165,186,187,188,208,209,210,230,231,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,451,452,453,486 +7987 - 36,37,38,57,58,59,60,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,129,142,143,144,145,146,148,149,150,151,163,164,165,166,167,171,172,173,184,185,186,187,188,193,194,195,205,206,207,208,209,214,215,216,227,228,229,230,235,236,237,238,248,249,250,251,257,258,259,260,270,271,272,273,278,279,280,281,291,292,293,294,300,301,302,312,313,314,315,321,322,323,324,334,335,336,337,342,343,344,345,355,356,357,358,363,364,365,366,377,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,485 +7988 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,78,79,80,81,82,92,93,94,95,96,97,102,103,104,114,115,116,117,118,119,124,125,126,127,136,137,138,139,140,141,147,148,149,159,160,161,162,163,168,169,170,171,183,184,190,191,192,193,210,211,212,213,214,215,231,232,233,234,235,236,253,254,255,256,257,258,276,277,278,279,280,281,300,301,302,303,304,314,315,323,324,325,326,335,336,337,338,345,346,347,348,356,357,358,359,360,361,367,368,369,370,378,379,380,381,382,383,384,385,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,488 +7989 - 78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,162,163,164,165,166,169,170,171,172,183,184,185,186,187,190,191,192,193,204,205,206,207,208,211,212,213,214,215,226,227,228,229,232,233,234,235,236,247,248,249,250,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,468,469,470,471,494 +7990 - 34,35,36,37,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,102,103,104,117,118,119,124,125,126,139,140,141,146,147,148,162,163,166,167,168,169,184,185,186,187,188,189,207,208,209,210,228,229,230,231,249,250,251,252,253,254,270,271,272,275,276,291,292,293,298,299,313,314,320,321,335,336,342,343,344,357,358,365,366,379,380,381,387,388,402,403,404,405,406,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,493 +7991 - 40,41,42,61,62,63,64,76,77,82,83,84,85,98,99,100,104,105,106,119,120,121,122,125,126,127,128,141,142,143,146,147,148,149,163,164,165,168,169,170,171,184,185,186,189,190,191,192,205,206,207,208,210,211,212,213,226,227,228,229,232,233,234,247,248,249,250,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,489 +7992 - 6,7,8,9,10,11,12,13,28,29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,78,79,80,81,101,102,103,123,124,125,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,235,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,487 +7993 - 57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,163,164,165,168,169,170,189,190,191,192,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,300,301,302,322,323,324,343,344,345,364,365,366,367,376,377,385,386,387,388,398,399,400,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,466,467,468,469,488 +7994 - 97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,145,160,161,162,165,166,167,180,181,182,183,184,187,188,189,202,203,204,205,210,211,212,213,214,215,223,224,225,226,231,232,233,234,235,236,237,245,246,247,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,279,280,281,290,291,292,293,294,295,296,300,301,302,313,314,315,316,322,323,324,343,344,345,365,366,367,386,387,388,407,408,409,410,429,430,431,451,452,473,474,494 +7995 - 13,14,15,16,17,18,19,34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,102,103,104,105,106,107,126,127,128,129,148,149,150,151,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,245,246,247,248,249,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,287,288,289,290,291,292,293,294,295,296,297,298,299,300,309,310,311,312,313,314,315,316,317,318,319,320,321,330,331,332,333,337,338,339,340,341,342,343,344,352,353,354,355,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,408,409,410,411,412,413,414,420,421,422,423,431,432,433,434,435,487 +7996 - 13,14,15,33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,97,98,99,100,101,102,117,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,204,205,206,225,226,227,228,233,234,235,236,237,247,248,249,250,254,255,256,257,258,259,269,270,271,272,275,276,277,278,279,280,281,282,291,292,293,297,298,299,301,302,303,304,313,314,315,319,320,324,325,326,335,336,337,338,341,345,346,347,348,358,359,360,361,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,491 +7997 - 34,35,36,37,38,39,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,100,101,102,103,104,105,106,125,126,127,128,147,148,149,168,169,170,171,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,277,278,279,280,300,301,302,303,322,323,324,325,330,344,345,346,347,352,353,366,367,368,374,375,376,377,386,387,388,389,390,396,397,398,399,400,401,402,403,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,488 +7998 - 7,8,9,28,29,30,31,32,50,51,52,53,54,72,73,74,75,94,95,96,97,115,116,117,118,119,123,124,137,138,139,140,144,145,146,147,148,158,159,160,161,162,165,166,167,168,169,170,171,180,181,182,183,187,188,189,190,191,192,193,194,202,203,204,205,208,209,210,211,213,214,215,216,217,224,225,226,227,229,230,231,232,236,237,238,239,246,247,248,249,251,252,253,254,259,260,261,268,269,270,271,272,273,274,275,281,282,283,290,291,292,293,294,295,296,297,303,304,305,312,313,314,315,316,317,318,319,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +7999 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,148,149,150,161,162,163,164,169,170,171,172,183,184,185,186,190,191,192,193,206,207,208,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,378,379,380,381,383,384,385,400,401,402,404,405,406,421,422,423,424,425,426,427,443,444,445,446,447,448,465,466,467,468,469,493 +8000 - 77,78,79,98,99,100,101,120,121,122,123,125,126,141,142,143,144,146,147,148,149,162,163,164,165,168,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,236,237,238,246,247,248,249,255,256,257,258,259,260,267,268,269,270,271,272,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,335,337,338,339,340,341,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +8001 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,169,170,171,172,184,185,186,191,192,193,211,212,213,214,215,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,375,385,386,387,388,396,397,398,399,406,407,408,409,410,418,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,452,488 +8002 - 98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,492 +8003 - 59,60,80,81,82,83,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,185,186,187,188,189,191,192,193,194,208,209,213,214,215,216,235,236,237,238,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,324,331,332,333,334,335,336,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,424,425,426,427,428,429,430,487 +8004 - 52,53,54,55,75,76,77,78,79,98,99,100,101,102,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,233,234,235,249,250,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,356,357,365,366,367,368,378,379,386,387,388,389,401,402,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,488 +8005 - 101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,184,185,186,206,207,208,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,332,343,344,345,353,354,355,364,365,366,375,376,377,378,385,386,387,397,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,490 +8006 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,140,141,150,151,152,171,172,173,192,193,194,195,214,215,216,217,234,235,236,237,238,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,443,444,445,446,447,464,465,466,467,492 +8007 - 71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,166,167,168,169,170,188,189,190,191,208,209,210,211,212,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,318,319,320,321,322,341,342,343,344,364,365,366,386,387,388,407,408,409,410,428,429,430,431,432,449,450,451,452,453,470,471,472,473,474,488 +8008 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,231,232,233,248,249,250,251,253,254,255,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,316,317,318,319,320,321,341,342,343,363,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +8009 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,147,148,161,162,163,164,169,170,182,183,184,185,190,191,192,203,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,235,236,246,247,248,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,337,338,339,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,494 +8010 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,80,81,82,102,103,104,123,124,125,145,146,147,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,337,338,339,340,358,359,360,361,378,379,380,381,382,383,399,400,401,402,403,404,405,406,407,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,487 +8011 - 61,62,63,74,83,84,85,95,96,97,105,106,107,117,118,119,126,127,128,139,140,141,148,149,150,160,161,162,169,170,171,182,183,184,190,191,192,203,204,205,212,213,214,224,225,226,227,234,235,236,246,247,248,250,251,252,253,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,320,321,322,323,324,341,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,489 +8012 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,126,127,128,129,139,140,141,148,149,150,161,162,170,171,172,173,182,183,184,192,193,194,195,204,205,206,213,214,215,216,217,226,227,228,233,234,235,236,237,248,249,250,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,363,378,379,380,382,383,384,385,400,401,402,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,450,451,468,469,470,471,493 +8013 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +8014 - 50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,122,123,124,125,126,136,137,138,146,147,148,159,160,161,162,174,175,181,182,183,184,194,195,196,197,204,205,206,207,212,213,214,215,216,217,218,219,227,228,229,230,231,232,233,234,235,236,237,238,239,240,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,313,314,315,316,318,319,320,335,336,337,341,342,343,357,358,359,363,364,365,366,378,379,380,385,386,387,388,401,402,403,404,407,408,409,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,493 +8015 - 98,99,100,101,102,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,469,470,471,494 +8016 - 57,58,59,79,80,81,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,339,340,361,362,382,383,384,404,405,406,426,427,428,449,450,471,472,486 +8017 - 13,14,15,16,17,33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,103,104,105,106,120,121,125,126,127,128,147,148,149,150,169,170,171,190,191,192,193,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,310,311,312,313,314,315,316,317,318,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,410,411,412,413,414,415,416,421,422,423,487 +8018 - 73,74,92,93,94,95,96,97,98,100,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,203,204,205,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,299,300,301,302,323,324,325,338,339,346,347,360,361,362,368,369,382,383,384,390,391,404,405,406,407,412,413,414,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,473,474,475,476,477,478,490 +8019 - 35,36,37,56,57,58,59,60,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,427,446,447,448,486 +8020 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,147,148,149,150,169,170,171,172,191,192,193,212,213,214,215,234,235,236,255,256,257,258,277,278,279,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +8021 - 79,80,81,82,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,190,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +8022 - 33,34,35,36,37,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,125,126,127,128,129,138,139,140,141,142,149,150,151,152,159,160,161,162,172,173,174,175,180,181,182,183,194,195,196,201,202,203,204,216,217,218,223,224,225,238,239,240,244,245,246,247,260,261,266,267,268,281,282,283,288,289,290,302,303,304,305,310,311,312,323,324,325,326,332,333,334,344,345,346,347,354,355,356,357,365,366,367,368,369,377,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,485 +8023 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,98,99,100,101,119,120,121,122,140,141,142,143,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,248,249,250,251,256,257,258,259,269,270,271,272,276,277,278,279,280,281,291,292,293,294,297,298,299,300,301,302,303,313,314,315,318,319,320,321,322,323,324,325,335,336,337,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,491 +8024 - 74,75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,122,123,124,137,138,139,140,145,146,147,159,160,161,169,170,181,182,190,191,192,203,204,212,213,214,225,226,232,233,234,235,236,247,248,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,408,409,430,431,452,453,474,475,476,494 +8025 - 104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,210,211,212,213,214,227,232,233,234,235,253,254,255,256,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,472,492 +8026 - 26,27,36,37,47,48,49,58,59,69,70,71,80,81,91,92,93,102,103,112,113,114,115,124,125,134,135,136,146,147,148,156,157,158,168,169,170,178,179,180,190,191,192,200,201,202,212,213,214,215,222,223,224,234,235,236,237,244,245,246,247,256,257,258,259,267,268,269,270,278,279,280,281,290,291,292,293,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,366,367,368,369,389,390,391,411,412,413,433,434,435,436,456,457,458,489 +8027 - 78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,160,161,162,163,164,165,168,169,170,171,181,182,183,184,185,188,189,190,191,192,193,203,204,205,206,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,382,383,384,403,404,405,406,425,426,427,446,447,448,449,468,469,470,471,494 +8028 - 34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,95,96,98,99,104,105,106,116,117,118,126,127,128,129,136,137,138,139,140,149,150,151,158,159,160,161,162,171,172,173,180,181,182,183,184,193,194,195,202,203,204,205,215,216,224,225,226,227,236,237,238,246,247,248,249,258,259,260,268,269,270,271,279,280,281,282,290,291,292,293,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,344,345,346,347,357,358,359,360,365,366,367,368,379,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,485 +8029 - 37,38,39,40,41,58,59,60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,211,212,213,214,226,227,228,229,230,233,234,235,236,247,248,249,250,251,255,256,257,258,269,270,271,272,273,277,278,279,280,290,291,292,293,294,298,299,300,301,311,312,313,314,315,319,320,321,322,323,332,333,334,335,336,340,341,342,343,344,354,355,356,357,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,442,443,444,445,446,485 +8030 - 29,30,31,32,33,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,99,100,101,119,120,121,122,123,139,140,141,142,143,144,145,161,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,230,231,232,233,234,235,254,255,256,257,258,278,279,280,301,302,303,324,325,326,335,336,346,347,348,357,358,368,369,370,379,380,381,382,383,386,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,488 +8031 - 40,41,42,61,62,63,64,82,83,84,85,103,104,105,106,125,126,127,142,143,144,146,147,148,163,164,165,166,167,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,344,345,359,360,361,380,381,382,402,403,404,423,424,425,445,446,447,489 +8032 - 9,10,11,12,31,32,33,34,53,54,55,56,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,322,323,324,325,326,337,338,339,340,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +8033 - 15,16,17,18,36,37,38,39,57,58,59,60,78,79,80,81,100,101,102,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,254,255,256,257,269,270,271,275,276,277,278,279,280,291,292,293,296,297,298,299,300,301,302,313,314,315,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,404,405,406,407,491 +8034 - 12,13,14,34,35,55,56,57,77,78,98,99,100,120,121,122,142,143,163,164,165,185,186,206,207,208,228,229,232,233,234,235,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,279,280,293,294,295,296,300,301,302,315,316,322,323,337,338,343,344,345,359,360,364,365,366,381,382,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,491 +8035 - 37,38,39,58,59,60,61,62,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,316,317,318,319,334,337,338,339,340,355,358,359,360,361,379,380,381,382,383,401,402,403,404,422,423,424,425,426,427,444,445,446,447,448,486 +8036 - 9,10,11,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,79,80,81,82,92,93,102,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,307,315,316,317,318,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,487 +8037 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,167,168,169,170,185,188,189,190,191,210,211,212,213,231,232,233,234,253,254,255,274,275,276,277,295,296,297,298,317,318,319,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,451,452,453,466,467,468,469,473,474,475,476,492 +8038 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,100,101,102,103,113,114,115,116,123,124,125,126,135,136,137,145,146,147,148,157,158,168,169,170,171,179,180,190,191,192,193,201,202,212,213,214,215,234,235,236,237,256,257,258,278,279,280,299,300,301,302,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,392,393,400,401,402,403,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,487 +8039 - 74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,249,250,251,252,253,254,255,272,273,274,275,276,277,278,296,297,298,299,300,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,469,470,471,472,473,488 +8040 - 28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,121,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,291,292,293,294,295,296,297,312,313,314,315,316,317,318,334,335,336,337,338,339,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,487 +8041 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,145,146,147,148,149,150,160,161,162,163,164,170,171,172,182,183,184,185,191,192,193,204,205,206,207,212,213,214,215,226,227,228,229,233,234,235,236,249,250,251,255,256,257,271,272,273,276,277,278,279,294,295,296,297,298,299,300,316,317,318,319,320,321,337,338,339,340,341,342,357,358,359,360,361,362,363,378,379,380,381,382,383,384,385,386,400,401,402,403,406,407,408,421,422,423,424,428,429,430,443,444,445,446,448,449,450,451,452,465,466,467,468,469,470,471,472,473,493 +8042 - 30,31,32,33,34,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,99,100,101,102,103,104,105,115,116,117,118,119,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,169,170,171,181,182,183,191,192,193,203,204,205,213,214,215,225,226,227,235,236,237,247,248,249,257,258,259,269,270,271,278,279,280,281,291,292,293,300,301,302,303,313,314,315,316,322,323,324,325,336,337,338,339,343,344,345,346,347,359,360,361,362,365,366,367,368,369,382,383,384,385,387,388,389,390,405,406,407,408,409,410,411,412,428,429,430,431,432,433,434,451,452,453,454,455,456,485 +8043 - 77,78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,146,147,148,149,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,192,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,275,276,277,296,297,298,299,317,318,319,320,339,340,341,360,361,362,363,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,470,494 +8044 - 48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,111,112,113,114,121,122,133,143,144,145,165,166,167,186,187,188,189,190,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,256,257,258,259,271,272,273,280,281,302,303,304,324,325,326,346,347,348,367,368,369,388,389,390,391,402,403,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +8045 - 16,17,18,37,38,39,40,58,59,60,61,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,209,227,228,229,230,248,249,250,251,254,255,256,257,270,271,272,275,276,277,278,279,280,291,292,293,296,297,298,299,300,301,302,313,314,315,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,403,404,405,425,426,427,491 +8046 - 97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,161,162,163,164,165,167,168,169,182,183,184,185,186,187,189,190,191,204,205,206,207,208,211,212,213,226,227,228,229,233,234,249,250,251,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,363,364,365,385,386,387,407,408,429,430,450,451,452,472,473,474,492 +8047 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,128,129,141,142,143,149,150,151,162,163,164,165,170,171,172,173,184,185,186,187,191,192,193,194,207,208,209,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,356,357,358,361,362,363,377,378,379,380,383,384,385,399,400,401,404,405,406,407,421,422,423,425,426,427,428,443,444,445,446,447,448,449,450,466,467,468,469,470,493 +8048 - 89,90,110,111,112,113,124,125,133,134,135,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,213,214,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,343,344,345,364,365,366,367,385,386,387,388,407,408,409,428,429,430,431,450,451,452,472,473,474,492 +8049 - 57,58,59,60,61,62,63,79,80,81,82,83,84,85,101,102,103,104,105,106,107,126,127,128,129,147,148,149,150,167,168,169,170,171,186,187,188,189,190,191,207,208,209,210,211,212,213,230,231,232,233,234,235,236,255,256,257,258,264,265,266,278,279,280,286,287,288,299,300,301,302,308,309,310,311,314,320,321,322,323,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,488 +8050 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,430,431,432,433,452,453,454,455,486 +8051 - 78,79,80,81,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,147,148,161,162,163,164,169,170,182,183,184,185,189,190,191,192,204,205,206,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,275,276,277,278,297,298,299,318,319,320,324,339,340,341,342,345,346,360,361,362,363,367,368,382,383,384,388,389,390,403,404,405,411,412,424,425,426,427,433,434,445,446,447,448,466,467,468,469,494 +8052 - 8,9,10,11,12,13,30,31,32,33,51,52,53,54,72,73,74,75,94,95,96,115,116,117,137,138,139,158,159,160,170,171,172,173,180,181,182,188,189,190,191,192,193,194,195,196,197,202,203,204,209,210,211,212,213,214,215,216,217,218,219,224,225,226,229,230,231,232,233,234,240,241,246,247,248,250,251,252,253,254,262,263,268,269,270,272,273,274,284,285,290,291,292,294,295,296,305,306,307,313,314,315,316,317,318,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8053 - 36,37,38,39,57,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,444,445,446,447,486 +8054 - 56,57,78,79,99,100,101,116,117,121,122,123,137,138,139,140,143,144,145,160,161,162,165,166,167,182,183,184,187,188,189,204,205,210,211,226,227,228,232,233,248,249,250,254,255,257,258,270,271,272,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,338,339,340,342,343,344,364,365,366,387,388,389,409,410,411,431,432,433,434,454,455,476,477,489 +8055 - 35,36,38,39,40,41,56,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,148,149,150,151,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,235,236,237,246,247,248,249,250,256,257,258,259,268,269,270,271,278,279,280,281,289,290,291,292,293,299,300,301,302,311,312,313,314,321,322,323,324,333,334,335,342,343,344,345,354,355,356,357,363,364,365,366,376,377,378,379,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +8056 - 94,95,100,101,102,115,116,117,121,122,123,124,137,138,139,143,144,145,146,160,161,165,166,167,182,183,184,186,187,188,189,204,205,206,207,208,209,210,211,212,227,228,229,230,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,431,432,453,454,455,475,476,477,489 +8057 - 78,79,80,81,99,100,101,102,103,104,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,162,163,164,165,167,168,169,170,183,184,185,186,189,190,191,192,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469,494 +8058 - 28,29,48,49,50,51,70,71,72,73,92,93,94,95,114,115,116,117,118,135,136,137,138,139,140,157,158,159,160,161,162,169,171,172,179,180,181,182,183,184,188,189,190,191,192,193,194,195,201,202,203,204,205,206,209,210,211,212,213,214,215,216,217,218,223,224,225,226,227,228,231,232,233,234,235,236,237,238,239,240,241,245,246,247,248,249,250,252,253,254,255,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,304,305,306,307,312,313,314,315,316,317,318,319,320,321,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,491 +8059 - 37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,121,125,126,127,128,146,147,148,149,165,166,167,168,169,170,171,187,188,189,190,191,210,211,212,213,233,234,235,236,256,257,258,278,279,280,299,300,301,302,320,321,322,323,330,341,342,343,344,352,353,354,362,363,364,365,366,374,375,376,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,407,419,420,421,422,423,424,425,426,427,444,445,446,488 +8060 - 73,74,75,76,77,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,136,137,138,139,143,144,145,147,148,158,159,160,166,167,168,169,170,179,180,181,182,187,188,189,190,191,192,201,202,203,209,210,211,212,213,214,223,224,225,229,230,231,232,233,234,235,236,245,246,247,248,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +8061 - 32,33,53,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,125,126,127,128,146,147,148,149,165,166,167,168,169,170,184,185,186,187,188,189,190,191,206,207,208,209,210,211,229,230,231,232,233,234,253,254,255,256,257,277,278,279,299,300,301,302,321,322,323,324,330,331,342,343,344,345,352,353,354,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,488 +8062 - 62,63,64,84,85,86,92,93,94,106,107,108,114,115,116,127,128,129,136,137,138,148,149,150,151,157,158,159,170,171,172,173,178,179,180,181,192,193,194,199,200,201,202,213,214,215,216,221,222,223,224,225,226,227,228,229,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,303,322,323,324,343,344,345,346,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,473,474,475,489 +8063 - 16,17,18,37,38,39,40,58,59,60,61,62,79,80,81,82,83,84,100,101,102,103,104,105,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,227,228,229,230,248,249,250,251,255,256,257,258,269,270,271,272,276,277,278,279,280,281,291,292,293,297,298,299,300,301,302,303,312,313,314,318,319,320,321,322,323,324,334,335,336,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,426,427,428,429,491 +8064 - 57,58,59,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,169,170,171,183,184,185,192,193,204,205,206,213,214,215,226,227,228,236,237,248,249,258,259,270,271,279,280,281,292,293,301,302,303,314,315,323,324,325,336,337,344,345,346,358,359,366,367,368,380,381,387,388,389,402,403,407,408,409,410,424,425,426,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +8065 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,127,128,129,130,143,148,149,150,151,170,171,172,173,191,192,193,194,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,292,293,294,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,332,333,334,335,336,337,338,339,340,341,342,353,354,355,356,357,358,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,405,406,407,408,421,422,423,424,428,429,430,450,451,452,487 +8066 - 60,61,62,82,83,84,85,104,105,106,107,124,125,126,127,128,137,138,139,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,209,210,212,213,214,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,419,420,421,422,423,424,425,426,440,441,442,443,444,445,446,447,462,463,464,465,466,492 +8067 - 54,55,56,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,125,126,127,128,129,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,277,278,279,299,300,301,302,321,322,323,324,343,344,345,353,354,355,365,366,367,375,376,377,378,386,387,388,389,398,399,400,401,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,470,471,490 +8068 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,160,161,162,163,164,181,182,183,184,185,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,252,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,279,280,281,291,292,293,294,296,297,298,299,301,302,303,304,313,314,315,316,318,319,320,321,322,323,324,325,326,335,336,337,338,341,342,343,344,345,346,347,358,359,360,361,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +8069 - 10,11,12,13,14,15,32,33,34,35,36,37,38,39,54,55,56,58,59,60,61,82,83,84,103,104,105,106,124,125,126,127,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,208,209,210,211,212,213,232,233,234,235,255,256,257,277,278,279,288,299,300,301,309,310,311,321,322,323,331,332,333,342,343,344,345,353,354,355,356,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,488 +8070 - 31,32,53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,341,342,343,363,364,365,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,486 +8071 - 63,64,65,78,79,84,85,86,87,99,100,101,105,106,107,108,120,121,122,123,127,128,129,141,142,143,144,148,149,150,162,163,164,165,170,171,172,184,185,186,191,192,193,205,206,207,212,213,214,226,227,228,233,234,235,236,247,248,249,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,468,469,470,489 +8072 - 32,33,34,35,54,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,235,236,252,253,254,255,257,258,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,486 +8073 - 33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,121,122,123,124,125,138,139,140,141,145,146,147,148,159,160,161,162,168,169,170,171,181,182,183,191,192,193,194,202,203,204,214,215,216,224,225,226,236,237,238,239,245,246,247,259,260,261,267,268,269,281,282,283,289,290,291,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,357,358,359,367,368,369,370,379,380,381,382,383,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,485 +8074 - 35,36,37,57,58,59,78,79,80,100,101,102,122,123,124,143,144,145,165,166,167,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +8075 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,486 +8076 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,97,98,99,119,120,121,140,141,142,162,163,164,184,185,186,206,207,208,210,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,299,300,301,316,317,318,322,323,338,339,340,344,345,361,362,363,365,366,367,383,384,385,386,387,388,389,406,407,408,409,410,411,429,430,431,432,491 +8077 - 4,5,6,7,8,9,10,24,25,26,27,28,29,30,31,32,33,34,35,45,46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,74,76,77,78,79,80,81,90,99,100,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,336,337,338,339,340,357,358,359,360,361,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,487 +8078 - 57,58,59,60,79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,140,141,142,143,144,148,149,162,163,164,170,171,184,185,192,193,206,207,208,213,214,215,228,229,230,234,235,236,251,252,253,255,256,257,273,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,343,358,359,360,361,363,364,365,380,381,382,385,386,387,402,403,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,472,493 +8079 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,100,101,102,122,123,124,143,144,145,146,165,166,167,185,186,187,188,189,206,207,208,209,210,228,229,230,231,232,251,252,253,254,255,275,276,277,278,298,299,300,301,321,322,323,343,344,345,346,366,367,368,388,389,390,400,401,402,403,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,488 +8080 - 53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,137,138,139,159,160,161,180,181,182,202,203,204,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,302,303,304,324,325,326,347,348,368,369,370,390,391,392,410,411,412,413,423,424,425,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +8081 - 71,72,81,93,94,102,103,104,115,116,124,125,126,136,137,138,146,147,158,159,160,168,169,180,181,182,189,190,191,202,203,204,205,206,207,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +8082 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,193,202,203,204,205,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,473,494 +8083 - 51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,117,118,119,139,140,141,161,162,163,183,184,185,205,206,207,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,320,321,322,323,343,344,345,346,361,365,366,367,368,387,388,389,390,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,490 +8084 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,149,150,151,152,159,160,161,172,173,174,182,183,194,195,196,216,217,218,238,239,240,245,246,247,248,249,259,260,261,265,266,267,268,269,270,271,272,273,274,275,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,317,318,319,320,321,322,323,324,331,332,333,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,392,399,400,401,402,403,404,405,487 +8085 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,77,78,79,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,184,185,186,205,206,207,208,227,228,229,230,249,250,251,271,272,273,293,294,295,300,301,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +8086 - 72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,123,124,125,133,134,135,145,146,156,167,168,188,189,190,210,211,212,232,233,234,254,255,276,277,281,282,283,284,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,474,492 +8087 - 96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +8088 - 35,36,57,58,77,78,79,80,99,100,101,120,121,122,124,125,141,142,143,144,146,147,162,163,164,165,167,168,169,184,185,186,189,190,191,205,206,207,208,211,212,213,226,227,228,233,234,235,247,248,249,250,254,255,256,257,260,269,270,271,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +8089 - 56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,123,124,125,126,140,141,142,145,146,147,148,162,163,164,167,168,169,170,184,185,186,187,189,190,191,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,320,321,322,337,338,339,343,344,358,359,360,364,365,366,380,381,382,385,386,387,388,402,403,404,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +8090 - 9,10,11,12,13,14,29,30,31,32,33,34,35,36,49,50,51,52,53,54,69,70,71,72,73,74,90,91,92,93,112,113,114,134,135,136,137,157,158,159,160,161,180,181,182,183,184,185,203,204,205,206,207,208,209,210,227,228,229,230,231,232,233,234,235,254,255,256,257,258,259,278,279,280,281,282,283,302,303,304,305,306,326,327,328,329,349,350,351,354,355,356,370,371,372,373,377,378,379,380,381,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,490 +8091 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,160,161,162,166,167,168,182,183,184,187,188,189,190,204,205,206,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,272,273,275,276,277,297,298,299,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +8092 - 39,40,52,53,61,62,73,74,75,82,83,84,95,96,97,103,104,105,106,116,117,118,119,125,126,127,137,138,139,140,147,148,149,159,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,225,226,227,233,234,235,236,246,247,248,249,255,256,257,258,268,269,270,271,277,278,279,280,290,291,292,293,294,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,367,382,383,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,489 +8093 - 54,55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,123,124,125,126,127,139,140,141,142,144,145,146,147,148,149,150,160,161,162,163,166,167,168,170,171,172,181,182,183,184,188,189,190,192,193,194,195,203,204,205,206,215,216,217,225,226,227,228,237,238,239,246,247,248,249,259,260,261,268,269,270,271,281,282,283,290,291,292,293,303,304,305,312,313,314,315,325,326,327,334,335,336,337,346,347,348,357,358,359,368,369,370,379,380,381,389,390,391,392,401,402,403,404,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,485 +8094 - 17,18,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,248,249,250,251,270,271,272,292,293,294,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +8095 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +8096 - 14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,236,237,238,239,245,246,247,248,249,259,260,261,267,268,269,270,271,281,282,283,289,290,291,292,293,302,303,304,305,311,312,313,314,323,324,325,326,334,335,336,344,345,346,347,348,356,357,358,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,491 +8097 - 3,4,5,6,7,8,9,10,24,25,26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,57,68,69,75,76,77,78,79,80,98,99,100,101,102,103,122,123,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,315,316,317,318,319,337,338,339,340,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,422,423,424,425,426,427,428,429,436,437,438,487 +8098 - 35,36,56,57,58,59,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,162,163,164,165,166,167,168,169,183,184,185,186,187,189,190,191,204,205,206,207,208,209,211,212,213,224,225,226,227,228,229,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,308,309,310,311,321,322,323,324,343,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,455,456,489 +8099 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,116,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,228,229,230,231,232,249,250,251,252,253,254,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,342,343,344,345,346,366,367,368,388,389,390,401,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,488 +8100 - 115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,190,191,192,200,201,202,203,204,212,213,214,223,224,225,226,234,235,236,246,247,248,256,257,258,268,269,270,278,279,280,300,301,302,320,321,322,323,324,325,326,342,343,344,345,346,347,348,349,364,365,366,367,368,369,370,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +8101 - 73,74,75,82,95,96,97,98,99,104,105,117,118,125,126,127,138,139,140,147,148,160,161,162,168,169,170,181,182,183,184,190,191,192,203,204,205,206,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,489 +8102 - 51,52,53,54,55,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,123,124,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,168,169,170,171,172,173,180,181,182,183,189,190,191,194,195,202,203,204,210,211,212,213,216,217,224,225,226,231,232,233,234,237,238,239,246,247,248,252,253,254,255,259,260,268,269,274,275,276,277,280,281,282,289,290,291,295,296,297,298,302,303,304,311,312,313,317,318,319,320,323,324,325,326,333,334,335,338,339,340,341,344,345,346,347,356,357,359,360,361,362,365,366,367,368,378,379,380,382,383,386,387,388,389,400,401,402,403,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +8103 - 53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,118,119,120,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,295,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,422,423,424,425,426,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +8104 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,81,82,83,84,96,97,98,104,105,106,118,119,126,127,128,140,141,142,147,148,149,150,162,163,164,168,169,170,184,185,186,188,189,190,191,192,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,270,271,272,273,274,275,276,291,292,293,294,296,297,298,313,314,315,319,320,321,335,336,341,342,343,344,357,358,359,360,364,365,366,380,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,450,451,452,453,454,455,493 +8105 - 14,15,35,36,37,38,56,57,58,59,60,77,78,79,80,98,99,100,101,102,119,120,121,122,124,140,141,142,143,146,162,163,164,165,168,184,185,186,190,205,206,207,208,212,227,228,229,230,234,249,250,251,256,257,271,272,273,278,279,292,293,294,295,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +8106 - 94,95,96,97,98,99,100,101,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,144,145,146,147,148,157,158,159,167,168,169,170,178,179,180,189,190,191,200,201,210,211,212,213,222,223,231,232,233,234,244,245,246,251,252,253,254,255,256,266,267,268,269,270,271,272,273,274,275,277,278,290,291,292,293,294,295,299,300,321,322,343,344,365,366,387,388,389,409,410,411,431,432,433,454,455,476,477,478,494 +8107 - 101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,168,169,170,171,177,178,179,180,181,182,183,184,185,189,190,191,192,199,200,201,202,203,204,210,211,212,213,232,233,234,235,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,470,471,472,473,492 +8108 - 33,35,36,37,38,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,122,123,124,125,126,127,128,129,144,145,146,147,148,149,150,164,165,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,331,332,333,334,342,343,344,345,352,353,354,355,356,361,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,488 +8109 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,81,82,83,95,96,97,98,99,102,103,104,105,106,117,118,119,120,125,126,127,139,140,141,146,147,148,149,161,162,163,164,166,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,269,270,271,272,275,276,277,278,290,291,292,293,297,298,299,300,311,312,313,314,320,321,322,333,334,335,342,343,344,355,356,357,358,364,365,366,377,378,379,380,381,382,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,447,448,449,450,451,452,493 +8110 - 7,8,9,10,11,29,30,31,32,33,34,52,53,54,55,56,57,77,78,79,100,101,102,122,123,124,144,145,146,166,167,168,188,189,190,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,343,344,345,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,487 +8111 - 77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,138,139,140,141,146,147,148,160,161,162,167,168,169,170,181,182,183,184,188,189,190,191,203,204,205,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +8112 - 54,55,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,127,128,129,130,139,140,141,142,144,145,146,150,151,152,160,161,162,163,166,167,171,172,173,174,182,183,184,193,194,195,196,203,204,205,206,215,216,217,224,225,226,227,228,236,237,238,239,246,247,248,249,257,258,259,260,268,269,270,271,279,280,281,289,290,291,292,299,300,301,302,303,311,312,313,314,320,321,322,323,324,333,334,335,336,342,343,344,345,355,356,357,362,363,364,365,366,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,485 +8113 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,127,138,139,140,141,142,145,146,147,148,149,150,159,160,161,162,168,169,170,171,172,181,182,183,192,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,359,367,368,369,370,378,379,380,381,382,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +8114 - 33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,118,119,120,126,127,139,140,141,147,148,149,150,162,163,164,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,278,294,295,296,298,299,300,301,315,316,317,321,322,323,336,337,338,339,342,343,344,358,359,360,364,365,366,379,380,381,382,385,386,387,388,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +8115 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,486 +8116 - 32,33,34,54,55,56,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,209,210,211,231,232,233,253,254,255,275,276,277,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,453,486 +8117 - 27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,100,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,312,313,314,315,316,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,415,416,487 +8118 - 75,76,77,78,80,81,96,97,98,99,100,102,103,104,117,118,119,120,124,125,126,138,139,140,141,146,147,148,159,160,161,162,168,169,170,181,182,183,189,190,191,192,203,204,211,212,213,214,225,226,233,234,235,236,247,248,254,255,256,257,258,269,270,271,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,343,344,345,365,366,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +8119 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,114,123,124,125,126,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,256,275,276,277,278,279,280,299,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,379,380,381,382,383,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +8120 - 31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,78,79,80,93,94,95,101,102,115,116,123,124,136,137,144,145,146,159,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,212,213,228,229,230,233,234,235,236,257,258,271,280,281,291,292,293,294,302,303,313,314,315,324,325,334,335,336,345,346,347,356,357,358,367,368,379,380,381,388,389,390,401,402,403,404,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +8121 - 72,73,82,83,93,94,95,96,104,105,106,114,115,116,117,118,125,126,127,135,136,137,138,139,147,148,149,158,159,160,161,169,170,171,179,180,181,182,190,191,192,193,201,202,203,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,455,473,474,475,476,477,489 +8122 - 91,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,166,167,168,169,170,171,178,179,180,181,191,192,193,194,200,201,202,214,215,216,222,223,224,235,236,237,250,251,252,253,254,255,256,257,258,259,260,261,262,263,272,273,274,275,276,277,278,279,280,281,284,294,295,296,297,299,300,301,302,320,321,322,323,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473,492 +8123 - 52,53,54,55,56,57,58,59,60,61,62,63,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,186,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,275,276,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,367,384,385,386,387,388,401,402,403,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,490 +8124 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,148,149,150,158,159,160,161,162,163,164,170,171,172,180,181,182,183,184,185,186,193,194,202,203,204,205,206,207,215,216,217,224,225,226,227,228,237,238,239,247,248,249,250,259,260,261,268,269,270,271,281,282,290,291,292,293,302,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,366,367,368,369,370,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +8125 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,174,183,184,185,186,194,195,204,205,206,207,214,215,216,226,227,228,229,234,235,236,237,247,248,249,250,253,254,255,256,257,258,269,270,271,272,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,322,323,324,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +8126 - 36,37,38,57,58,59,60,61,78,79,80,81,82,83,99,100,101,102,103,104,105,121,122,123,125,126,142,143,144,146,147,148,164,165,168,169,186,187,189,190,191,208,209,211,212,213,214,229,230,231,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,342,358,359,360,362,363,364,380,381,382,384,385,386,402,403,404,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,493 +8127 - 121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,191,192,193,194,198,199,200,201,202,203,204,213,214,215,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,346,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +8128 - 10,11,12,31,32,33,34,53,54,55,56,75,76,77,78,96,97,98,99,118,119,120,121,140,141,142,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,322,323,324,325,336,337,338,339,340,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,428,429,430,491 +8129 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,127,128,129,138,139,140,141,148,149,160,161,162,163,169,170,171,172,173,183,184,185,186,189,190,191,192,193,194,195,196,205,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,313,314,315,316,319,320,321,322,335,336,337,341,342,343,344,357,358,359,363,364,365,366,379,380,381,382,384,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,470,471,472,473,493 +8130 - 78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,127,128,129,139,140,141,142,143,144,161,162,163,164,165,166,174,175,184,185,186,187,188,189,190,191,192,193,194,195,196,197,208,209,210,211,212,213,214,215,216,217,218,219,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,259,260,261,270,271,272,273,274,275,281,282,283,290,291,292,293,294,295,296,301,302,303,304,311,312,313,314,315,320,321,322,323,324,325,332,333,334,335,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,400,401,402,493 +8131 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,138,139,140,141,142,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,450,451,452,453,473,474,475,476,494 +8132 - 56,57,58,59,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,138,139,140,141,142,143,148,149,150,159,160,161,162,163,170,171,172,181,182,183,184,192,193,194,202,203,204,205,206,214,215,216,224,225,226,227,228,236,237,238,246,247,248,249,250,258,259,260,268,269,270,271,272,280,281,291,292,293,294,295,301,302,303,314,315,316,323,324,325,336,337,338,344,345,346,347,358,359,360,365,366,367,368,380,381,382,386,387,388,389,402,403,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,485 +8133 - 30,31,51,52,53,73,74,75,81,82,94,95,96,97,103,104,105,116,117,118,119,124,125,126,127,138,139,140,141,147,148,149,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,224,225,226,227,233,234,235,236,237,246,247,248,249,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,489 +8134 - 8,9,10,11,30,31,32,51,52,53,54,73,74,75,95,96,97,117,118,119,138,139,140,141,160,161,162,163,182,183,184,185,204,205,206,211,212,213,214,215,226,227,228,232,233,234,235,236,237,238,239,248,249,250,253,254,255,256,257,258,259,260,261,270,271,272,273,275,276,277,278,280,281,282,283,292,293,294,295,296,297,298,299,302,303,304,305,314,315,316,317,318,319,320,324,325,326,327,336,337,338,339,340,341,342,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,491 +8135 - 7,8,9,10,26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,94,95,96,97,98,99,100,101,119,120,121,122,123,141,142,143,144,163,164,165,166,184,185,186,187,188,206,207,208,209,227,228,229,230,231,249,250,251,252,270,271,272,273,284,285,291,292,293,294,295,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,487 +8136 - 58,59,74,75,80,81,96,97,102,103,117,118,119,123,124,125,138,139,140,145,146,147,160,161,162,167,168,169,182,183,189,190,204,205,211,212,225,226,227,233,234,247,248,254,255,256,259,269,270,276,277,278,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,342,343,364,365,386,387,388,408,409,410,430,431,432,452,453,454,475,476,489 +8137 - 33,34,35,36,54,55,56,57,74,75,76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,122,123,124,125,139,140,141,145,146,147,150,160,161,162,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,214,225,226,227,234,235,236,246,247,248,249,256,257,258,268,269,270,271,278,279,280,290,291,292,293,300,301,302,312,313,314,315,322,323,324,325,334,335,336,337,344,345,346,356,357,358,359,365,366,367,368,379,380,381,382,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +8138 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,148,161,162,163,164,167,168,169,170,182,183,184,185,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,292,293,294,295,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,494 +8139 - 4,5,6,7,8,9,10,11,12,13,26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,72,73,77,78,79,80,81,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,303,304,305,314,315,316,317,318,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,487 +8140 - 10,11,31,32,33,52,53,54,55,74,75,76,95,96,97,117,118,119,138,139,140,141,159,160,161,162,165,166,167,168,169,170,171,181,182,183,184,186,187,188,189,190,191,192,193,194,195,203,204,205,208,209,210,211,212,213,214,215,216,217,218,225,226,227,229,230,231,232,237,238,239,240,247,248,249,250,251,252,253,259,260,261,262,269,270,271,272,273,274,279,280,281,282,283,291,292,293,294,295,296,299,300,301,302,303,304,313,314,315,316,317,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,381,382,383,384,385,386,404,405,406,407,408,427,428,429,430,491 +8141 - 54,55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,103,104,105,106,107,118,119,120,121,139,140,141,142,161,162,163,164,183,184,185,186,206,207,208,228,229,230,250,251,252,272,273,274,275,276,294,295,296,297,298,299,300,318,319,320,321,322,323,342,343,344,345,365,366,367,387,388,389,409,410,411,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +8142 - 96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,211,212,213,214,215,216,221,222,223,224,232,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +8143 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,183,184,185,186,188,189,190,204,205,206,207,209,210,211,212,226,227,228,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,294,295,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,449,450,451,452,471,472,473,474,494 +8144 - 8,9,10,11,29,30,31,32,33,51,52,53,54,55,72,73,74,75,76,94,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,181,182,183,184,203,204,205,224,225,226,227,230,231,232,233,234,235,236,246,247,248,249,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,324,325,326,327,328,335,336,337,338,339,340,341,342,343,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,491 +8145 - 73,74,81,82,94,95,96,97,102,103,104,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,168,169,170,181,182,183,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,489 +8146 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,167,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,207,212,213,214,215,226,227,228,229,233,234,235,236,237,248,249,250,251,252,255,256,257,258,270,271,272,273,274,275,277,278,279,280,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,472,473,474,494 +8147 - 27,28,29,30,31,32,33,34,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,98,99,100,101,102,112,113,114,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,274,275,276,277,294,295,296,297,298,316,317,318,319,329,337,338,339,340,341,345,346,347,348,351,358,359,360,361,362,365,366,367,368,369,370,371,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,395,401,402,403,404,405,406,407,408,409,410,411,412,413,417,423,424,425,426,427,428,429,430,431,432,433,439,445,446,447,448,449,450,451,487 +8148 - 37,38,39,59,60,61,80,81,82,102,103,104,120,121,122,123,124,125,126,142,143,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,230,231,232,251,252,253,273,274,275,294,295,296,316,317,318,337,338,339,340,359,360,361,380,381,382,402,403,404,424,425,426,427,428,446,447,448,449,486 +8149 - 13,14,15,33,34,35,36,37,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,211,212,213,227,228,229,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,491 +8150 - 61,62,63,64,82,83,84,85,86,93,94,95,103,104,105,106,107,108,114,115,116,117,123,124,125,126,127,128,135,136,137,138,139,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,203,204,206,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,298,299,300,301,314,315,316,317,320,321,322,323,336,337,338,339,342,343,344,345,358,359,360,361,365,366,367,380,381,382,383,386,387,388,389,402,403,404,405,408,409,410,411,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,493 +8151 - 57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,161,162,163,183,184,185,205,206,207,227,228,229,248,249,250,251,252,253,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,341,342,343,344,345,346,366,367,368,369,388,389,390,391,405,406,409,410,411,412,413,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,490 +8152 - 67,68,69,70,71,72,88,89,90,91,92,93,94,95,96,97,98,99,110,111,112,113,114,115,116,117,118,119,120,121,122,123,133,134,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,188,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +8153 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,276,277,278,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,494 +8154 - 11,12,13,14,33,34,35,36,54,55,56,76,77,78,97,98,99,118,119,120,121,140,141,142,162,163,164,184,185,186,206,207,227,228,229,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,300,301,302,315,316,317,322,323,324,325,336,337,338,339,340,344,345,346,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +8155 - 53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,125,126,139,140,145,146,147,148,166,167,168,169,170,188,189,190,191,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,279,298,299,300,301,320,321,322,323,343,344,345,365,366,367,386,387,388,389,402,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +8156 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,79,80,81,96,97,98,102,103,118,119,120,124,125,126,141,142,143,146,147,148,163,164,165,168,169,185,186,187,189,190,191,207,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,337,338,339,342,343,344,359,360,365,366,381,382,386,387,388,403,404,405,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,493 +8157 - 56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,226,227,228,229,230,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,318,319,320,321,322,342,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +8158 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,72,73,74,76,77,78,79,94,95,96,99,100,101,102,116,117,118,122,123,124,139,140,144,145,146,166,167,168,188,189,190,210,211,212,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,269,270,271,274,275,276,277,278,291,292,297,298,299,300,313,314,315,318,319,320,321,322,323,335,336,337,340,341,342,343,344,345,358,359,360,361,362,363,364,366,367,368,381,382,383,384,385,388,389,390,404,405,406,407,410,411,412,427,428,433,434,455,456,487 +8159 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,101,102,103,104,105,117,118,119,120,123,124,125,126,127,128,138,139,140,141,142,145,146,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,216,224,225,226,227,228,235,236,237,238,246,247,248,249,257,258,259,260,267,268,269,270,271,278,279,280,281,289,290,291,292,293,294,300,301,302,311,312,313,314,315,320,321,322,323,324,333,334,335,336,337,342,343,344,345,346,355,356,357,358,359,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +8160 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,189,190,191,192,200,201,202,203,204,205,211,212,213,222,223,224,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +8161 - 116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,492 +8162 - 37,38,39,40,41,42,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,86,96,97,98,99,100,101,102,117,118,119,120,121,122,139,140,141,142,143,144,160,161,162,163,164,182,183,184,204,205,206,207,227,228,229,230,231,232,251,252,253,254,255,274,275,276,277,278,298,299,300,321,322,323,334,343,344,345,355,356,365,366,367,376,377,378,385,386,387,388,398,399,400,401,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,490 +8163 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,254,273,274,275,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,448,449,450,486 +8164 - 70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,145,146,147,148,149,156,157,158,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,487 +8165 - 33,34,35,55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +8166 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,229,230,232,233,234,235,254,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,346,365,366,367,368,379,380,387,388,389,390,401,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,494 +8167 - 76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,253,272,273,274,275,276,277,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,406,407,408,409,426,427,428,429,430,446,447,448,449,450,451,452,467,468,469,470,471,472,490 +8168 - 14,15,16,17,35,36,37,38,39,56,57,58,59,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,185,186,187,206,207,208,228,229,230,249,250,251,252,253,254,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,321,322,323,336,337,338,343,344,345,358,359,364,365,366,380,381,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,491 +8169 - 50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,117,118,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,236,252,253,254,255,256,257,277,278,279,280,300,301,302,303,322,323,324,325,343,344,345,346,363,364,365,366,367,368,384,385,386,387,388,389,390,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,488 +8170 - 92,93,94,95,96,97,98,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,191,192,193,194,195,201,202,203,204,212,213,214,215,216,223,224,225,226,234,235,236,237,245,246,247,248,255,256,257,258,267,268,269,276,277,278,279,289,290,291,297,298,299,300,301,311,312,313,319,320,321,322,333,334,335,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473,492 +8171 - 33,34,35,36,54,55,56,57,58,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,139,140,141,142,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,250,255,256,257,258,259,268,269,270,271,272,277,278,279,280,281,290,291,292,293,294,299,300,301,302,312,313,314,315,321,322,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,485 +8172 - 77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,128,129,130,131,139,140,141,142,143,144,161,162,163,183,184,185,205,206,207,208,209,210,228,229,230,231,232,233,234,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,362,363,364,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,490 +8173 - 80,81,82,83,84,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,190,191,192,193,199,200,201,202,203,204,205,206,211,212,213,214,215,223,232,233,234,235,236,254,255,256,257,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,475,492 +8174 - 31,32,33,53,54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,411,412,430,431,432,433,434,453,454,455,456,486 +8175 - 76,77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,125,137,139,140,141,142,143,145,146,147,161,162,163,164,166,167,168,169,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,320,321,322,342,343,344,363,364,365,366,383,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,454,472,473,474,475,494 +8176 - 54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,428,429,430,450,451,452,472,473,474,486 +8177 - 13,14,15,33,34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,98,99,100,119,120,121,122,140,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,227,228,229,230,235,249,250,251,255,256,257,258,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,426,427,428,429,430,431,491 +8178 - 31,32,52,53,54,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,123,124,125,126,127,137,138,139,140,148,149,150,159,160,161,171,172,173,180,181,182,193,194,195,202,203,204,216,217,218,224,225,226,239,240,245,246,247,248,261,262,267,268,269,283,284,289,290,291,304,305,306,311,312,313,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,387,388,389,390,391,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +8179 - 35,36,37,57,58,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,274,275,276,295,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +8180 - 31,32,53,54,74,75,76,80,81,96,97,98,102,103,117,118,119,120,124,125,139,140,141,145,146,147,161,162,163,167,168,169,183,184,185,189,190,191,204,205,206,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,336,337,338,341,342,343,344,363,364,365,385,386,387,407,408,409,410,429,430,431,432,452,453,454,489 +8181 - 12,13,14,15,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,270,271,272,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +8182 - 33,34,35,36,54,55,56,57,58,76,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,448,449,450,486 +8183 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,190,191,192,193,194,198,199,200,201,202,203,204,205,206,212,213,214,215,220,221,222,223,224,225,233,234,235,236,237,255,256,257,258,259,277,278,279,280,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,492 +8184 - 29,30,50,51,52,72,73,74,94,95,96,115,116,117,118,123,124,125,137,138,139,140,144,145,146,147,148,159,160,161,166,167,168,169,181,182,183,188,189,190,191,202,203,204,205,210,211,212,213,214,215,224,225,226,227,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,365,366,367,368,387,388,389,390,410,411,412,413,414,432,433,434,435,436,455,456,457,458,489 +8185 - 73,74,83,84,85,94,95,96,105,106,107,116,117,118,127,128,129,137,138,139,140,148,149,150,151,159,160,161,170,171,172,173,180,181,182,183,192,193,194,202,203,204,205,210,211,212,213,214,215,216,223,224,225,226,227,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,300,301,302,303,312,313,314,315,316,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,408,409,410,411,430,431,432,451,452,453,454,473,474,475,476,489 +8186 - 52,53,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,139,140,141,142,161,162,163,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,278,279,280,301,302,323,324,325,345,346,347,367,368,369,380,388,389,390,402,403,404,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +8187 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,275,276,277,278,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +8188 - 54,55,56,77,78,99,100,101,121,122,123,143,144,165,166,187,188,209,210,231,232,252,253,254,274,275,296,297,318,319,340,341,362,363,383,384,385,405,406,407,426,427,428,448,449,450,470,471,486 +8189 - 59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,162,163,164,165,184,185,186,205,206,207,208,227,228,229,230,231,250,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,319,320,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +8190 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,275,276,277,292,293,294,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,386,387,388,408,409,410,411,430,431,432,433,453,454,455,456,475,476,477,478,489 +8191 - 102,103,104,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,198,199,200,201,202,203,204,205,206,207,211,212,213,220,221,222,223,224,233,234,235,244,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,492 +8192 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,78,79,80,81,94,95,101,102,103,116,117,123,124,125,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,253,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,433,434,435,436,487 +8193 - 77,78,79,80,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,145,146,160,161,162,163,167,168,169,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +8194 - 9,10,11,12,13,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,117,118,119,120,139,140,141,160,161,162,163,182,183,184,185,204,205,206,207,211,212,213,226,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,302,303,304,305,315,316,317,318,319,324,325,326,327,337,338,339,340,341,342,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,383,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,491 +8195 - 34,35,36,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,139,140,141,142,147,148,149,162,163,164,168,169,170,171,184,185,186,187,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,342,343,344,356,357,358,359,360,363,364,365,366,378,379,380,381,382,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,493 +8196 - 36,37,38,39,58,59,60,61,62,79,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,143,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,486 +8197 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,253,254,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,319,320,321,322,341,342,343,344,364,365,366,384,385,386,387,402,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,470,490 +8198 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,77,78,79,80,81,91,92,93,101,102,103,112,113,114,123,124,125,134,135,146,147,168,169,190,191,211,212,213,233,234,235,255,256,257,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,341,342,343,344,345,346,347,348,357,358,359,362,363,364,365,367,368,369,370,371,379,380,381,384,385,386,391,392,393,394,401,402,403,404,405,406,407,415,416,417,424,425,426,427,428,447,448,449,487 +8199 - 14,15,16,17,35,36,37,38,39,56,57,58,59,77,78,79,80,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,205,206,207,208,227,228,229,230,249,250,251,270,271,272,273,278,292,293,294,295,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +8200 - 57,58,79,80,100,101,102,115,116,122,123,136,137,138,144,145,158,159,160,166,167,168,179,180,181,182,188,189,190,201,202,203,204,205,206,207,208,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,244,245,246,247,250,251,252,253,254,255,256,266,267,268,275,276,277,278,279,298,299,300,301,302,320,321,322,323,324,342,343,344,364,365,366,386,387,388,389,408,409,410,411,430,431,432,433,453,454,455,456,475,476,477,478,489 +8201 - 3,4,5,6,7,8,9,10,11,12,25,26,27,28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,70,71,72,76,77,78,79,80,99,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,191,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,320,321,322,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,487 +8202 - 75,76,77,95,96,97,98,99,100,101,117,118,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,224,225,226,227,228,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,321,322,323,343,344,345,346,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +8203 - 73,74,75,83,84,85,94,95,96,97,98,104,105,106,107,116,117,118,119,126,127,128,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +8204 - 74,75,76,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,127,144,145,146,147,148,149,169,170,171,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470,492 +8205 - 55,56,57,58,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,124,125,126,127,128,129,130,137,138,139,140,141,142,145,146,147,148,149,150,151,152,158,159,160,161,162,167,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,206,213,214,215,216,217,224,225,226,227,228,229,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,363,364,365,378,379,380,381,385,386,387,388,399,400,401,402,403,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,472,493 +8206 - 28,29,30,31,32,33,34,35,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,121,122,123,124,125,135,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,293,294,295,296,297,313,314,315,316,317,318,319,327,328,334,335,336,337,338,339,340,341,342,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,423,424,425,428,429,430,431,432,433,434,435,436,437,453,454,455,456,457,487 +8207 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,211,229,230,231,232,250,251,252,253,254,272,273,274,275,294,295,296,297,316,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,385,392,403,404,405,406,414,425,426,427,428,448,449,486 +8208 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,127,128,129,130,138,139,140,141,142,143,149,150,151,152,159,160,161,162,163,164,165,172,173,174,180,181,182,183,184,194,195,196,202,203,204,216,217,218,223,224,225,226,238,239,240,244,245,246,247,259,260,261,262,266,267,268,269,281,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,325,326,327,331,332,333,334,346,347,348,349,353,354,355,356,367,368,369,370,375,376,377,378,388,389,390,391,392,398,399,400,401,402,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +8209 - 80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,271,272,273,274,275,276,293,294,295,296,297,298,299,316,317,318,319,320,321,322,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +8210 - 9,10,11,12,13,30,31,32,33,34,35,51,52,53,56,57,58,72,73,79,80,94,101,102,123,124,145,146,167,168,189,190,211,212,232,233,234,254,255,276,277,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,362,363,364,365,366,379,380,381,383,384,385,386,387,388,391,401,402,403,404,405,406,408,409,410,412,413,424,425,426,427,431,432,433,434,487 +8211 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,146,147,160,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,225,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +8212 - 31,32,33,34,35,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,100,101,102,103,104,118,119,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,189,192,193,194,202,203,204,205,206,207,208,209,214,215,216,217,223,224,225,226,227,228,237,238,239,244,245,246,247,248,249,259,260,261,266,267,268,269,281,282,283,288,289,290,291,303,304,305,310,311,312,313,325,326,327,332,333,334,335,346,347,348,349,354,355,356,357,358,359,368,369,370,371,377,378,379,380,381,382,383,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +8213 - 7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,95,99,100,101,102,121,122,123,124,131,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,487 +8214 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,104,105,106,107,108,109,118,119,120,127,128,129,130,131,139,140,141,148,149,150,151,152,157,158,159,160,161,162,163,168,169,170,171,172,178,179,180,181,182,183,184,185,186,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,258,271,272,273,274,277,278,279,280,293,294,295,300,301,302,303,314,315,316,323,324,325,326,335,336,337,338,346,347,348,357,358,359,368,369,370,379,380,381,390,391,392,401,402,403,411,412,413,423,424,425,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,476,493 +8215 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,143,144,145,146,147,157,158,159,160,161,165,166,167,168,169,180,181,182,187,188,189,190,191,209,210,211,212,213,231,232,233,234,235,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,349,350,351,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,487 +8216 - 30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,100,101,102,115,116,117,122,123,124,145,146,167,168,189,190,210,211,212,232,233,234,254,255,256,257,258,259,275,276,277,278,279,280,281,282,283,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,326,327,328,329,334,335,336,337,338,339,340,341,342,343,350,351,356,357,358,362,363,364,378,379,383,384,385,386,400,401,402,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,449,487 +8217 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,144,145,146,147,148,149,160,161,162,163,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,408,409,410,411,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +8218 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,99,100,101,102,103,122,123,124,125,144,145,146,147,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,303,323,324,325,326,333,334,335,345,346,347,348,355,356,357,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,488 +8219 - 52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,164,165,166,167,168,169,170,171,181,182,183,186,187,188,190,191,192,193,194,202,203,204,205,208,209,210,214,215,216,224,225,226,227,230,231,232,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,303,304,305,312,313,314,324,325,326,334,335,336,346,347,348,356,357,358,366,367,368,369,370,378,379,380,381,387,388,389,390,391,401,402,403,404,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,470,471,472,473,474,485 +8220 - 34,35,36,55,56,57,58,59,77,78,80,81,98,99,100,103,120,121,122,142,143,163,164,165,185,186,207,208,229,230,251,252,273,274,276,277,278,279,295,296,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,359,360,361,381,382,402,403,404,424,425,446,447,448,449,491 +8221 - 13,14,15,16,34,35,36,37,38,55,56,57,58,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,163,164,165,166,184,185,186,187,206,207,208,227,228,229,230,249,250,251,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +8222 - 31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,224,225,226,227,228,229,234,235,236,237,238,246,247,248,249,250,257,258,259,260,267,268,269,270,271,279,280,281,282,289,290,291,292,293,294,300,301,302,303,304,311,312,313,314,315,316,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +8223 - 53,54,55,74,75,76,77,96,97,98,99,117,118,119,120,125,126,139,140,141,142,147,148,149,161,162,163,164,169,170,171,183,184,185,190,191,192,193,204,205,206,207,212,213,214,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,476,489 +8224 - 30,31,32,33,51,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,161,162,163,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,274,275,276,277,278,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,347,359,360,361,363,364,365,366,367,368,369,381,382,383,384,385,386,387,389,390,391,403,404,405,406,407,408,412,413,425,426,427,428,429,430,448,449,450,451,487 +8225 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,256,274,275,276,277,278,298,299,300,301,320,321,322,323,324,343,344,345,346,366,367,368,369,384,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +8226 - 33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,167,185,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,295,296,297,298,318,319,320,340,341,342,345,362,363,364,365,366,367,368,383,384,385,386,387,388,389,404,405,406,407,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,486 +8227 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,144,145,146,147,158,159,160,161,166,167,168,169,182,188,189,190,191,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,299,316,317,318,319,320,321,339,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +8228 - 75,76,77,96,97,98,99,116,117,118,119,120,121,126,127,128,137,138,139,140,141,142,147,148,149,150,157,158,159,160,161,169,170,171,172,178,179,180,181,182,190,191,192,193,200,201,202,203,211,212,213,214,215,222,223,224,232,233,234,235,236,237,244,245,246,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,279,280,281,288,289,290,291,292,293,294,295,296,297,298,301,302,303,311,312,313,314,315,316,317,318,319,323,324,325,335,336,337,345,346,347,367,368,369,389,390,391,392,411,412,413,414,434,435,436,437,456,457,458,459,479,480,481,494 +8229 - 33,34,35,54,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,486 +8230 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,100,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,235,254,255,256,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,340,341,342,343,344,345,346,357,358,361,362,363,364,365,366,367,368,369,370,378,379,380,382,383,384,385,388,389,390,391,392,400,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,487 +8231 - 27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,98,99,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,293,294,295,296,297,315,316,317,318,319,336,337,338,339,340,346,347,348,349,350,351,357,358,359,360,361,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,487 +8232 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,81,92,93,94,95,96,97,98,102,103,104,105,113,114,115,116,117,118,123,124,125,126,127,128,134,135,136,137,138,139,140,145,146,147,148,149,150,151,156,157,158,159,160,170,171,172,173,174,178,179,180,181,182,193,194,195,196,200,201,202,203,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,314,326,327,328,332,333,334,335,336,346,347,348,349,350,355,356,357,358,359,360,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,456,485 +8233 - 71,72,73,93,94,95,104,105,115,116,117,125,126,127,136,137,138,139,147,148,149,158,159,160,161,169,170,180,181,182,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,489 +8234 - 49,50,55,56,57,58,59,71,72,74,75,76,77,78,79,80,81,82,83,84,93,94,96,97,98,99,100,101,102,103,104,105,106,115,116,117,119,120,126,127,137,138,139,140,141,142,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,190,203,204,205,210,211,212,233,234,235,255,256,257,277,278,279,299,300,301,315,316,321,322,323,336,337,338,343,344,345,358,359,360,365,366,367,380,381,382,386,387,388,389,402,403,404,405,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,490 +8235 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +8236 - 50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,125,126,127,128,134,135,136,137,147,148,149,150,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,466,467,468,469,487 +8237 - 75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,140,141,142,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,249,250,251,252,253,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,403,405,407,408,409,410,423,424,425,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,490 +8238 - 16,17,18,36,37,38,39,40,57,58,59,60,61,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,188,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,278,279,280,281,291,292,293,294,300,301,302,303,313,314,315,322,323,324,325,335,336,337,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,491 +8239 - 35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,166,167,168,169,170,184,185,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,323,336,337,338,339,340,343,344,345,358,359,360,361,365,366,367,381,382,383,386,387,388,389,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,449,450,451,452,453,493 +8240 - 52,53,54,55,56,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,123,124,125,126,144,145,146,147,148,165,166,167,168,169,185,186,187,188,189,205,206,207,208,209,226,227,228,229,230,246,247,248,249,250,268,269,270,271,272,273,274,290,291,292,293,294,295,296,297,298,299,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,347,364,365,366,367,368,369,387,388,389,390,408,409,410,411,428,429,430,431,432,448,449,450,451,452,453,469,470,471,472,488 +8241 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,274,275,276,277,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,494 +8242 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,160,161,162,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,208,210,211,212,213,226,227,228,229,230,231,232,233,234,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,342,343,344,345,360,361,362,365,366,367,382,383,384,387,388,389,404,405,406,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,470,471,472,473,474,475,493 +8243 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,122,123,124,125,126,127,146,147,148,149,167,168,169,170,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,295,296,297,298,299,300,318,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,488 +8244 - 71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,122,123,136,144,145,165,166,167,186,187,188,206,207,208,209,227,228,229,230,231,249,250,251,252,253,254,276,277,278,299,300,322,323,344,345,366,367,388,389,390,410,411,432,433,453,454,455,473,474,475,476,488 +8245 - 73,74,82,83,84,95,96,103,104,105,106,116,117,118,125,126,127,128,138,139,140,147,148,149,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,206,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,298,299,300,301,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,489 +8246 - 70,71,80,92,93,94,101,102,103,114,115,116,123,124,125,137,138,145,146,147,159,160,161,166,167,168,169,181,182,183,188,189,190,203,204,205,206,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +8247 - 29,30,31,32,51,52,53,54,55,73,74,75,76,77,95,96,97,98,99,100,116,117,118,119,120,121,122,123,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,247,248,249,250,253,255,256,257,258,259,269,270,271,272,278,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,316,317,322,323,324,325,336,337,338,339,340,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,450,451,452,453,454,485 +8248 - 32,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,60,61,62,75,76,96,97,98,118,119,139,140,141,161,162,163,165,166,167,183,184,185,186,187,188,189,190,191,205,206,207,208,209,211,212,213,227,228,229,230,234,235,236,250,251,257,258,279,280,301,302,323,324,335,336,345,346,356,357,358,366,367,368,379,380,381,387,388,389,390,401,402,403,404,405,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,490 +8249 - 26,27,28,29,30,31,32,48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,94,96,97,98,99,100,119,120,121,122,136,140,141,142,143,144,162,163,164,165,166,184,185,186,187,206,207,208,209,228,229,230,231,232,233,251,252,253,254,255,256,257,275,276,277,278,279,280,298,299,300,301,302,303,322,323,324,325,344,345,346,347,362,364,365,366,367,368,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,488 +8250 - 37,38,39,40,58,59,60,61,62,63,79,80,81,82,83,84,85,100,101,102,103,104,120,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,209,227,228,229,230,248,249,250,251,270,271,272,273,275,276,292,293,294,296,297,298,299,314,315,316,318,319,320,321,336,337,338,340,341,342,343,358,359,360,364,365,380,381,382,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,491 +8251 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,273,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,494 +8252 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,74,75,76,77,79,80,81,82,96,97,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,277,278,279,300,301,321,322,323,342,343,344,345,363,364,365,366,367,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,488 +8253 - 30,31,34,35,36,37,38,52,53,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,124,125,126,127,128,137,138,139,140,141,142,143,146,147,148,149,150,158,159,160,161,162,163,164,165,168,169,170,171,172,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,206,213,214,215,216,223,224,225,226,227,228,235,236,237,238,245,246,247,248,249,258,259,260,267,268,269,270,271,280,281,282,289,290,291,292,293,301,302,303,304,311,312,313,314,315,322,323,324,325,326,333,334,335,336,337,338,343,344,345,346,347,348,355,356,357,358,359,360,361,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +8254 - 74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,159,160,161,162,163,180,181,182,183,184,202,203,204,205,206,224,225,226,227,228,229,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,409,410,411,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +8255 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,98,99,100,101,102,103,122,123,124,125,144,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,346,347,357,358,359,360,361,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,487 +8256 - 30,31,32,52,53,54,74,75,76,96,97,98,118,119,120,141,142,162,163,164,185,186,207,208,209,229,230,231,251,252,253,274,275,296,297,298,318,319,320,340,341,342,343,363,364,365,366,385,386,387,388,389,407,408,409,410,411,430,431,432,433,453,454,455,486 +8257 - 101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,191,192,193,194,198,199,200,201,202,203,204,205,206,213,214,215,221,222,223,224,235,236,237,256,257,258,259,277,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,472,473,474,475,476,492 +8258 - 54,55,56,75,76,77,78,79,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +8259 - 34,35,36,56,57,58,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +8260 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,72,73,74,78,79,80,93,94,95,101,102,115,116,123,124,125,137,138,145,146,147,160,167,168,169,189,190,210,211,212,232,233,234,254,255,275,276,277,297,298,299,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,364,379,380,382,383,384,385,386,387,388,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,431,432,433,434,435,445,446,447,448,487 +8261 - 34,35,36,56,57,58,77,78,79,80,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,316,317,318,319,338,339,340,341,360,361,362,381,382,383,384,385,403,404,405,406,407,425,426,427,428,447,448,449,450,486 +8262 - 10,11,12,32,33,54,55,75,76,77,97,98,118,119,120,140,141,142,162,163,183,184,185,189,190,191,192,205,206,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,257,258,259,270,271,272,273,274,275,279,280,281,292,293,294,295,300,301,302,314,315,316,321,322,323,324,336,337,338,339,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +8263 - 51,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,165,166,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,193,194,202,203,204,205,211,212,213,214,215,216,223,224,225,226,227,234,235,236,237,238,245,246,247,248,256,257,258,259,260,261,267,268,269,270,279,280,281,282,283,289,290,291,292,301,302,303,304,311,312,313,314,315,323,324,325,326,333,334,335,336,337,343,344,345,346,347,348,355,356,357,358,359,360,365,366,367,368,369,370,378,379,380,381,382,383,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,485 +8264 - 30,31,32,33,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,115,116,117,118,121,122,123,143,144,145,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,226,227,228,229,230,247,248,249,250,251,252,269,270,271,272,273,290,291,292,293,294,312,313,314,315,316,317,318,319,320,321,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,487 +8265 - 79,80,81,82,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,181,182,183,184,188,189,190,191,200,201,202,203,210,211,212,213,231,232,233,234,253,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +8266 - 58,59,60,79,80,81,82,101,102,103,104,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,469,470,471,486 +8267 - 13,14,15,16,35,36,37,56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,250,251,252,271,272,273,274,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +8268 - 27,28,29,30,31,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,90,91,92,93,96,97,98,99,111,112,113,114,118,119,120,121,141,142,143,162,163,164,165,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,254,255,256,257,258,277,278,279,280,281,301,302,303,304,324,325,326,327,346,347,348,349,360,369,370,371,382,383,384,392,393,394,404,405,406,407,408,409,410,413,414,415,427,428,429,430,431,432,433,434,435,436,437,452,453,454,455,456,457,458,459,488 +8269 - 124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,214,215,216,220,221,222,223,224,235,236,237,238,243,257,258,259,278,279,280,281,300,301,302,303,321,322,323,324,343,344,345,364,365,366,367,386,387,388,407,408,409,410,428,429,430,431,432,449,450,451,452,453,471,472,473,474,492 +8270 - 31,32,33,53,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +8271 - 11,12,13,14,32,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,119,120,121,140,141,142,161,162,163,164,183,184,185,186,205,206,207,227,228,229,249,250,251,271,272,273,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +8272 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,104,105,106,116,117,118,119,120,121,126,127,128,137,138,139,140,147,148,149,159,160,161,168,169,170,180,181,182,189,190,191,203,204,205,210,211,212,225,226,227,228,231,232,233,248,249,250,251,252,253,254,272,273,274,275,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,342,343,344,357,358,359,360,365,366,367,379,380,381,387,388,389,400,401,402,409,410,411,422,423,424,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,493 +8273 - 53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,211,212,213,214,215,216,217,218,219,223,224,225,226,227,228,229,230,234,235,236,237,238,239,240,241,245,246,247,248,249,250,251,259,260,261,262,263,267,268,269,270,271,282,283,284,285,289,290,291,292,304,305,306,307,311,312,313,314,326,327,328,329,333,334,335,336,347,348,349,350,355,356,357,358,359,369,370,371,377,378,379,380,381,390,391,392,393,399,400,401,402,403,404,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,477,485 +8274 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,103,104,105,114,115,116,125,126,136,137,147,148,158,168,169,170,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,279,280,281,301,302,303,323,324,325,346,347,357,358,367,368,369,378,379,380,388,389,390,399,400,401,408,409,410,411,412,421,422,423,424,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +8275 - 13,14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,183,184,185,186,205,206,207,226,227,228,248,249,250,270,271,272,275,276,277,278,292,293,294,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,410,427,428,429,430,431,491 +8276 - 108,109,120,121,122,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,202,203,204,205,206,224,225,226,246,247,248,249,250,251,252,268,269,270,271,272,273,274,275,276,293,294,295,296,297,298,299,300,319,320,321,322,342,343,344,345,364,365,366,367,386,387,388,401,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,490 +8277 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,167,168,169,170,181,182,183,184,185,186,189,190,191,192,203,204,205,206,207,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +8278 - 96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,170,171,172,173,174,180,181,182,183,184,185,186,193,194,195,196,201,202,203,204,205,207,208,217,218,223,224,225,226,230,240,241,244,245,246,247,248,262,263,266,267,268,284,285,288,289,290,305,306,307,310,311,312,326,327,328,329,332,333,334,346,347,348,349,350,354,355,356,357,358,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,485 +8279 - 51,52,72,73,74,75,82,83,84,93,94,95,96,104,105,106,115,116,117,118,125,126,127,128,136,137,138,139,140,147,148,149,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,297,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,453,472,473,474,475,489 +8280 - 48,49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,124,125,126,127,128,144,145,146,147,148,149,165,166,167,168,169,170,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,256,257,258,259,266,267,268,269,270,279,280,281,289,290,301,302,303,304,324,325,326,346,347,348,367,368,369,374,375,389,390,391,396,397,398,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,454,465,466,467,468,469,470,471,472,473,474,488 +8281 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,128,140,141,142,147,148,149,150,162,163,164,168,169,170,171,184,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,338,339,341,342,343,357,358,359,360,363,364,365,379,380,381,382,385,386,387,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,431,447,448,449,450,451,452,453,493 +8282 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,388,407,408,409,410,411,430,431,432,433,434,453,454,455,456,486 +8283 - 73,74,75,82,83,95,96,97,103,104,105,116,117,118,119,125,126,127,128,138,139,140,141,147,148,149,160,161,162,168,169,170,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,215,216,225,226,227,233,234,235,236,237,238,247,248,249,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,489 +8284 - 33,34,35,36,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,126,127,128,129,137,138,139,140,142,143,144,149,150,151,158,159,160,161,162,164,165,166,172,173,174,180,181,182,183,187,188,194,195,196,201,202,203,204,205,217,218,219,223,224,225,226,239,240,241,245,246,247,248,261,262,263,266,267,268,269,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,329,332,333,334,335,346,347,348,349,350,354,355,356,357,367,368,369,370,371,377,378,379,380,381,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +8285 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,231,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,320,321,322,323,324,336,343,344,345,346,364,365,366,367,368,386,387,388,389,404,405,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,488 +8286 - 35,36,57,58,59,79,80,81,100,101,102,103,122,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +8287 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,122,123,124,125,139,142,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,232,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,343,344,345,364,365,366,367,381,382,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,488 +8288 - 33,34,35,40,54,55,56,57,58,59,60,61,62,63,64,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,149,150,151,152,160,161,162,163,164,165,166,169,170,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,322,323,324,325,326,332,333,334,335,336,337,342,343,344,345,346,347,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,493 +8289 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,134,135,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,168,169,170,171,177,178,179,180,181,182,183,184,185,190,191,192,199,200,201,202,203,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,492 +8290 - 5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,35,47,48,56,57,78,79,80,101,102,123,124,125,145,146,147,167,168,169,189,190,191,211,212,213,233,234,254,255,256,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,340,341,342,346,347,348,349,350,351,355,356,361,362,363,364,372,373,377,378,381,382,383,384,385,399,400,401,402,403,404,405,422,423,424,425,426,487 +8291 - 31,32,33,34,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,101,102,103,116,117,118,119,123,124,125,138,139,140,141,145,146,147,160,161,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,323,336,337,338,339,342,343,344,345,358,359,360,361,364,365,366,367,380,381,382,383,386,387,388,389,402,403,404,405,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +8292 - 16,17,18,37,38,39,40,41,58,59,60,61,63,79,80,81,82,100,101,102,103,121,122,123,124,142,143,144,145,163,164,165,166,185,186,187,206,207,208,227,228,229,230,249,250,251,254,255,256,257,270,271,272,275,276,277,278,279,280,292,293,294,297,298,299,300,301,302,313,314,315,319,320,321,322,323,324,335,336,337,342,343,345,346,357,358,359,366,367,368,379,380,381,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +8293 - 31,32,33,36,37,53,54,55,58,59,75,76,77,78,80,81,97,98,99,100,102,103,119,120,121,124,125,141,142,143,146,147,162,163,164,165,166,184,185,186,187,188,191,206,207,208,209,212,213,228,229,230,231,234,235,250,251,252,253,256,257,272,273,274,275,294,295,296,297,316,317,318,319,322,323,338,339,340,341,344,345,360,361,362,363,366,367,382,383,384,385,388,389,404,405,406,407,410,411,426,427,428,429,430,432,433,448,449,450,451,454,455,486 +8294 - 70,71,72,78,79,92,93,94,100,101,102,114,115,122,123,124,136,137,138,144,145,146,158,159,160,166,167,168,180,181,182,183,188,189,190,203,204,205,206,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,273,274,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,409,410,411,431,432,433,452,453,454,455,475,476,477,489 +8295 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,169,170,171,172,182,183,184,185,187,188,189,192,193,194,204,205,206,207,214,215,216,225,226,227,228,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,279,280,281,282,290,291,292,293,301,302,303,312,313,314,315,323,324,325,334,335,336,337,344,345,346,347,356,357,358,359,365,366,367,368,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +8296 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,146,147,148,160,161,162,163,167,168,169,170,181,182,183,184,189,190,191,203,204,205,210,211,212,213,225,226,227,232,233,234,235,247,248,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,314,315,316,317,320,321,322,342,343,344,364,365,366,386,387,388,408,409,429,430,431,451,452,453,473,474,475,494 +8297 - 53,54,74,75,76,96,97,98,103,104,118,119,120,124,125,126,140,141,142,146,147,148,161,162,163,167,168,169,170,183,184,185,189,190,191,192,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +8298 - 33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,94,95,96,97,115,116,117,136,137,138,158,159,160,179,180,181,201,202,203,223,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,258,259,278,279,280,281,282,302,303,304,305,306,326,327,328,349,350,370,371,372,383,391,392,393,394,404,405,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,490 +8299 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,115,116,121,122,123,124,142,143,144,145,146,165,166,167,168,186,187,188,189,190,206,207,208,209,210,211,218,227,228,229,230,231,232,240,249,250,251,252,253,254,262,271,272,273,274,275,276,277,294,295,296,297,298,299,300,319,320,321,322,323,340,341,342,343,344,345,364,365,366,367,368,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,488 +8300 - 28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,75,77,78,79,80,81,91,92,102,103,104,113,114,125,126,135,147,148,149,169,170,171,191,192,213,214,234,235,236,255,256,257,258,276,277,278,279,292,293,298,299,300,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,339,340,341,342,343,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,411,412,413,414,415,416,417,487 +8301 - 52,53,54,55,73,74,75,76,77,78,80,81,94,95,96,97,98,99,101,102,103,104,105,116,117,118,119,123,124,125,126,127,128,137,138,139,140,144,145,146,147,148,149,150,151,159,160,161,162,166,167,168,169,170,171,172,173,180,181,182,183,189,190,192,193,194,195,202,203,204,214,215,216,217,224,225,226,236,237,238,246,247,248,258,259,260,268,269,270,280,281,282,290,291,292,293,302,303,304,305,312,313,314,324,325,326,334,335,336,345,346,347,348,356,357,358,359,367,368,369,370,378,379,380,381,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,470,471,472,473,485 +8302 - 7,8,9,10,29,30,31,32,51,52,53,73,74,75,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,182,183,184,204,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,237,246,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,296,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,491 +8303 - 15,16,17,35,36,37,38,39,40,57,58,59,60,61,79,80,81,82,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,163,164,165,166,184,185,186,187,188,205,206,207,208,209,210,227,228,229,230,249,250,251,252,270,271,272,273,274,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,365,366,367,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,427,428,429,430,431,491 +8304 - 56,57,77,78,79,99,100,101,121,122,143,144,165,166,187,188,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,339,340,341,361,362,363,383,384,405,406,427,428,448,449,450,470,471,486 +8305 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,126,127,139,140,141,142,143,147,148,149,161,162,163,169,170,171,183,184,185,190,191,192,193,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,365,380,381,382,385,386,387,401,402,403,404,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,474,493 +8306 - 57,58,59,79,80,81,93,94,95,101,102,103,115,116,117,118,123,124,125,137,138,139,140,145,146,147,159,160,161,167,168,169,170,180,181,182,189,190,191,192,201,202,203,204,211,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,248,255,256,257,258,266,267,268,269,270,271,272,273,274,275,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,342,343,344,345,346,347,366,367,368,388,389,390,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,489 +8307 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,99,100,101,102,122,123,124,144,145,146,147,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,320,321,322,323,343,344,345,346,364,365,366,367,368,378,379,385,386,387,388,389,400,401,402,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +8308 - 50,51,52,72,73,74,94,95,96,117,118,139,140,146,147,161,162,168,169,183,184,190,191,205,206,210,211,212,213,227,228,231,232,233,234,235,249,250,251,252,253,254,256,257,271,272,273,274,275,278,279,295,300,301,321,322,343,344,365,366,387,388,409,410,431,432,453,454,475,476,489 +8309 - 99,100,101,102,103,104,105,106,107,114,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,169,170,171,172,176,177,178,179,180,181,182,183,190,191,192,193,198,199,200,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +8310 - 52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,100,101,116,117,123,124,138,139,145,146,147,148,149,160,161,162,168,169,170,183,184,185,189,190,191,205,206,207,209,210,211,228,229,230,231,232,251,252,253,272,273,274,275,276,294,295,297,298,299,316,317,320,321,322,338,339,343,344,360,361,365,366,367,382,383,388,389,404,405,406,410,411,412,427,428,429,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +8311 - 57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,139,140,141,142,143,144,146,147,148,149,161,162,163,164,166,167,168,169,170,183,184,185,186,188,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,276,292,293,294,295,296,297,298,299,300,313,314,315,316,319,320,321,322,334,335,336,337,342,343,344,355,356,357,358,359,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +8312 - 15,16,17,36,37,38,57,58,59,78,79,80,81,100,101,102,121,122,123,142,143,144,163,164,165,185,186,187,206,207,208,228,229,233,234,235,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,302,303,314,315,316,323,324,325,336,337,338,343,344,345,346,358,359,360,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,491 +8313 - 54,55,56,57,58,59,60,61,62,63,64,65,76,77,78,79,80,81,82,83,84,85,86,87,97,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,206,207,208,209,210,227,228,229,230,231,232,249,250,251,252,253,271,272,273,274,275,276,293,294,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,342,343,344,364,365,366,367,385,386,387,388,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,473,474,490 +8314 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +8315 - 127,128,129,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,220,221,222,223,224,225,226,227,228,234,235,236,237,238,242,243,255,256,257,258,259,260,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +8316 - 34,35,36,37,56,57,58,59,78,79,80,99,100,101,102,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,486 +8317 - 36,37,38,39,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,105,106,107,108,118,119,120,121,122,127,128,129,130,140,141,142,147,148,149,150,151,152,162,163,164,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,296,297,298,299,311,312,313,314,315,319,320,321,333,334,335,336,341,342,343,344,355,356,357,358,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,493 +8318 - 9,10,11,12,13,29,30,31,32,33,34,35,36,50,51,52,53,54,56,57,58,72,73,74,79,80,81,94,95,101,102,103,123,124,145,146,167,168,188,189,190,210,211,212,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,292,293,294,296,297,298,299,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,365,366,367,368,379,380,381,382,383,387,388,389,390,401,402,403,404,410,411,412,413,414,424,425,432,433,434,435,436,487 +8319 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,103,104,105,118,119,120,121,122,126,127,139,140,141,142,143,148,149,161,162,163,164,165,170,171,182,183,184,185,186,187,191,192,193,204,205,206,207,213,214,215,226,227,228,235,236,237,248,249,250,256,257,258,259,269,270,271,272,278,279,280,281,291,292,293,300,301,302,303,313,314,315,321,322,323,324,335,336,337,342,343,344,345,346,357,358,359,364,365,366,367,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +8320 - 68,69,70,71,72,90,91,92,93,94,95,96,97,98,99,100,102,114,115,116,117,118,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,149,168,169,170,171,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,447,448,449,450,469,470,471,492 +8321 - 33,34,55,56,77,78,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,450,451,486 +8322 - 68,69,70,71,72,89,90,91,92,93,94,95,96,111,112,113,114,115,116,117,118,119,120,121,122,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,217,230,231,232,233,234,235,236,237,238,239,240,255,256,257,258,259,260,261,262,279,280,281,282,283,284,301,302,303,304,305,306,321,322,323,324,325,326,327,328,342,343,344,345,346,347,348,349,350,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,492 +8323 - 31,32,33,34,35,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,104,117,118,119,120,124,125,126,139,140,141,146,147,148,162,168,169,170,190,191,192,212,213,214,233,234,235,255,256,257,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,362,363,364,365,367,368,369,370,380,381,382,383,384,385,386,390,391,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,487 +8324 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,101,102,103,104,105,114,115,116,125,126,127,128,129,135,136,137,138,147,148,149,150,151,157,158,159,160,168,169,170,171,172,173,179,180,181,189,190,191,192,193,194,195,201,202,203,210,211,212,213,214,215,216,217,218,223,224,225,231,232,233,234,235,238,239,240,245,246,247,253,254,255,256,260,261,262,267,268,269,274,275,276,277,278,282,283,284,289,290,291,295,296,297,298,299,303,304,305,306,311,312,313,314,317,318,319,320,324,325,326,327,334,335,336,339,340,341,342,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +8325 - 28,29,30,31,32,33,50,51,52,53,54,55,56,72,73,74,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,162,163,164,165,184,185,186,187,188,189,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,488 +8326 - 33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,73,74,75,76,95,96,117,118,138,139,140,160,161,167,168,182,183,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,213,214,215,216,226,227,228,229,230,237,238,239,248,249,250,259,260,261,281,282,283,303,304,305,325,326,346,347,348,356,357,367,368,369,378,379,387,388,389,390,400,401,402,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,490 +8327 - 57,58,59,79,80,81,96,101,102,103,117,118,119,123,124,125,139,140,141,142,144,145,146,147,161,162,163,166,167,168,169,183,184,185,188,189,190,205,206,207,209,210,211,212,227,228,229,231,232,233,234,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,489 +8328 - 11,12,13,33,34,54,55,56,76,77,97,98,99,119,120,140,141,142,161,162,163,183,184,205,206,226,227,228,235,236,237,248,249,250,255,256,257,258,259,260,270,271,272,276,277,278,279,280,281,282,292,293,294,297,298,299,303,304,315,316,317,318,319,320,325,326,337,338,339,340,341,342,346,347,348,359,360,361,362,363,364,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +8329 - 76,77,78,79,80,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,174,175,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,343,344,345,364,365,366,367,386,387,388,407,408,409,410,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,490 +8330 - 14,15,16,35,36,37,38,57,58,59,78,79,80,99,100,101,120,121,122,142,143,144,164,165,185,186,187,207,208,228,229,230,231,232,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,300,301,302,315,316,322,323,324,337,338,343,344,345,358,359,360,364,365,366,367,380,381,382,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,491 +8331 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,167,168,169,183,184,185,186,188,189,190,191,192,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,257,258,259,270,271,272,273,274,275,279,280,281,292,293,294,295,296,301,302,303,314,315,316,317,318,322,323,324,325,336,337,338,339,340,341,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,491 +8332 - 74,75,82,83,95,96,97,104,105,106,116,117,118,119,125,126,127,137,138,139,140,147,148,149,159,160,161,168,169,170,180,181,182,183,190,191,192,202,203,204,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,271,274,275,276,277,278,279,280,281,282,283,284,298,299,300,304,305,306,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,474,489 +8333 - 71,72,73,93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,163,164,165,166,167,168,169,188,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,319,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,470,471,472,473,492 +8334 - 52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,97,100,101,102,103,116,117,122,123,124,125,126,137,138,139,144,145,146,147,148,159,160,161,167,168,169,170,181,182,183,191,192,204,205,212,213,214,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,302,303,304,315,316,317,325,326,337,338,339,347,348,359,360,369,370,381,382,390,391,392,403,404,405,412,413,426,427,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,493 +8335 - 55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,126,127,139,140,141,142,143,147,148,149,150,160,161,162,163,168,169,170,171,172,181,182,183,184,189,190,191,192,193,203,204,205,206,210,211,212,213,214,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,340,341,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,403,404,405,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +8336 - 34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,184,185,186,205,206,207,227,228,229,232,233,234,235,236,249,250,251,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,301,302,303,304,315,316,317,323,324,325,337,338,339,344,345,346,347,359,360,361,365,366,367,368,381,382,383,386,387,388,389,404,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,491 +8337 - 33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,103,104,105,117,118,119,120,121,122,126,127,128,138,139,140,141,143,144,148,149,150,159,160,161,162,165,166,170,171,172,181,182,183,192,193,194,202,203,204,205,214,215,216,224,225,226,236,237,238,246,247,248,257,258,259,260,267,268,269,279,280,281,282,289,290,291,301,302,303,311,312,313,322,323,324,325,333,334,335,343,344,345,346,347,355,356,357,364,365,366,367,368,377,378,379,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +8338 - 55,56,57,58,75,76,77,78,79,80,81,97,98,102,103,116,117,118,123,124,125,138,139,140,141,145,146,161,162,166,167,168,183,184,185,188,189,206,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,294,295,297,298,299,315,316,320,321,322,337,338,342,343,344,358,359,365,366,380,381,387,388,402,403,408,409,410,424,425,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +8339 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,448,449,450,470,471,472,486 +8340 - 58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,137,138,139,140,141,142,159,160,161,162,180,181,182,183,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,257,258,259,260,268,269,270,271,280,281,282,302,303,304,305,324,325,326,327,336,337,346,347,348,357,358,359,367,368,369,370,379,380,388,389,390,391,392,401,402,403,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +8341 - 31,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,105,117,118,119,120,124,125,126,127,138,139,140,141,142,146,147,148,149,160,161,162,163,169,170,171,182,183,184,190,191,192,193,204,205,212,213,214,215,234,235,236,237,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,340,341,342,343,344,347,348,349,356,357,358,361,362,363,364,365,370,378,379,380,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,487 +8342 - 104,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,159,160,163,164,165,166,167,168,169,170,171,172,180,181,182,201,202,203,222,223,224,228,229,230,231,244,245,248,249,250,251,252,253,254,266,267,268,269,270,271,272,273,274,275,276,277,288,289,290,291,292,297,298,299,300,310,311,312,320,321,322,343,344,365,366,387,388,402,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,471,472,473,490 +8343 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,99,100,101,102,121,122,123,124,142,143,144,145,163,164,165,166,167,168,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,228,229,230,231,232,234,235,236,256,257,258,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,421,422,423,424,425,426,427,428,443,444,445,446,447,448,465,466,467,468,469,488 +8344 - 8,9,10,11,29,30,31,32,33,51,52,53,54,55,72,73,74,75,76,94,95,96,97,98,115,116,117,118,119,137,138,139,140,141,159,160,161,162,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,302,303,304,305,315,316,317,318,319,323,324,325,326,327,338,339,340,341,342,343,344,345,346,347,348,349,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,413,414,491 +8345 - 79,80,81,94,95,96,101,102,103,116,117,118,122,123,124,125,138,139,140,144,145,146,147,160,161,162,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,447,448,449,450,470,471,472,489 +8346 - 76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,146,147,148,167,168,169,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,298,299,300,319,320,321,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,406,407,408,428,429,430,449,450,451,471,472,473,492 +8347 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,151,152,153,161,162,163,164,175,182,183,184,185,204,205,206,225,226,227,228,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,384,385,386,387,405,406,407,408,409,423,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +8348 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,149,150,161,162,163,164,165,166,171,172,181,182,183,184,185,186,187,188,189,192,193,194,203,204,205,206,210,214,215,216,224,225,226,235,236,237,246,247,248,256,257,258,268,269,270,277,278,279,280,291,292,293,298,299,300,301,313,314,315,316,320,321,322,336,337,338,339,340,341,342,343,359,360,361,362,363,364,365,383,384,385,386,406,407,408,428,429,430,431,450,451,452,453,471,472,473,474,475,476,493 +8349 - 11,12,13,14,33,34,35,36,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,182,183,184,185,190,191,192,193,194,204,205,206,211,212,213,214,215,216,217,226,227,228,231,232,233,234,235,236,237,238,239,247,248,249,252,253,254,255,256,257,258,259,260,261,269,270,271,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,491 +8350 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,145,146,147,160,161,162,163,167,168,169,182,183,184,189,190,204,205,206,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,271,272,275,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,494 +8351 - 70,71,72,92,93,94,95,96,97,98,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,171,190,191,192,193,213,214,215,234,235,236,237,256,257,258,259,277,278,279,280,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +8352 - 35,36,37,56,57,58,59,77,78,79,80,81,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +8353 - 56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,107,108,109,116,117,118,119,120,121,127,128,129,130,131,137,138,139,140,141,148,149,150,151,152,158,159,160,161,162,169,170,171,172,173,180,181,182,183,190,191,192,193,194,202,203,204,211,212,213,214,224,225,226,227,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,321,322,323,324,335,336,337,344,345,346,356,357,358,359,366,367,368,378,379,380,387,388,389,390,400,401,408,409,410,411,422,423,424,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +8354 - 10,11,12,13,31,32,33,52,53,54,55,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,180,181,182,183,202,203,204,224,225,226,235,236,237,246,247,248,255,256,257,258,259,260,268,269,270,276,277,278,279,280,281,282,290,291,292,297,298,299,300,303,304,312,313,314,315,319,320,321,325,326,327,335,336,337,338,341,342,343,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8355 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,189,190,191,192,193,202,203,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,494 +8356 - 93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,178,179,180,188,189,190,191,210,211,212,213,232,233,234,235,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,368,369,370,371,372,392,393,394,395,415,416,417,437,438,439,487 +8357 - 58,59,60,61,62,78,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,168,169,171,172,173,183,184,185,186,187,190,191,192,193,194,195,205,206,207,208,212,213,214,215,216,217,226,227,228,229,236,237,238,247,248,249,250,257,258,259,260,269,270,271,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,321,322,323,324,334,335,336,342,343,344,345,346,356,357,363,364,365,366,367,378,379,383,384,385,386,387,388,400,401,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,466,467,468,469,470,485 +8358 - 78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,159,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +8359 - 34,35,56,57,58,78,79,80,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,447,448,449,486 +8360 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,405,406,407,408,428,429,430,450,451,452,453,472,473,474,475,486 +8361 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,102,103,104,117,118,119,120,124,125,126,139,140,141,146,147,148,149,160,161,162,163,168,169,170,182,183,184,190,191,192,212,213,214,233,234,235,236,252,253,254,255,256,257,258,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,367,368,369,380,381,382,383,384,385,386,390,402,403,404,405,406,407,424,425,426,427,428,447,448,449,487 +8362 - 32,33,34,54,55,56,75,76,77,96,97,98,108,118,119,120,128,129,130,139,140,141,142,150,151,152,160,161,162,163,172,173,174,181,182,183,184,193,194,195,196,203,204,205,215,216,217,224,225,226,227,235,236,237,238,239,245,246,247,248,253,254,255,256,257,258,259,260,261,266,267,268,269,271,272,273,274,275,276,277,278,279,280,281,282,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,313,314,315,316,317,318,319,322,323,324,325,331,332,333,334,335,336,337,338,344,345,346,347,354,355,356,357,365,366,367,368,387,388,389,390,409,410,411,489 +8363 - 51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,190,207,208,209,210,211,212,213,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,274,278,279,280,300,301,302,321,322,323,342,343,344,345,363,364,365,366,367,379,384,385,386,387,388,401,402,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,488 +8364 - 57,58,59,60,77,78,79,80,81,97,98,99,100,101,102,118,119,120,121,122,139,140,141,142,162,163,183,184,185,186,187,205,206,207,208,209,210,211,230,231,232,233,254,255,256,277,278,279,300,301,322,323,344,345,366,367,382,383,388,389,404,405,409,410,411,426,427,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,490 +8365 - 59,60,80,81,82,83,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,145,146,147,148,160,161,162,167,168,169,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471,489 +8366 - 34,35,36,54,55,56,57,58,72,73,74,75,76,77,78,94,95,96,97,98,99,116,117,118,119,139,140,141,161,162,163,184,185,206,207,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,256,257,273,274,278,279,300,301,321,322,323,343,344,345,364,365,366,385,386,387,388,404,405,406,407,408,409,424,425,426,427,428,429,445,446,447,448,449,490 +8367 - 71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,170,189,190,191,192,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,492 +8368 - 53,54,55,56,57,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,116,117,118,119,125,126,138,139,140,147,148,159,160,161,162,169,170,171,181,182,183,191,192,193,203,204,205,213,214,226,227,228,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,301,302,315,316,323,324,336,337,338,346,347,358,359,368,369,380,381,382,390,391,403,404,412,413,425,426,427,432,433,434,448,449,450,451,452,453,454,455,471,472,473,474,475,476,493 +8369 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,102,103,104,117,118,119,125,126,127,138,139,140,146,147,148,149,160,161,162,163,167,168,169,170,182,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,314,315,316,317,321,322,323,335,336,337,343,344,345,357,358,359,364,365,366,367,379,380,381,382,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,493 +8370 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,80,81,82,94,95,96,97,98,99,102,103,104,116,117,118,119,120,121,122,125,126,127,139,140,141,142,143,147,148,149,162,163,169,170,171,191,192,193,213,214,215,235,236,237,248,249,250,257,258,259,268,269,270,271,272,273,274,275,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,332,333,334,335,336,342,343,344,345,346,347,355,356,357,364,365,366,367,368,369,378,379,380,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,413,414,415,416,423,424,425,426,427,428,429,430,431,432,436,437,438,487 +8371 - 34,35,36,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,125,126,127,140,141,142,143,147,148,149,162,163,164,165,169,170,171,184,185,186,191,192,193,205,206,207,208,213,214,215,227,228,229,230,235,236,237,249,250,251,256,257,258,259,270,271,272,273,278,279,280,281,292,293,294,299,300,301,302,314,315,316,320,321,322,323,324,336,337,338,342,343,344,345,358,359,360,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,485 +8372 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,451,452,473,474,486 +8373 - 58,59,60,76,77,78,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,381,382,383,384,385,386,387,403,404,405,406,407,408,409,425,426,427,428,429,430,447,448,449,450,451,452,470,471,472,473,493 +8374 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,169,170,171,172,179,180,181,182,183,184,191,192,193,194,201,202,203,204,205,212,213,214,215,223,224,225,226,233,234,235,236,237,245,246,247,248,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,494 +8375 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,99,100,101,120,121,122,123,142,143,144,164,165,166,167,185,186,187,188,189,190,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,237,252,253,256,257,258,259,279,280,281,300,301,302,303,321,322,323,324,325,342,343,344,345,346,356,357,362,363,364,365,366,367,368,378,379,380,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +8376 - 16,17,18,19,38,39,40,41,58,59,60,61,62,79,80,81,82,83,100,101,102,103,104,121,122,123,124,125,141,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,226,227,228,229,230,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,299,300,301,302,312,313,314,315,321,322,323,324,334,335,336,337,343,344,345,356,357,358,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,491 +8377 - 76,77,78,79,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,142,143,145,146,147,160,161,162,163,167,168,169,170,181,182,183,184,188,189,190,191,192,203,204,205,209,210,211,212,213,225,226,227,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,321,322,323,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,416,429,430,431,432,451,452,453,473,474,475,494 +8378 - 56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,183,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,314,315,316,317,319,320,321,322,336,337,338,341,342,343,344,358,359,360,362,363,364,365,366,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,493 +8379 - 73,74,75,76,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,167,168,182,183,184,185,204,205,206,226,227,228,229,230,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,387,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,472,490 +8380 - 31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,167,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,276,277,278,279,280,299,300,301,302,322,323,324,344,345,346,358,359,366,367,368,379,380,381,382,383,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +8381 - 11,12,13,32,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,166,167,168,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,257,258,259,270,271,272,273,274,275,278,279,280,281,291,292,293,294,295,296,300,301,302,303,313,314,315,316,317,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,491 +8382 - 78,79,80,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,234,235,248,249,250,251,252,255,256,270,271,272,273,277,278,292,293,294,298,299,300,320,321,341,342,343,363,364,385,386,406,407,408,428,429,450,451,452,453,472,473,474,475,494 +8383 - 62,63,64,82,83,84,85,86,87,95,96,97,98,99,100,101,105,106,107,108,109,116,117,118,119,120,121,122,123,124,128,129,130,131,137,138,139,140,141,142,143,144,145,146,148,149,150,151,152,158,159,160,161,162,163,169,170,171,172,173,174,180,181,182,183,190,191,192,193,194,195,202,203,204,210,211,212,213,214,215,216,224,225,226,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,321,322,323,336,337,338,339,344,345,346,357,358,359,360,365,366,367,368,379,380,381,382,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,493 +8384 - 33,34,35,55,56,57,76,77,78,98,99,100,120,121,122,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +8385 - 58,59,74,80,81,82,96,97,101,102,103,104,117,118,119,123,124,125,139,140,141,145,146,147,161,162,163,166,167,168,169,183,184,185,188,189,190,191,192,193,194,195,204,205,206,210,211,212,213,214,215,216,217,226,227,228,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,315,316,317,318,319,320,321,340,341,342,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,451,470,471,472,489 +8386 - 32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,80,81,82,95,96,97,98,103,104,105,117,118,119,125,126,127,139,140,141,147,148,149,161,162,169,170,171,191,192,193,213,214,215,235,236,237,247,248,249,250,251,257,258,268,269,270,271,272,273,274,275,279,280,290,291,294,295,296,297,300,301,302,312,313,318,319,320,322,323,334,335,341,342,343,344,345,356,357,364,365,366,367,378,379,385,386,387,388,400,401,402,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,454,455,487 +8387 - 76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,139,140,141,142,143,144,160,161,162,163,164,165,167,168,182,183,184,185,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,315,316,317,318,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +8388 - 7,8,9,29,30,50,51,52,72,73,93,94,95,115,116,117,137,138,159,160,180,181,182,189,190,191,192,202,203,204,210,211,212,213,214,215,224,225,226,231,232,233,234,235,236,237,246,247,248,253,254,255,257,258,259,260,268,269,270,275,276,280,281,282,291,292,293,297,298,299,303,304,313,314,315,320,321,322,324,325,326,336,337,338,339,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,491 +8389 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,124,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,450,451,452,486 +8390 - 72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,111,112,113,114,115,116,117,118,119,120,121,122,132,133,134,135,141,142,143,144,154,155,156,163,164,165,166,185,186,187,207,208,209,229,230,231,232,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,302,321,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,431,432,433,434,452,453,454,455,471,472,473,474,475,476,488 +8391 - 70,71,72,73,92,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +8392 - 89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,136,137,138,139,140,141,142,143,144,145,146,147,167,168,169,170,190,191,192,212,213,214,234,235,236,256,257,258,278,279,280,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,429,430,431,432,451,452,453,454,473,474,475,492 +8393 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,124,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,448,449,486 +8394 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,101,102,103,104,105,124,125,126,127,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,312,313,314,315,316,317,318,319,320,332,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,386,387,388,389,390,391,398,399,410,411,412,413,414,434,435,436,437,457,458,459,460,487 +8395 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,146,147,148,158,159,160,161,162,169,170,171,180,181,182,183,191,192,193,202,203,204,213,214,215,234,235,236,237,254,255,256,257,258,259,274,275,276,277,278,279,280,281,282,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,326,327,337,338,339,340,341,342,343,344,345,347,348,349,358,359,360,361,363,364,365,366,370,371,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,487 +8396 - 54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,103,104,105,106,118,119,120,124,125,128,129,141,142,143,145,146,147,164,165,166,167,168,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,255,256,272,273,274,277,278,294,295,299,300,301,315,316,317,322,323,337,338,344,345,358,359,360,366,367,380,381,382,388,389,402,403,404,410,411,424,425,426,427,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,493 +8397 - 8,9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,214,215,230,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,310,311,320,321,322,323,324,332,333,341,342,343,344,345,354,355,356,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,488 +8398 - 67,68,69,73,74,75,89,90,91,92,95,96,97,98,111,112,113,114,115,118,119,120,121,134,135,136,137,141,142,143,144,157,158,159,163,164,165,166,179,180,181,182,183,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,321,322,323,324,345,346,347,367,368,369,370,389,390,391,392,411,412,413,414,434,435,436,456,457,458,459,479,480,481,489 +8399 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,150,151,152,153,159,160,161,162,163,164,180,181,182,183,184,202,203,204,205,224,225,226,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,406,407,408,409,410,425,427,428,429,430,431,447,448,449,450,451,452,470,471,472,473,474,490 +8400 - 53,54,74,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,431,450,451,452,472,473,474,486 +8401 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,146,147,148,158,159,160,161,162,163,167,168,169,170,177,179,180,181,182,183,187,188,189,190,191,192,200,201,202,203,204,207,208,209,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,256,257,258,267,268,269,270,271,272,273,274,278,279,280,291,299,300,301,302,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,449,450,451,452,471,472,473,494 +8402 - 88,89,90,91,94,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,225,226,227,228,231,232,233,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,303,321,322,323,324,325,343,344,345,346,347,364,365,366,367,368,369,386,387,388,389,390,391,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477,492 +8403 - 15,16,17,18,36,37,38,39,40,57,58,59,60,61,62,78,79,80,81,82,83,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,162,163,164,165,166,167,169,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,279,280,281,282,290,291,292,293,294,295,296,299,300,301,302,303,304,312,313,314,315,316,320,321,322,323,324,325,333,334,335,336,337,338,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,424,425,426,427,491 +8404 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,119,120,121,140,141,142,163,164,185,186,187,208,209,210,231,232,233,254,255,256,257,277,278,279,299,300,301,320,321,322,323,341,342,343,344,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,423,424,425,426,427,428,429,445,446,447,448,449,490 +8405 - 76,77,78,97,98,99,100,101,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,167,168,169,171,172,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,213,214,215,216,217,218,223,224,225,226,235,236,237,238,239,245,246,247,256,257,258,259,260,261,267,268,269,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,373,385,386,387,388,389,395,494 +8406 - 29,30,31,32,51,52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,126,138,139,140,141,146,147,148,161,162,163,164,167,168,169,170,183,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,302,314,315,316,317,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,365,366,367,368,379,380,381,385,386,387,388,389,401,402,403,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,493 +8407 - 33,34,54,55,56,57,76,77,78,79,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +8408 - 47,48,49,58,59,60,69,70,71,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,162,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,385,386,387,388,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,492 +8409 - 33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,448,449,450,486 +8410 - 94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,144,145,146,147,167,168,169,190,191,211,212,213,233,234,235,254,255,256,276,277,278,297,298,299,319,320,321,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,471,472,492 +8411 - 54,55,56,76,77,78,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,472,473,474,486 +8412 - 35,36,37,38,39,40,51,52,57,58,59,60,61,62,63,64,71,72,73,74,75,80,81,82,83,84,85,86,87,93,94,95,96,97,103,105,106,107,108,109,114,115,116,117,118,129,130,131,135,136,137,138,139,151,152,153,157,158,159,160,173,174,175,178,179,180,181,182,195,196,197,200,201,202,203,216,217,218,219,222,223,224,225,238,239,240,244,245,246,259,260,261,262,266,267,280,281,282,283,288,289,290,300,301,302,303,304,310,311,312,322,323,324,325,332,333,334,344,345,346,354,355,356,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +8413 - 32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,145,146,147,159,160,161,162,163,164,168,169,181,182,183,184,185,190,191,192,204,205,206,212,213,214,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,390,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,487 +8414 - 74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,124,125,127,128,129,137,138,139,145,146,150,151,152,159,160,161,162,166,167,173,174,182,183,184,185,187,188,189,205,206,207,208,209,210,228,229,230,231,250,251,252,253,254,271,272,273,275,276,277,292,293,294,298,299,300,314,315,316,321,322,336,337,343,344,345,357,358,359,366,367,379,380,381,388,389,390,401,402,403,410,411,412,424,425,432,433,434,446,447,448,454,455,469,470,471,472,473,474,475,476,477,493 +8415 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,146,147,148,159,160,161,162,163,167,168,169,170,181,182,183,184,189,190,191,192,203,204,205,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,300,301,302,314,315,316,317,318,319,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,431,432,433,453,454,455,475,476,477,494 +8416 - 47,48,49,50,51,52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,232,233,234,235,236,255,256,257,258,259,278,279,280,281,282,301,302,303,304,305,324,325,326,327,347,348,349,370,371,381,382,383,384,385,386,392,393,402,403,404,405,406,407,408,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,473,474,475,476,477,478,479,480,490 +8417 - 55,56,57,58,59,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,127,128,129,130,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,203,204,205,206,224,225,226,227,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,314,315,316,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,471,472,473,490 +8418 - 30,31,32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,93,94,95,114,115,116,135,136,137,138,139,140,141,142,157,158,159,160,161,162,163,164,165,166,179,180,181,182,183,184,185,186,187,188,189,190,209,210,211,212,213,234,235,236,257,258,259,260,280,281,282,283,303,304,305,326,327,348,349,350,359,360,370,371,372,379,380,381,382,383,391,392,393,400,401,402,403,404,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,490 +8419 - 54,55,56,57,58,75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,138,139,140,149,150,151,152,159,160,161,162,170,171,172,173,174,180,181,182,183,190,191,192,193,194,195,196,202,203,204,205,211,212,213,214,215,216,224,225,226,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,337,338,339,340,342,343,344,345,358,359,360,361,363,364,365,366,367,384,385,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,446,447,448,449,450,451,469,470,471,493 +8420 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,102,120,121,122,123,124,140,141,142,143,144,145,146,162,163,164,166,167,168,183,184,185,188,189,190,204,205,206,210,211,212,225,226,227,232,233,234,246,247,248,254,255,256,267,268,269,270,276,277,278,283,284,288,289,290,291,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,354,358,359,360,361,362,363,364,365,366,387,388,409,410,431,432,453,454,489 +8421 - 33,34,35,55,56,57,77,78,79,93,99,100,101,121,122,123,143,144,145,146,165,166,167,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,486 +8422 - 12,13,14,33,34,35,36,55,56,57,75,76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,161,162,163,164,182,183,184,185,186,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,278,279,280,281,282,283,290,291,292,293,294,295,300,301,302,303,304,305,311,312,313,314,315,320,321,322,323,324,325,333,334,335,336,337,341,342,343,344,345,346,355,356,357,358,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,491 +8423 - 53,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,147,148,149,150,160,161,162,163,164,170,171,172,181,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,226,227,233,234,235,236,237,238,248,252,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,364,365,366,367,368,378,379,380,381,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,467,468,469,470,487 +8424 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,148,149,150,160,161,162,170,171,172,182,183,184,193,194,203,204,205,215,216,225,226,227,236,237,238,247,248,249,258,259,260,268,269,270,280,281,282,290,291,292,302,303,313,314,323,324,325,335,336,345,346,347,357,358,366,367,368,369,379,380,381,387,388,389,390,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,485 +8425 - 35,36,37,38,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,125,126,127,128,139,140,141,142,143,148,149,150,161,162,163,164,170,171,172,183,184,185,192,193,194,204,205,206,207,213,214,215,216,226,227,228,235,236,237,238,247,248,249,257,258,259,268,269,270,271,278,279,280,281,290,291,292,293,299,300,301,302,303,312,313,314,320,321,322,323,324,334,335,336,342,343,344,345,356,357,358,364,365,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,445,446,447,448,449,485 +8426 - 52,53,54,55,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,146,147,148,149,167,168,169,170,171,188,189,190,191,192,193,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,299,316,317,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,366,382,383,384,385,386,402,403,404,405,406,407,420,423,424,425,426,427,428,442,443,444,445,446,447,448,449,464,465,466,467,468,488 +8427 - 51,52,53,73,74,75,76,77,78,96,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,145,146,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,433,444,445,446,447,466,467,468,492 +8428 - 8,9,29,30,31,50,51,52,53,72,73,74,94,95,96,115,116,117,118,125,126,137,138,139,146,147,148,149,159,160,161,167,168,169,170,171,172,181,182,188,189,190,191,192,193,194,203,204,209,210,211,212,213,214,215,216,225,226,231,232,233,234,236,237,238,247,248,252,253,254,255,258,259,260,269,270,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,313,314,315,316,317,318,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +8429 - 93,94,95,96,97,98,115,116,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,164,165,166,167,168,169,189,190,191,192,212,213,214,234,235,236,255,256,257,258,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,427,428,429,448,449,450,451,469,470,471,472,492 +8430 - 9,10,11,12,31,32,33,34,52,53,54,55,74,75,76,95,96,97,117,118,119,139,140,141,160,161,162,163,182,183,184,204,205,206,207,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,278,279,280,281,292,293,294,300,301,302,303,314,315,316,321,322,323,324,325,336,337,338,339,343,344,345,346,347,359,360,361,363,364,365,366,367,368,382,383,384,385,386,387,388,389,405,406,407,408,409,410,491 +8431 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,194,195,196,197,204,205,206,207,208,210,225,226,227,228,246,247,248,249,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,342,343,361,362,363,364,365,383,384,385,386,387,427,428,429,448,449,450,451,467,468,469,470,471,472,490 +8432 - 9,10,11,12,30,31,32,33,51,52,53,54,55,73,74,75,76,94,95,96,97,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,184,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,259,260,261,262,268,269,270,271,272,273,274,281,282,283,284,291,292,293,294,295,296,303,304,305,306,307,313,314,315,316,317,318,325,326,327,328,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,491 +8433 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,93,95,96,97,98,101,102,103,104,105,116,117,118,119,124,125,126,127,138,139,140,145,146,147,148,159,160,161,166,167,168,169,181,182,183,188,189,190,203,204,205,209,210,211,225,226,227,228,230,231,232,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,315,316,317,320,321,322,323,324,336,337,338,343,344,345,358,359,360,365,366,367,380,381,382,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +8434 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,116,117,118,123,124,125,137,138,139,145,146,147,159,160,161,167,168,169,182,183,184,185,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,251,252,253,254,272,273,274,275,276,277,293,294,295,297,298,299,315,316,320,321,322,337,338,342,343,344,358,359,360,365,366,380,381,382,387,388,389,403,404,405,409,410,411,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,476,493 +8435 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,101,102,103,104,117,118,119,120,124,125,126,138,139,140,141,146,147,148,159,160,161,162,168,169,170,171,181,182,183,190,191,192,193,203,204,212,213,214,234,235,236,253,254,255,256,257,258,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,341,342,343,344,345,346,347,348,358,359,360,362,363,364,365,368,369,379,380,381,383,384,385,386,401,402,403,404,405,406,407,423,424,425,426,427,428,429,446,447,448,449,450,487 +8436 - 77,78,79,80,99,100,101,102,120,121,122,123,124,140,141,142,143,145,146,161,162,163,164,167,168,182,183,184,185,189,190,191,203,204,205,206,211,212,213,223,224,225,226,233,234,235,245,246,247,248,249,250,251,252,253,255,256,257,266,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,321,322,323,344,345,365,366,367,388,389,410,411,412,432,433,434,454,455,476,477,489 +8437 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,137,138,139,140,144,145,146,159,160,161,166,167,168,180,181,182,187,188,189,190,202,203,204,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,255,256,257,270,271,272,273,277,278,279,299,300,301,321,322,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,475,494 +8438 - 33,34,55,56,76,77,78,98,99,119,120,121,141,142,162,163,164,169,170,184,185,186,191,192,205,206,207,213,214,227,228,229,235,236,249,250,251,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,341,342,343,344,364,365,366,386,387,388,408,409,430,431,451,452,453,489 +8439 - 59,60,61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,106,107,108,120,121,122,123,124,125,128,129,130,140,141,142,143,144,146,147,150,151,162,163,164,171,172,173,184,185,191,192,193,194,206,207,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,319,320,321,335,336,337,341,342,343,355,356,357,363,364,377,378,379,385,386,399,400,401,406,407,408,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +8440 - 36,37,38,57,58,59,60,61,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,159,160,161,162,163,164,165,166,167,181,182,183,184,185,203,204,205,206,207,226,227,228,229,230,232,233,234,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,322,323,324,325,326,337,338,339,344,345,346,347,348,359,360,364,365,366,367,368,369,381,382,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,490 +8441 - 78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,126,138,139,140,141,142,160,161,162,163,169,170,181,182,183,190,191,192,203,204,212,213,214,224,225,226,233,234,235,236,247,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,471,472,473,474,494 +8442 - 32,33,54,55,56,76,77,78,98,99,100,120,121,122,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,318,319,320,340,341,342,362,363,383,384,385,405,406,407,427,428,429,450,451,486 +8443 - 57,58,59,60,61,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,109,117,118,119,120,121,122,123,124,125,126,127,128,129,131,138,139,140,141,142,143,148,149,150,151,160,161,162,163,170,171,172,173,181,182,183,184,192,193,194,195,203,204,205,206,214,215,216,217,224,225,226,227,235,236,237,238,246,247,248,257,258,259,260,267,268,269,270,278,279,280,281,289,290,291,299,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,335,340,341,342,343,344,345,354,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,443,444,445,446,447,485 +8444 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +8445 - 57,58,59,75,79,80,81,96,97,98,101,102,103,118,119,120,123,124,125,140,141,142,145,146,147,162,163,164,166,167,168,169,184,185,188,189,190,206,207,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,489 +8446 - 52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,94,95,96,97,98,115,116,117,118,137,138,158,159,160,180,181,182,202,203,204,225,226,227,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,409,410,411,412,424,425,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +8447 - 11,12,13,32,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,145,146,147,161,162,163,164,167,168,169,170,183,184,185,188,189,190,191,192,204,205,206,207,209,210,211,212,213,214,215,226,227,228,229,231,232,233,235,236,237,248,249,250,252,253,254,255,257,258,259,270,271,272,274,275,276,278,279,280,281,292,293,294,296,297,298,299,300,301,302,314,315,316,318,319,320,321,322,323,324,336,337,338,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,491 +8448 - 71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,145,146,147,148,155,156,157,158,166,167,168,169,177,178,179,180,187,188,189,190,191,199,200,201,202,209,210,211,212,213,214,215,216,221,222,223,224,225,233,234,235,236,237,238,244,245,246,247,248,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,339,340,341,342,343,344,345,346,365,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,436,455,456,457,458,459,478,479,480,481,482,494 +8449 - 52,53,74,75,76,96,97,98,99,100,119,120,121,122,123,124,142,143,144,145,146,147,148,166,167,168,169,170,190,191,192,211,212,213,214,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +8450 - 52,53,54,55,56,60,73,74,75,76,77,78,81,82,94,95,96,97,98,99,100,103,104,105,116,117,118,120,121,122,125,126,127,138,139,140,143,144,146,147,148,160,161,162,165,166,167,168,169,182,183,184,185,188,189,190,191,205,206,207,208,210,211,212,228,229,230,231,232,233,251,252,253,254,255,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,323,339,340,341,343,344,345,361,362,363,365,366,367,383,384,387,388,389,405,406,407,409,410,411,427,428,429,430,431,432,449,450,451,452,453,454,471,472,473,474,475,493 +8451 - 33,34,35,55,56,57,77,78,79,100,101,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,384,385,406,407,428,429,450,451,452,486 +8452 - 36,37,38,58,59,79,80,81,101,102,103,122,123,124,144,145,146,166,167,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,338,339,340,360,361,362,382,383,384,403,404,405,425,426,427,447,448,449,486 +8453 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,99,100,101,102,120,121,122,123,142,143,144,163,164,165,166,167,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,257,258,259,278,279,280,281,300,301,302,321,322,323,324,342,343,344,345,362,363,364,365,366,378,379,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +8454 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,80,81,82,83,92,93,94,95,96,103,104,105,113,114,115,116,117,124,125,126,127,134,135,136,137,146,147,148,149,156,157,158,167,168,169,170,178,179,189,190,191,192,200,210,211,212,213,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,317,318,319,320,321,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,412,413,414,415,416,417,423,424,425,426,427,435,436,437,438,445,446,447,458,459,460,487 +8455 - 58,59,60,71,72,80,81,82,83,93,94,95,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,166,167,168,169,180,181,182,183,188,189,190,191,202,203,204,205,209,210,211,212,213,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +8456 - 51,52,53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,115,116,117,118,122,123,137,138,139,159,160,161,181,182,183,184,203,204,205,206,207,208,227,228,229,230,231,232,233,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,408,409,410,411,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +8457 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,148,149,150,151,152,153,160,161,162,163,174,175,182,183,184,203,204,205,206,225,226,227,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,321,322,323,342,343,344,345,364,365,366,385,386,387,388,406,407,408,409,424,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +8458 - 75,76,77,78,79,95,96,97,98,99,100,101,116,117,118,119,122,123,124,125,137,138,139,145,146,147,159,160,167,168,180,181,182,189,190,202,203,210,211,212,224,225,232,233,234,246,247,253,254,255,256,268,269,274,275,276,277,278,290,291,292,295,296,297,299,300,301,313,314,315,316,317,318,321,322,323,336,337,338,339,343,344,345,365,366,367,387,388,389,410,411,432,433,454,455,475,476,477,494 +8459 - 13,14,15,34,35,36,37,55,56,57,58,77,78,79,80,98,99,100,101,113,120,121,122,141,142,143,144,162,163,164,165,184,185,186,205,206,207,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,278,279,292,293,294,295,296,299,300,301,314,315,316,317,321,322,323,336,337,338,342,343,344,345,358,359,360,361,363,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +8460 - 50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,126,127,128,147,148,149,150,168,169,170,171,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,293,294,295,296,314,315,316,317,336,337,338,358,359,379,380,381,391,401,402,403,404,405,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,487 +8461 - 35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,182,183,184,185,186,192,193,194,204,205,206,207,214,215,216,225,226,227,228,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,278,279,280,281,290,291,292,293,299,300,301,302,303,312,313,314,320,321,322,323,324,334,335,336,341,342,343,344,345,356,357,358,362,363,364,365,366,367,378,379,380,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,485 +8462 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,123,124,125,139,140,141,142,145,146,147,148,160,161,162,163,168,169,170,171,182,183,184,191,192,193,203,204,205,206,214,215,216,225,226,227,236,237,238,247,248,249,258,259,260,269,270,271,280,281,282,290,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,338,345,346,347,348,357,358,359,360,366,367,368,369,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,485 +8463 - 50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,322,323,324,325,337,338,343,344,345,346,364,365,366,367,368,383,384,385,386,387,388,389,400,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,488 +8464 - 10,11,31,32,33,52,53,54,73,74,75,77,78,79,94,95,96,100,101,102,103,115,116,117,124,125,126,137,138,139,147,148,149,158,159,160,169,170,171,180,181,182,192,193,194,202,203,204,215,216,224,225,226,237,238,246,247,248,259,260,268,269,270,281,282,290,291,292,302,303,304,312,313,314,324,325,326,335,336,337,345,346,347,357,358,359,366,367,368,369,380,381,382,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,485 +8465 - 11,12,32,33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,118,119,120,121,139,140,141,142,160,161,162,163,165,166,167,168,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,258,259,260,269,270,271,272,273,280,281,282,291,292,293,294,295,301,302,303,304,313,314,315,316,322,323,324,325,335,336,337,338,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,491 +8466 - 70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,122,123,124,125,126,128,129,130,133,134,135,146,147,148,149,150,151,152,155,156,157,168,169,170,171,172,173,177,178,179,180,181,188,189,190,191,192,201,202,203,204,205,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,279,292,293,294,295,298,299,300,301,302,314,315,316,322,323,324,325,336,337,338,345,346,347,348,358,359,360,361,362,369,370,371,381,382,383,384,392,393,404,405,406,407,408,413,414,415,428,429,430,431,432,433,434,435,436,437,451,452,453,454,455,456,457,458,493 +8467 - 33,34,35,36,54,55,56,57,58,59,74,75,76,77,78,79,80,81,95,96,97,98,103,104,117,118,119,124,125,126,127,138,139,140,146,147,148,149,160,161,162,166,167,168,169,170,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,298,299,300,315,316,317,321,322,323,336,337,338,343,344,345,358,359,360,365,366,367,380,381,382,386,387,388,389,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,493 +8468 - 33,34,35,55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,123,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,430,450,451,486 +8469 - 72,73,74,94,95,96,97,98,99,100,116,117,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,164,165,166,167,168,169,188,189,190,191,192,211,212,213,214,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,492 +8470 - 139,140,141,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,190,202,203,204,224,225,246,247,248,268,269,270,271,272,292,293,294,295,296,317,318,319,320,341,342,363,364,379,384,385,386,401,402,403,404,405,406,407,424,425,426,427,428,490 +8471 - 34,35,36,37,54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,126,127,128,140,141,142,143,148,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,187,188,193,194,195,204,205,206,207,210,215,216,217,225,226,227,228,236,237,238,239,247,248,249,257,258,259,260,261,268,269,270,271,279,280,281,282,290,291,292,293,299,300,301,302,303,304,312,313,314,320,321,322,323,324,325,334,335,336,341,342,343,344,345,346,355,356,357,358,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +8472 - 92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,140,141,144,145,146,147,148,166,167,168,169,188,189,190,210,211,212,231,232,233,236,237,253,254,255,256,257,258,259,274,275,276,277,278,279,280,295,296,297,298,299,300,301,314,315,316,317,318,319,320,336,337,338,339,340,341,358,361,362,363,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +8473 - 72,73,80,81,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,145,146,147,148,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,213,214,215,216,217,227,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,275,276,277,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,469,470,471,489 +8474 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +8475 - 76,77,78,79,80,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,159,160,161,162,163,165,166,167,168,169,181,182,183,184,187,188,189,190,191,202,203,204,205,208,209,210,211,212,213,224,225,226,228,229,230,231,232,233,234,247,248,249,250,251,252,253,255,256,257,269,270,271,272,273,274,276,277,278,292,293,294,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +8476 - 30,31,32,51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,136,137,138,139,140,158,159,160,161,162,180,181,182,183,184,185,186,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,280,299,300,301,302,303,322,323,324,325,345,346,347,367,368,369,389,390,391,401,402,404,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,490 +8477 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,121,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,190,191,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,274,275,278,279,280,281,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,488 +8478 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,123,124,125,126,139,140,141,142,145,146,147,148,149,161,162,163,164,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,336,337,338,339,343,344,345,358,359,360,361,365,366,367,380,381,382,383,386,387,388,389,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,493 +8479 - 47,48,69,70,71,91,92,93,94,95,96,114,115,116,117,118,119,120,121,138,139,140,141,142,143,144,145,146,163,164,165,166,167,168,169,187,188,189,190,191,192,211,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,470,471,472,492 +8480 - 10,11,12,13,14,31,32,33,34,35,36,37,38,57,58,59,60,80,81,82,102,103,104,124,125,126,146,147,148,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,314,315,316,317,335,336,337,338,357,358,359,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,487 +8481 - 73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,125,126,127,128,129,130,131,137,138,139,140,141,142,151,152,153,159,160,161,162,181,182,183,203,204,205,225,226,227,228,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,320,321,322,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,424,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +8482 - 31,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,272,273,274,275,276,294,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,389,390,405,406,407,408,409,410,411,412,428,429,430,431,432,433,451,452,453,454,455,486 +8483 - 57,58,59,70,71,79,80,81,92,93,94,101,102,103,104,114,115,116,117,123,124,125,126,135,136,137,138,139,145,146,147,148,158,159,160,161,167,168,169,170,180,181,182,183,188,189,190,191,192,202,203,204,205,210,211,212,213,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,452,470,471,472,473,489 +8484 - 57,58,59,78,79,80,81,82,90,91,100,101,102,103,104,112,113,114,115,123,124,125,126,134,135,136,137,138,144,145,146,147,148,156,157,158,159,160,166,167,168,169,170,171,178,179,180,181,188,189,190,191,192,193,200,201,202,203,210,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,489 +8485 - 27,28,29,30,31,32,33,48,49,50,51,52,53,54,55,56,57,71,73,75,76,77,78,79,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,280,281,282,283,302,303,304,305,323,324,325,326,327,344,345,346,347,348,364,365,366,367,368,369,378,379,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +8486 - 28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,78,79,80,81,82,83,92,93,94,95,103,104,105,106,107,113,114,115,116,126,127,128,129,135,136,137,150,151,152,157,158,159,172,173,174,179,180,181,195,196,197,201,202,203,217,218,219,223,224,225,239,240,241,245,246,247,262,263,267,268,269,284,285,289,290,291,305,306,307,311,312,313,327,328,329,333,334,335,336,348,349,350,351,356,357,358,359,368,369,370,371,372,378,379,380,381,382,383,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,485 +8487 - 73,74,79,80,94,95,96,97,100,101,102,103,116,117,118,119,122,123,124,125,139,140,141,144,145,146,147,161,162,163,166,167,168,169,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,229,230,231,232,233,234,235,236,237,238,239,240,241,252,253,254,255,256,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,489 +8488 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +8489 - 33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,125,126,127,137,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,164,169,170,171,172,181,182,183,184,185,191,192,193,194,203,204,205,206,213,214,215,216,225,226,227,235,236,237,238,257,258,259,260,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,342,343,344,345,346,347,357,358,359,360,361,363,364,365,366,367,368,369,379,380,381,382,384,385,386,387,388,390,391,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,487 +8490 - 36,37,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,205,206,207,208,210,211,212,213,215,226,227,228,229,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,342,343,344,345,356,357,364,365,366,367,368,386,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,489 +8491 - 32,33,34,35,53,54,55,56,57,58,74,75,76,77,78,79,80,81,94,95,96,97,98,99,102,103,116,117,118,119,137,138,139,140,141,148,159,160,161,162,169,170,171,181,182,183,184,189,190,191,192,193,194,203,204,205,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,252,253,254,255,256,257,273,274,275,276,277,278,279,280,294,295,296,297,298,300,301,302,303,315,316,317,318,319,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,365,366,367,368,380,381,382,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,493 +8492 - 34,35,36,56,57,58,78,79,80,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,383,384,405,406,427,428,449,450,486 +8493 - 31,32,33,53,54,55,56,76,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,174,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,425,426,427,428,429,447,448,449,450,486 +8494 - 88,89,90,91,92,93,94,95,96,97,98,99,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,164,165,166,167,168,169,170,188,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,431,432,433,434,453,454,455,456,457,475,476,477,478,479,480,492 +8495 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,126,127,128,129,130,139,140,141,142,143,144,160,161,162,163,164,181,182,183,184,185,203,204,205,206,225,226,227,228,229,248,249,250,251,252,253,270,271,272,273,274,275,276,295,296,297,298,299,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,401,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,472,490 +8496 - 52,53,54,74,75,76,78,79,95,96,97,98,100,101,102,116,117,118,119,120,122,123,124,137,138,139,140,141,144,145,146,159,160,161,162,163,166,167,168,169,180,181,182,183,184,188,189,190,191,201,202,203,204,205,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,241,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,316,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,431,432,433,434,435,454,455,456,457,476,477,478,489 +8497 - 47,48,54,55,56,69,70,71,76,77,78,79,98,99,100,101,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,486 +8498 - 79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,162,163,164,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,336,337,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,424,425,426,427,428,446,447,448,449,468,469,470,471,492 +8499 - 7,8,9,29,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,102,103,104,105,115,116,117,118,119,125,126,127,128,137,138,139,140,148,149,150,160,161,170,171,172,192,193,194,214,215,216,235,236,237,238,256,257,258,259,260,269,270,271,272,273,274,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,338,339,340,341,342,343,344,345,355,356,357,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,412,413,414,415,416,423,424,425,426,427,428,437,487 +8500 - 74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,123,124,125,136,137,138,139,145,146,147,157,158,159,160,167,168,169,170,179,180,181,188,189,190,191,201,202,203,210,211,212,213,223,224,232,233,234,235,236,245,246,254,255,256,257,258,267,268,269,276,277,278,279,280,289,290,291,292,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,322,323,324,335,336,337,338,339,340,341,342,344,345,346,359,360,361,362,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +8501 - 52,53,74,75,76,81,96,97,98,101,102,103,104,117,118,119,120,123,124,125,126,139,140,141,142,144,145,146,147,148,161,162,163,164,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,250,251,252,253,254,255,256,257,258,259,260,261,262,263,272,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,422,423,424,425,444,445,446,447,466,467,468,489 +8502 - 91,92,93,94,95,96,97,98,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,146,155,156,157,158,164,165,166,167,168,169,177,178,179,180,189,190,191,200,201,202,212,213,222,223,224,234,235,236,244,245,246,256,257,258,267,268,276,277,278,279,280,281,282,283,297,298,299,300,301,302,303,304,305,306,319,320,321,322,323,324,325,326,327,328,342,343,344,345,346,347,348,349,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,492 +8503 - 26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,58,71,76,77,78,79,80,100,101,102,103,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,258,259,260,273,274,280,281,282,283,302,303,304,322,323,324,325,326,343,344,345,346,347,352,362,363,364,365,366,367,368,374,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,488 +8504 - 76,77,78,97,98,99,105,106,118,119,127,128,129,139,140,143,144,149,150,161,162,163,164,165,166,167,170,171,172,182,183,184,185,186,187,188,189,192,193,194,203,204,205,206,209,210,211,214,215,225,226,227,232,233,235,236,237,246,247,248,254,255,257,258,267,268,269,276,277,278,279,280,288,289,290,291,298,299,300,301,302,309,310,311,321,322,323,330,331,332,343,344,345,352,353,365,366,367,387,388,409,410,430,431,432,452,453,474,475,489 +8505 - 34,35,36,37,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,139,140,141,142,143,147,148,149,150,160,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,256,257,258,259,260,268,269,270,271,278,279,280,281,289,290,291,292,299,300,301,302,303,311,312,313,314,321,322,323,324,333,334,335,336,341,342,343,344,345,355,356,357,358,362,363,364,365,366,367,377,378,379,380,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +8506 - 73,74,75,76,77,94,95,96,97,98,99,115,116,117,118,119,120,121,126,127,136,137,138,139,140,141,142,143,145,146,147,148,149,150,157,158,159,160,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,185,186,187,188,189,190,191,192,193,194,200,201,202,203,206,207,208,209,210,211,212,213,214,215,216,221,222,223,224,227,228,229,230,231,232,233,235,236,237,238,243,244,245,246,247,248,249,250,251,252,257,258,259,260,265,266,267,268,269,270,271,272,279,280,281,282,288,289,290,291,292,293,300,301,302,303,311,312,313,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +8507 - 34,35,36,37,52,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,128,137,138,139,140,141,146,147,148,149,150,159,160,161,162,169,170,171,172,180,181,182,183,184,191,192,193,194,201,202,203,204,205,213,214,215,216,217,223,224,225,226,235,236,237,238,239,244,245,246,247,248,257,258,259,260,261,266,267,268,269,270,279,280,281,282,283,288,289,290,291,300,301,302,303,304,310,311,312,313,321,322,323,324,325,326,332,333,334,335,343,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,485 +8508 - 40,41,42,43,56,57,58,59,60,61,62,63,64,65,78,79,80,81,82,83,84,98,99,100,101,102,103,104,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,205,206,207,208,227,228,229,230,231,232,249,250,251,252,253,254,255,256,269,270,271,274,275,276,277,278,279,291,292,293,298,299,300,301,302,313,314,315,321,322,323,324,335,336,337,344,345,346,357,358,359,365,366,367,368,379,380,381,382,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,448,449,450,451,452,490 +8509 - 35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,107,117,118,119,120,127,128,129,130,139,140,141,142,149,150,151,152,160,161,162,163,171,172,173,174,181,182,183,184,185,193,194,195,196,197,202,203,204,205,206,215,216,217,218,224,225,226,227,237,238,239,240,245,246,247,248,258,259,260,261,262,267,268,269,270,280,281,282,283,284,288,289,290,291,301,302,303,304,305,310,311,312,313,322,323,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,363,364,365,366,367,368,369,376,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +8510 - 74,75,76,77,78,96,97,98,99,100,101,117,118,119,122,123,124,139,140,141,144,145,146,161,162,166,167,168,183,184,188,189,190,205,206,209,210,211,212,227,228,229,231,232,233,234,249,250,251,253,254,255,256,271,272,273,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,340,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,452,453,454,474,475,476,494 +8511 - 56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,127,128,129,139,140,141,142,143,144,150,151,152,160,161,162,163,174,182,183,184,203,204,205,206,225,226,227,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,322,323,324,343,344,345,346,364,365,366,367,368,385,386,387,388,389,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,470,471,472,490 +8512 - 60,61,62,82,83,84,85,91,92,93,103,104,105,106,112,113,114,115,125,126,127,134,135,136,137,146,147,148,149,156,157,158,159,168,169,170,171,178,179,180,181,190,191,192,200,201,202,203,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,255,256,257,258,266,267,268,269,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,360,361,362,365,366,367,368,387,388,389,390,410,411,412,432,433,434,435,454,455,456,457,458,477,478,479,480,489 +8513 - 71,72,73,74,75,76,77,93,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,125,142,143,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,468,469,470,471,492 +8514 - 136,137,138,139,140,141,142,157,158,159,160,161,162,163,164,165,166,179,180,181,182,183,184,185,186,187,188,189,201,202,203,204,209,210,211,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,327,328,329,339,340,341,342,343,344,345,346,347,348,349,350,351,362,363,364,365,366,367,368,369,370,371,387,388,389,487 +8515 - 36,37,38,58,59,60,61,77,78,79,80,81,82,83,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,162,163,164,165,166,167,169,170,171,184,185,186,187,188,190,191,192,205,206,207,208,212,213,214,226,227,228,229,234,235,236,248,249,250,251,255,256,257,258,269,270,271,272,277,278,279,291,292,293,298,299,300,301,313,314,315,319,320,321,322,334,335,336,340,341,342,343,344,356,357,358,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,485 +8516 - 52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,474,475,486 +8517 - 14,15,35,36,37,56,57,58,59,77,78,79,80,99,100,101,120,121,122,141,142,143,144,162,163,164,165,184,185,186,190,191,205,206,207,211,212,213,214,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,402,403,424,425,491 +8518 - 54,55,56,61,62,63,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,159,160,161,162,163,164,181,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,232,233,234,235,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,356,357,366,367,368,378,379,387,388,389,390,400,401,408,409,410,411,422,423,424,425,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,490 +8519 - 52,57,58,59,73,74,75,79,80,81,95,96,97,101,102,103,117,118,119,123,124,125,139,140,141,144,145,146,147,161,162,163,166,167,168,169,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,259,260,261,271,272,273,274,275,276,277,278,279,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,445,446,447,448,449,468,469,470,489 +8520 - 10,11,12,13,32,33,34,35,54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,138,139,140,141,142,160,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,300,301,302,315,316,317,323,324,325,337,338,339,340,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,491 +8521 - 54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,105,106,117,118,119,120,121,122,124,125,126,127,128,129,138,139,140,141,142,146,147,148,149,150,151,160,161,162,163,167,168,169,170,171,172,173,182,183,184,187,188,189,190,191,192,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,271,272,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,337,338,339,343,344,345,359,360,365,366,367,381,382,388,389,403,404,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,493 +8522 - 27,28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,93,94,95,98,99,100,101,121,122,123,143,144,145,164,165,166,167,185,186,187,188,206,207,208,209,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,324,325,326,345,346,347,348,359,360,361,366,367,368,369,370,380,381,382,383,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,448,449,450,451,452,453,454,488 +8523 - 54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,129,130,139,140,141,142,150,151,152,153,161,162,163,171,172,173,174,175,183,184,185,186,187,192,193,194,195,196,205,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,236,237,238,252,253,254,255,256,257,258,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,357,358,359,362,363,364,365,379,380,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,493 +8524 - 11,12,32,33,34,54,55,56,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,486 +8525 - 15,16,17,36,37,38,39,57,58,59,60,61,78,79,80,81,82,100,101,102,103,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,257,258,259,269,270,271,272,273,279,280,281,290,291,292,293,300,301,302,303,311,312,313,314,315,321,322,323,324,325,333,334,335,336,342,343,344,345,346,355,356,357,358,359,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,491 +8526 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,50,53,54,55,56,57,58,78,79,80,100,101,102,123,124,144,145,146,166,167,168,187,188,189,190,209,210,211,230,231,232,252,253,254,273,274,275,293,294,295,296,313,314,315,316,317,318,334,335,336,337,338,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,387,388,389,390,406,407,408,409,410,411,412,413,414,415,432,433,434,435,436,437,438,487 +8527 - 50,51,52,53,54,55,56,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,238,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,278,279,280,281,282,300,301,302,303,304,321,322,323,324,325,342,343,344,345,346,363,364,365,366,367,383,384,385,386,387,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,467,468,469,470,488 +8528 - 47,48,49,50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,121,122,123,124,144,145,146,166,167,168,186,187,188,189,190,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,280,281,282,283,303,304,305,306,326,327,328,348,349,350,359,370,371,372,379,380,381,382,390,391,392,393,394,401,402,403,404,405,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,488 +8529 - 77,78,79,80,81,82,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,159,160,161,162,169,170,171,180,181,182,183,184,190,191,192,193,201,202,203,204,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,300,301,302,303,321,322,323,324,342,343,344,345,346,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,469,470,471,472,473,494 +8530 - 6,7,8,28,29,30,31,49,50,51,52,53,71,72,73,74,75,93,94,95,96,97,115,116,117,118,136,137,138,139,140,141,158,159,160,161,162,163,169,170,171,172,180,181,182,183,184,189,190,191,192,193,194,195,202,203,204,205,210,211,212,213,214,215,216,217,218,224,225,226,227,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,491 +8531 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,160,161,162,163,169,170,171,172,182,183,191,192,193,194,204,205,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,494 +8532 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,145,146,147,148,168,169,170,189,190,191,192,211,212,213,232,233,234,254,255,256,275,276,277,297,298,299,319,320,340,341,342,362,363,364,384,385,405,406,407,427,428,429,449,450,471,472,492 +8533 - 55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,139,140,141,142,161,162,163,171,172,173,182,183,184,191,192,193,194,195,204,205,206,207,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,319,321,322,323,338,339,340,343,344,345,359,360,361,365,366,367,381,382,383,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,493 +8534 - 69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,139,140,141,142,143,144,145,146,147,156,157,165,166,167,168,169,188,189,190,191,192,211,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,492 +8535 - 34,35,36,37,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,125,126,127,137,138,139,140,141,142,147,148,149,150,158,159,160,161,162,163,169,170,171,172,180,181,182,183,191,192,193,194,203,204,213,214,215,216,235,236,237,238,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,444,445,446,447,448,449,487 +8536 - 13,14,15,16,34,35,36,37,38,55,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,163,164,165,185,186,187,207,208,228,229,230,250,251,252,272,273,274,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,491 +8537 - 48,49,50,51,70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,164,165,166,167,168,169,170,189,190,191,192,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,469,470,471,472,473,492 +8538 - 93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,190,191,192,193,194,195,200,201,202,203,204,205,214,215,216,217,218,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,314,315,325,326,327,328,329,333,334,335,336,337,338,339,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,428,429,430,431,485 +8539 - 70,71,72,73,74,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,171,189,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,381,382,383,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +8540 - 34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +8541 - 35,36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,486 +8542 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,102,103,104,117,118,123,124,125,144,145,146,164,165,166,167,184,185,186,187,205,206,207,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,256,268,269,276,277,278,279,300,301,302,322,323,324,345,346,367,368,378,388,389,390,399,400,409,410,411,421,422,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,466,467,468,469,470,471,472,488 +8543 - 99,100,101,102,103,104,105,115,116,119,120,121,122,123,124,125,126,127,128,129,136,137,138,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,170,171,172,173,174,178,179,180,181,183,184,185,193,194,195,196,197,200,201,202,205,206,207,218,219,222,223,224,228,229,240,241,244,245,246,262,263,266,267,268,284,285,288,289,290,305,306,307,310,311,312,327,328,333,334,335,348,349,350,355,356,357,358,369,370,371,378,379,380,381,382,383,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,485 +8544 - 5,6,7,8,9,10,11,12,13,26,27,28,32,33,34,35,36,37,49,50,56,57,58,59,60,80,81,82,102,103,104,105,125,126,127,147,148,149,169,170,171,191,192,193,213,214,215,235,236,237,247,248,249,250,251,257,258,259,267,268,269,270,271,272,273,274,275,278,279,280,281,289,290,291,292,293,294,295,296,297,298,300,301,302,310,311,312,318,319,320,321,322,323,324,332,333,334,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,388,389,390,391,392,393,401,402,403,404,405,406,412,413,414,415,487 +8545 - 31,32,33,53,54,55,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,321,339,340,341,342,361,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,450,451,452,453,486 +8546 - 32,33,54,55,56,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,449,450,451,486 +8547 - 5,6,7,8,26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,99,100,101,102,103,114,115,116,117,118,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,168,169,170,182,190,191,192,193,212,213,214,215,235,236,237,257,258,259,260,280,281,282,291,292,293,294,295,302,303,304,313,314,315,316,317,318,319,320,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,436,437,487 +8548 - 14,15,16,35,36,37,38,57,58,59,79,80,99,100,101,102,120,121,122,123,141,142,143,144,145,162,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,248,249,250,270,271,272,277,278,279,280,292,293,297,298,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,405,406,407,408,409,428,429,430,431,491 +8549 - 25,26,27,28,29,30,31,32,33,34,35,36,37,47,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,77,78,79,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,229,230,231,232,233,234,235,255,256,257,258,278,279,280,281,300,301,302,303,323,324,325,326,346,347,348,349,369,370,371,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,443,444,445,446,447,448,449,450,451,452,453,454,455,488 +8550 - 58,59,60,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,117,118,119,120,121,122,123,138,139,140,141,142,143,160,161,162,181,182,183,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,247,251,252,253,254,255,256,277,278,279,300,301,322,323,324,344,345,346,366,367,368,388,389,390,409,410,411,426,427,429,430,431,432,433,447,448,450,451,452,453,454,469,470,471,472,473,474,490 +8551 - 36,37,38,47,48,58,59,60,61,68,69,70,80,81,82,90,91,92,102,103,104,105,112,113,114,124,125,126,134,135,136,146,147,148,149,155,156,157,158,168,169,170,171,177,178,179,190,191,192,193,198,199,200,201,212,213,214,215,220,221,222,223,234,235,236,237,242,243,244,245,255,256,257,258,259,264,265,266,267,268,269,270,271,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,301,302,303,304,312,313,314,315,316,317,318,319,323,324,325,326,345,346,347,367,368,369,370,389,390,391,411,412,413,414,433,434,435,436,437,456,457,458,459,489 +8552 - 78,79,80,81,98,99,100,101,102,103,120,121,125,127,140,141,142,146,147,148,149,150,161,162,163,169,170,171,182,183,184,191,192,203,204,205,211,212,213,214,225,226,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,276,277,278,298,299,319,320,321,340,341,342,362,363,383,384,385,405,406,426,427,428,448,449,470,471,472,494 +8553 - 74,75,76,77,78,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,145,146,158,159,160,161,162,163,164,179,180,181,182,183,184,185,186,201,202,203,204,205,206,207,208,209,210,223,224,225,227,228,229,230,231,232,233,252,253,254,255,256,276,277,278,279,280,300,301,302,303,323,324,325,345,346,347,366,367,368,369,378,379,380,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,490 +8554 - 97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,146,148,158,159,160,161,162,163,165,166,167,168,169,170,171,180,181,182,183,188,189,190,191,192,193,202,203,204,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,270,271,272,276,277,278,279,298,299,300,301,320,321,322,341,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,494 +8555 - 7,8,9,29,30,31,51,52,53,73,74,75,95,96,97,116,117,118,119,138,139,140,141,160,161,162,181,182,183,184,190,191,192,203,204,205,206,211,212,213,214,215,225,226,227,228,232,233,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,274,275,276,277,278,280,281,291,292,293,294,296,297,298,302,303,314,315,316,317,318,319,320,323,324,325,336,337,338,339,340,341,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,410,411,429,430,431,432,433,491 +8556 - 120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,170,171,179,180,181,182,183,192,193,213,214,215,235,236,256,257,258,278,279,299,300,301,321,322,323,324,325,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,385,386,407,408,428,429,450,451,471,472,492 +8557 - 88,89,90,91,92,93,110,111,112,113,114,115,116,132,133,134,135,136,137,138,139,140,155,156,157,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,189,190,202,203,207,208,209,210,211,212,213,214,233,234,235,236,237,257,258,259,260,280,281,282,302,303,304,324,325,326,346,347,348,367,368,369,370,388,389,390,391,409,410,411,412,431,432,433,434,452,453,454,455,474,475,476,477,492 +8558 - 79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,147,148,149,150,151,159,160,161,162,163,164,168,169,170,171,172,180,181,182,183,184,185,189,190,191,192,193,201,202,203,204,205,210,211,212,213,214,223,224,225,226,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,297,298,299,300,301,313,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,494 +8559 - 50,51,52,53,54,71,72,73,74,75,76,77,93,94,95,97,98,99,100,115,116,117,120,121,122,137,138,139,142,143,144,145,160,161,162,165,166,167,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,320,321,322,336,337,338,342,343,344,345,358,359,360,365,366,367,380,381,388,389,390,402,403,404,410,411,412,425,426,427,428,429,432,433,434,448,449,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +8560 - 56,57,78,79,93,100,101,115,116,122,123,137,138,144,145,159,160,166,167,181,182,188,189,203,204,210,211,212,225,226,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,313,314,321,322,323,344,345,366,367,388,389,390,410,411,412,432,433,434,455,456,477,478,489 +8561 - 73,74,75,76,94,95,96,97,98,99,115,116,117,119,120,121,122,137,138,139,142,143,144,145,159,160,161,165,166,167,181,182,188,189,190,191,192,203,204,210,211,212,213,214,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,301,302,320,321,322,323,343,344,345,365,366,367,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,475,476,477,494 +8562 - 118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,167,168,169,170,179,180,181,182,183,184,190,191,192,193,194,201,202,203,204,211,212,213,214,215,216,217,222,223,224,225,230,231,232,233,234,235,236,237,238,239,244,245,246,250,251,252,253,254,255,256,259,260,261,266,267,268,269,270,271,272,273,274,275,281,282,283,289,290,291,292,293,294,295,303,304,305,312,313,324,325,326,346,347,348,367,368,369,389,390,391,410,411,412,431,432,433,434,453,454,455,475,476,477,494 +8563 - 56,57,58,59,76,77,78,79,80,81,82,83,94,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,148,149,150,151,152,158,159,160,161,162,163,171,172,173,174,175,179,180,181,182,183,184,193,194,195,196,197,201,202,203,204,205,206,217,218,219,223,224,225,226,227,228,240,241,244,245,246,247,248,249,250,251,261,262,263,266,267,268,269,271,272,273,274,275,283,284,285,288,289,290,304,305,306,310,311,312,325,326,327,332,333,334,346,347,348,354,355,356,366,367,368,369,376,377,378,379,386,387,388,389,390,399,400,401,402,403,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +8564 - 53,54,55,56,57,58,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,149,160,161,162,163,169,170,171,172,181,182,183,184,192,193,194,195,203,204,205,215,216,217,224,225,226,227,238,239,246,247,248,249,260,261,262,268,269,270,283,284,290,291,292,305,306,307,312,313,314,327,328,329,334,335,336,349,350,356,357,358,370,371,372,378,379,380,392,393,394,400,401,402,413,414,415,422,423,424,425,434,435,436,437,444,445,446,447,456,457,458,459,467,468,469,470,477,478,479,480,485 +8565 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +8566 - 11,12,13,14,33,34,35,36,55,56,57,58,59,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,232,233,234,254,255,256,257,258,259,260,261,275,276,277,278,279,280,281,282,283,284,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,421,422,423,424,425,426,487 +8567 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,79,80,81,82,92,93,94,95,96,101,102,103,104,113,114,115,116,117,124,125,126,127,135,136,137,138,146,147,148,149,158,169,170,171,191,192,193,213,214,215,235,236,237,257,258,259,270,271,272,273,279,280,281,290,291,292,293,294,295,296,297,301,302,303,312,313,314,315,316,317,318,319,320,321,323,324,325,334,335,336,337,338,340,341,342,343,344,345,346,347,356,357,358,359,363,364,365,366,367,368,369,370,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,425,426,427,428,429,430,431,432,487 +8568 - 55,56,57,58,59,60,77,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,188,189,190,210,211,212,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,402,403,404,405,422,423,424,425,426,444,445,446,447,466,467,468,469,486 +8569 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,101,102,103,123,124,125,145,146,147,161,162,164,165,166,167,168,169,183,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,251,252,256,257,258,278,279,280,300,301,302,322,323,324,333,334,344,345,346,354,355,356,357,366,367,368,377,378,379,380,381,388,389,390,400,401,402,403,404,405,406,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,488 +8570 - 61,62,82,83,84,95,96,103,104,105,106,117,118,119,124,125,126,127,138,139,140,146,147,148,149,160,161,162,168,169,170,171,181,182,183,184,190,191,192,203,204,205,206,211,212,213,214,225,226,227,228,231,232,233,234,235,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,475,489 +8571 - 50,58,59,71,72,73,79,80,81,93,94,95,101,102,103,114,115,116,123,124,125,136,137,138,145,146,147,157,158,159,160,167,168,169,179,180,181,182,189,190,191,202,203,204,211,212,213,214,224,225,226,227,233,234,235,236,247,248,249,250,251,252,255,256,257,261,270,271,272,273,274,275,276,277,278,279,283,284,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,489 +8572 - 49,50,51,52,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,120,121,122,123,124,125,126,133,134,135,145,146,147,148,149,150,155,156,169,170,171,172,177,178,192,193,194,195,199,200,216,217,218,221,222,238,239,240,243,244,261,262,265,266,283,284,288,289,305,306,311,312,326,327,328,333,334,335,347,348,349,350,356,357,358,359,360,361,362,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,429,430,431,432,433,434,485 +8573 - 55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,103,104,105,106,107,108,109,116,117,118,119,131,137,138,139,140,141,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,187,188,189,209,210,211,212,213,233,234,235,236,256,257,258,259,267,279,280,281,289,290,291,301,302,303,312,313,314,315,324,325,326,334,335,336,337,338,346,347,348,356,357,358,359,360,361,362,363,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,490 +8574 - 57,58,59,78,79,80,81,82,98,99,100,101,102,103,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,159,160,161,162,165,166,180,181,182,183,186,187,188,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,273,274,281,282,294,295,296,303,304,316,317,318,325,326,338,339,346,347,348,360,361,368,369,381,382,383,389,390,391,403,404,405,410,411,412,425,426,427,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,493 +8575 - 9,10,11,30,31,32,52,53,54,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,184,203,204,205,206,212,213,214,215,225,226,227,233,234,235,236,237,238,247,248,249,255,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,292,293,294,298,299,300,301,302,303,304,314,315,316,317,320,321,322,324,325,326,337,338,339,340,342,343,344,345,346,347,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,407,408,409,410,411,412,491 +8576 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,78,96,97,98,99,118,119,120,139,140,141,142,161,162,163,183,184,185,204,205,206,226,227,228,248,249,250,253,254,255,256,257,258,270,271,272,274,275,276,278,279,280,281,292,293,294,301,302,303,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,366,367,368,369,381,382,383,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +8577 - 73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,120,122,123,124,125,126,137,138,139,145,146,147,148,159,160,161,162,168,169,170,171,182,183,184,190,191,192,193,205,206,207,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,363,364,365,381,382,383,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,452,453,471,472,473,474,475,493 +8578 - 59,60,74,80,81,82,95,96,102,103,104,116,117,118,124,125,138,139,140,146,147,159,160,161,162,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,225,226,227,228,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,327,342,343,364,365,385,386,407,408,428,429,430,450,451,472,489 +8579 - 84,85,97,98,99,100,101,102,106,107,118,119,120,121,122,123,124,125,128,129,139,140,141,142,145,146,147,148,151,160,161,162,163,168,169,170,182,183,184,190,191,204,205,206,207,210,211,212,213,226,227,228,229,230,231,232,233,238,249,250,251,252,253,254,255,256,260,261,275,276,277,282,283,297,298,299,318,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,494 +8580 - 55,56,57,58,59,76,77,78,79,80,81,82,98,99,100,103,104,118,119,120,121,124,125,126,137,138,139,140,141,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,203,204,205,206,210,211,212,213,226,227,228,229,232,233,234,250,251,253,254,255,272,273,274,275,276,277,295,296,297,298,318,319,320,340,341,342,361,362,363,364,365,383,384,386,387,405,406,408,409,410,426,427,428,431,432,448,449,453,454,470,471,475,476,477,493 +8581 - 52,53,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,195,196,197,202,203,204,205,209,210,217,218,219,223,224,225,226,239,240,241,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,305,306,310,311,312,326,327,328,332,333,334,348,349,350,354,355,356,369,370,371,376,377,378,379,390,391,392,393,398,399,400,401,402,411,412,413,414,421,422,423,424,425,426,427,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,485 +8582 - 56,57,78,79,100,101,102,115,116,122,123,124,137,138,144,145,146,159,160,166,167,168,181,182,188,189,190,202,203,204,211,212,224,225,226,233,234,235,246,247,248,249,255,256,257,268,269,270,271,272,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,315,316,317,318,319,320,321,322,323,339,340,341,342,343,344,345,365,366,367,387,388,389,409,410,411,432,433,434,454,455,456,476,477,478,489 +8583 - 33,34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,429,430,448,449,450,451,486 +8584 - 72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,106,117,118,121,122,123,124,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,186,187,188,189,190,191,208,209,210,211,212,213,231,232,233,234,235,236,237,256,257,258,259,260,280,281,282,301,302,303,304,321,322,323,324,325,341,342,343,344,345,346,347,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,397,398,399,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,440,441,442,443,488 +8585 - 28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,78,79,80,81,82,91,92,93,95,96,97,101,102,103,104,105,113,114,115,116,117,118,119,125,126,127,128,136,137,138,139,140,148,149,150,160,161,170,171,172,192,193,194,214,215,216,236,237,238,239,259,260,269,270,271,272,273,281,282,288,289,290,291,292,293,294,295,296,297,302,303,304,309,310,311,312,313,314,315,316,317,318,319,320,321,323,324,325,326,331,332,333,334,335,336,339,340,341,342,343,344,345,346,347,353,354,355,363,364,365,366,367,368,375,376,386,387,388,389,390,391,398,399,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,434,435,436,437,442,443,444,445,446,447,448,449,450,451,452,487 +8586 - 30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,98,99,100,101,102,103,104,105,114,115,116,117,122,123,124,125,126,127,128,135,136,137,138,147,148,149,150,156,157,158,159,170,171,172,173,178,179,180,193,194,195,200,201,215,216,217,218,222,223,238,239,240,243,244,245,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,326,327,328,331,332,333,334,347,348,349,350,354,355,356,357,368,369,370,371,376,377,378,379,380,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,485 +8587 - 27,28,29,30,31,32,33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,104,105,106,107,127,128,129,149,150,151,170,171,172,173,183,184,185,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,253,254,255,256,257,277,278,279,280,301,302,303,323,324,325,346,347,352,353,354,355,368,369,374,375,376,377,378,379,380,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,450,451,452,453,454,455,488 +8588 - 29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,94,100,101,102,103,115,122,123,124,125,144,145,146,147,165,166,167,168,169,186,187,188,189,190,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,255,256,257,258,259,279,280,281,282,302,303,304,324,325,326,346,347,348,367,368,369,370,378,379,380,386,387,388,389,390,391,392,400,401,402,403,404,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,488 +8589 - 29,30,31,49,50,51,52,70,71,72,73,86,87,92,93,94,95,107,108,109,113,114,115,116,128,129,130,135,136,137,150,151,152,156,157,158,159,171,172,173,174,178,179,180,181,193,194,195,196,200,201,202,203,214,215,216,217,222,223,224,225,236,237,238,239,244,245,246,247,248,257,258,259,260,267,268,269,270,271,272,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,343,344,345,346,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,450,451,452,453,454,489 +8590 - 7,8,9,28,29,30,31,32,33,34,51,52,53,54,55,56,57,73,74,75,76,77,78,79,80,96,97,99,100,101,102,103,118,119,123,124,125,126,136,137,146,147,148,149,157,158,159,160,169,170,171,172,179,180,181,191,192,193,194,201,202,203,214,215,216,223,224,225,236,237,238,245,246,247,258,259,260,267,268,269,280,281,282,289,290,291,302,303,304,311,312,313,323,324,325,326,333,334,335,336,345,346,347,356,357,358,359,360,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,485 +8591 - 65,77,78,79,80,81,82,83,84,85,86,87,99,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,161,162,163,164,165,166,167,181,182,183,184,185,186,187,202,203,204,205,206,207,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,274,275,276,277,278,298,299,300,301,311,312,321,322,323,333,334,335,344,345,355,356,357,365,366,367,377,378,379,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,470,490 +8592 - 51,52,72,73,74,75,94,95,96,97,104,105,116,117,118,125,126,127,128,137,138,139,140,147,148,149,159,160,161,162,168,169,170,171,181,182,183,184,191,192,193,194,203,204,205,213,214,215,216,224,225,226,227,235,236,237,238,246,247,248,249,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,343,344,345,346,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,475,476,477,489 +8593 - 11,12,13,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,192,193,203,204,205,206,212,213,214,215,216,217,225,226,227,228,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,297,298,299,300,303,304,305,312,313,314,318,319,320,321,324,325,326,334,335,336,337,340,341,342,343,346,347,348,356,357,358,359,362,363,364,365,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,413,491 +8594 - 37,38,39,40,57,58,59,60,61,76,77,78,79,80,81,82,96,97,98,99,100,101,102,118,119,120,121,122,139,140,141,142,161,162,163,166,167,168,183,184,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,235,236,237,249,250,251,252,258,259,260,272,280,281,282,302,303,304,311,312,313,323,324,325,332,333,334,345,346,347,353,354,355,365,366,367,368,375,376,377,386,387,388,389,390,397,398,399,400,401,402,403,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,490 +8595 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,101,102,103,104,115,116,117,118,124,125,126,137,138,139,146,147,148,149,159,160,161,168,169,170,181,182,183,190,191,192,193,203,204,205,206,210,211,212,213,214,215,216,217,226,227,228,229,231,232,233,234,235,236,237,238,239,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,294,295,296,297,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,363,364,380,381,382,385,386,387,402,403,404,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,452,470,471,472,473,493 +8596 - 50,51,72,73,74,80,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,182,183,190,191,192,204,205,212,213,214,225,226,227,234,235,236,247,248,249,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,308,309,310,311,312,313,314,320,321,322,323,324,325,326,327,330,331,332,333,334,345,346,347,348,349,352,353,354,355,367,368,369,389,390,391,410,411,412,432,433,434,435,454,455,456,477,478,489 +8597 - 90,91,92,93,94,95,111,112,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,188,189,190,191,192,193,194,195,205,206,207,214,215,216,217,218,228,236,237,238,239,257,258,259,260,261,262,278,279,280,281,282,283,300,301,302,303,321,322,323,324,342,343,344,345,364,365,366,367,385,386,387,388,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,474,492 +8598 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,100,101,102,103,104,105,106,112,113,114,115,124,125,126,127,128,129,130,133,134,135,136,148,149,150,151,152,155,156,157,170,171,172,173,174,177,178,179,193,194,195,196,199,200,201,214,215,216,217,218,221,222,223,233,234,235,236,237,238,239,240,243,244,245,246,252,253,254,255,256,257,258,259,260,261,262,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,323,324,325,326,327,333,334,336,344,345,346,347,348,355,356,365,366,367,368,369,377,378,379,380,381,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,494 +8599 - 72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,191,192,193,194,195,196,197,201,202,203,204,214,215,216,217,218,219,222,223,224,225,226,237,238,239,240,241,244,245,246,247,259,260,261,262,263,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,325,326,327,332,333,334,335,336,346,347,348,349,354,355,356,357,358,359,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,449,450,451,485 +8600 - 37,38,39,40,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,117,118,119,120,138,139,140,159,160,161,181,182,183,184,185,186,203,204,205,206,207,208,209,210,229,230,231,232,233,253,254,255,256,276,277,278,279,299,300,301,302,314,322,323,324,336,337,344,345,346,358,359,365,366,367,380,381,386,387,388,389,402,403,404,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,452,490 +8601 - 75,76,77,85,86,96,97,98,106,107,108,117,118,119,120,127,128,129,138,139,140,141,148,149,150,160,161,162,163,169,170,171,172,182,183,184,191,192,193,203,204,205,212,213,214,215,225,226,227,234,235,236,247,248,249,250,255,256,257,258,270,271,272,273,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,453,471,472,473,474,475,489 +8602 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,100,101,102,103,117,118,119,123,124,125,138,139,140,145,146,147,148,160,161,162,168,169,170,181,182,183,189,190,191,192,203,204,205,211,212,213,225,226,227,233,234,235,247,248,249,254,255,256,257,269,270,271,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,337,338,339,340,343,344,345,365,366,367,387,388,389,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +8603 - 31,32,52,53,54,73,74,75,76,77,78,79,80,81,94,95,96,97,99,100,101,102,103,104,116,117,118,121,122,123,124,125,126,127,137,138,139,140,143,144,145,146,147,148,149,150,159,160,161,169,170,171,172,180,181,182,183,191,192,193,194,195,202,203,204,213,214,215,216,217,223,224,225,226,236,237,238,239,245,246,247,259,260,261,262,267,268,269,281,282,283,284,289,290,291,303,304,305,306,311,312,313,326,327,328,333,334,335,347,348,349,355,356,357,368,369,370,371,377,378,379,380,381,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,485 +8604 - 62,63,77,78,84,85,98,99,100,105,106,119,120,121,126,127,128,140,141,142,148,149,150,161,162,163,169,170,171,183,184,191,192,193,204,205,206,212,213,214,226,227,234,235,236,247,248,249,255,256,257,258,259,268,269,270,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,336,342,343,363,364,365,385,386,387,406,407,408,428,429,430,450,451,452,472,473,489 +8605 - 11,12,13,33,34,35,54,55,56,61,76,77,78,83,98,99,100,105,119,120,121,127,141,142,143,149,162,163,164,165,183,184,185,186,189,190,191,205,206,207,210,211,212,213,214,226,227,228,231,232,233,234,235,236,248,249,250,252,253,254,255,256,257,258,270,271,272,274,275,276,279,280,281,292,293,294,295,296,297,301,302,303,314,315,316,317,318,319,322,323,324,325,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,383,384,385,391,406,407,408,409,413,428,429,430,431,491 +8606 - 32,33,34,35,36,53,54,55,56,57,58,59,75,76,77,78,79,80,81,82,95,96,97,98,99,100,102,103,104,105,116,117,118,119,120,125,126,127,128,138,139,140,148,149,150,151,159,160,161,170,171,172,173,180,181,182,194,195,202,203,204,216,217,218,223,224,225,238,239,240,245,246,247,261,262,267,268,269,283,284,289,290,291,305,306,310,311,312,313,327,328,333,334,335,348,349,350,355,356,357,370,371,377,378,379,380,390,391,392,393,400,401,402,403,404,405,406,407,408,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,485 +8607 - 50,51,72,73,74,93,94,95,105,106,107,115,116,117,127,128,136,137,138,148,149,150,157,158,159,160,170,171,172,179,180,181,191,192,193,200,201,202,203,213,214,215,222,223,224,235,236,237,245,246,247,248,257,258,259,267,268,269,270,271,272,273,274,275,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,324,344,345,346,365,366,367,368,387,388,389,409,410,411,430,431,432,433,452,453,454,455,474,475,476,489 +8608 - 38,39,40,41,42,58,59,60,61,62,63,64,79,80,81,82,83,84,85,86,100,101,102,103,104,107,108,109,121,122,123,124,130,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,313,314,315,316,317,321,322,323,324,334,335,336,337,343,344,345,356,357,358,359,364,365,366,367,378,379,380,381,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,491 +8609 - 48,49,50,51,70,71,72,73,74,75,92,93,94,95,96,97,98,99,100,115,116,119,120,121,122,123,124,137,138,143,144,145,146,147,160,167,168,169,170,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,429,430,431,432,447,448,449,450,451,452,470,471,472,492 +8610 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,138,139,140,143,144,145,159,160,161,162,165,166,167,181,182,183,184,187,188,189,203,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,473,474,475,476,494 +8611 - 11,12,13,33,34,35,54,55,56,57,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,204,205,206,207,212,213,214,226,227,228,229,234,235,236,237,247,248,249,250,255,256,257,258,259,260,269,270,271,272,276,277,278,279,280,281,282,291,292,293,297,298,299,300,303,304,313,314,315,318,319,320,321,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +8612 - 29,30,31,32,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,92,99,100,121,122,143,144,164,165,166,185,186,187,206,207,208,209,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,271,272,278,279,280,281,282,302,303,304,325,326,346,347,348,368,369,370,377,378,389,390,391,392,399,400,401,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,488 +8613 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,125,126,127,128,140,141,142,143,144,148,149,150,163,164,165,169,170,171,172,191,192,193,194,212,213,214,215,227,228,229,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,294,295,297,298,299,300,301,302,310,311,312,319,320,321,322,323,324,325,332,333,334,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,360,361,362,363,364,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,391,392,393,400,401,402,403,404,405,423,424,425,487 +8614 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,145,146,147,148,149,150,151,160,161,162,163,164,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,359,360,361,362,364,365,366,367,380,381,382,383,384,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,470,471,472,473,474,493 +8615 - 8,9,10,11,12,13,27,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,71,72,73,74,79,80,81,101,102,103,123,124,125,144,145,146,147,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,233,234,235,236,256,257,258,259,279,280,281,282,287,302,303,304,324,325,326,331,332,333,334,335,336,337,346,347,348,354,355,356,357,358,359,360,361,362,363,364,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,488 +8616 - 92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,167,168,169,189,190,191,210,211,212,232,233,234,253,254,255,256,275,276,277,297,298,299,319,320,340,341,342,362,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +8617 - 50,51,60,61,71,72,73,82,83,93,94,95,104,105,106,114,115,116,126,127,128,136,137,138,147,148,149,150,157,158,159,160,169,170,171,172,179,180,181,182,191,192,193,202,203,204,213,214,215,224,225,226,227,228,229,230,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,344,345,346,365,366,367,368,387,388,389,390,409,410,411,431,432,433,453,454,455,456,475,476,477,478,489 +8618 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,104,105,117,118,119,120,126,127,128,129,130,139,140,141,149,150,151,152,161,162,163,164,169,170,171,172,173,174,184,185,186,187,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,362,363,364,379,380,381,383,384,385,386,400,401,402,403,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,493 +8619 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,99,100,101,102,103,116,117,123,124,125,138,139,145,146,147,160,161,162,167,168,183,184,185,188,189,190,206,207,208,210,229,230,231,235,236,252,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,296,297,298,299,317,318,319,320,321,338,339,340,342,343,344,359,360,361,364,365,366,381,382,387,388,403,404,409,410,425,426,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +8620 - 5,6,7,8,9,10,11,12,13,26,27,28,29,30,31,32,33,34,35,49,55,56,57,58,78,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,189,190,191,210,211,212,213,226,227,228,229,232,233,234,247,248,249,250,251,252,254,255,256,268,269,270,271,272,273,274,275,276,277,290,291,292,295,296,297,298,299,312,313,314,317,318,319,320,321,334,335,338,339,340,341,342,343,344,345,351,356,357,358,359,360,361,362,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,387,388,389,390,391,392,393,394,395,413,414,415,416,487 +8621 - 66,67,68,69,70,71,72,88,89,90,91,92,93,94,95,96,97,98,110,111,112,113,114,115,116,117,118,119,120,121,122,123,134,135,136,140,141,142,143,144,145,146,147,157,158,165,166,167,168,169,170,171,179,180,189,190,191,192,193,194,201,202,213,214,215,216,236,237,238,239,258,259,260,261,279,280,281,282,300,301,302,303,321,322,323,324,325,343,344,345,346,364,365,366,367,384,385,386,387,388,406,407,408,409,427,428,429,430,448,449,450,451,470,471,472,473,474,475,492 +8622 - 30,31,32,33,34,51,52,53,54,55,56,73,74,75,76,77,78,79,94,95,96,99,100,101,116,117,118,121,122,123,124,138,139,143,144,145,146,160,161,166,167,168,188,189,190,210,211,212,232,233,234,254,255,256,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,341,342,343,344,346,347,348,356,357,358,363,364,365,369,370,371,378,379,380,384,385,386,387,392,393,400,401,402,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,487 +8623 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,104,116,117,118,123,124,125,126,127,138,139,140,147,148,149,161,162,163,169,170,171,183,184,185,186,189,190,191,192,206,207,208,212,213,214,215,229,230,231,232,233,234,235,236,237,252,253,254,255,256,257,258,274,275,276,277,278,279,295,296,297,298,316,317,318,319,320,321,337,338,339,342,343,359,360,364,365,366,381,382,386,387,388,403,404,405,408,409,410,425,426,427,430,431,432,448,449,450,452,453,454,470,471,472,473,474,475,493 +8624 - 74,75,76,77,78,79,81,94,95,96,97,98,99,100,101,102,103,116,117,118,123,124,125,137,138,139,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,209,210,211,212,213,224,225,230,231,232,233,234,235,246,247,248,252,253,254,255,256,268,269,270,271,275,276,277,278,291,292,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +8625 - 12,13,14,33,34,35,36,53,54,55,56,57,76,77,78,97,98,99,118,119,120,121,140,141,142,161,162,163,182,183,184,185,203,204,205,206,212,213,214,215,216,217,225,226,227,233,234,235,236,237,238,239,246,247,248,249,254,255,256,257,258,259,260,261,268,269,270,275,276,277,278,282,283,290,291,292,297,298,299,304,305,311,312,313,314,319,320,326,327,333,334,335,336,341,342,343,347,348,349,356,357,358,359,360,361,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,491 +8626 - 53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,136,137,138,139,143,144,145,158,159,164,165,166,185,186,187,188,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,272,276,277,278,279,280,299,300,301,302,303,321,322,323,324,325,344,345,346,365,366,367,368,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,488 +8627 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,105,118,119,124,125,126,127,148,149,169,170,171,190,191,192,193,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,272,273,274,275,276,277,298,299,300,321,322,323,344,345,366,367,387,388,389,399,400,401,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,488 +8628 - 98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,189,190,191,192,193,194,199,200,201,202,203,204,205,210,211,212,213,214,215,216,217,221,222,223,224,225,231,232,233,234,235,236,237,238,239,242,243,244,245,246,253,254,255,256,257,258,259,260,261,265,266,267,268,273,274,275,276,277,278,279,280,281,282,283,287,288,289,290,291,292,293,294,295,296,297,298,301,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,323,324,325,326,333,334,335,336,337,338,339,345,346,347,348,349,357,358,359,368,369,370,390,391,392,412,413,414,415,434,435,436,437,456,457,458,459,478,479,480,481,494 +8629 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,99,102,103,104,105,116,117,118,126,127,128,138,139,140,148,149,150,161,162,170,171,172,173,183,184,185,192,193,194,195,206,207,208,212,213,214,215,216,228,229,230,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,298,315,316,317,319,320,336,337,338,341,342,358,359,360,363,364,365,380,381,382,386,387,402,403,404,408,409,410,424,425,426,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +8630 - 57,58,59,60,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,138,139,140,145,146,147,148,160,161,162,166,167,168,169,183,184,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,293,294,295,301,302,303,316,323,324,325,336,337,344,345,346,347,357,358,365,366,367,368,378,379,386,387,388,389,400,401,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,466,467,468,469,488 +8631 - 32,33,34,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,146,147,148,149,158,159,160,161,162,169,170,171,172,180,181,182,183,192,193,194,202,203,204,215,216,217,237,238,239,259,260,261,281,282,283,303,304,305,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,487 +8632 - 50,51,52,53,54,55,56,57,58,59,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,125,126,127,134,135,147,148,149,169,170,191,192,213,214,226,227,228,234,235,236,247,248,249,250,251,252,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,284,285,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,319,320,321,322,323,324,325,326,327,328,329,334,335,340,341,342,343,344,356,357,358,361,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,487 +8633 - 32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,125,126,127,128,138,139,140,141,142,143,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,191,192,193,194,205,213,214,215,216,235,236,237,238,257,258,259,260,273,274,279,280,281,291,292,293,294,295,296,297,298,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,355,356,357,358,359,363,364,365,366,367,368,369,370,371,377,378,379,380,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,487 +8634 - 13,14,15,33,34,35,36,37,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,102,103,104,116,117,118,119,124,125,126,145,146,147,148,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,314,315,316,317,324,325,335,336,337,338,344,345,346,347,356,357,358,359,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,487 +8635 - 54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,145,146,147,163,164,165,167,168,169,185,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,337,338,339,341,342,343,358,359,360,361,363,364,365,380,381,382,385,386,387,402,403,404,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,452,469,470,471,472,473,493 +8636 - 52,53,54,75,76,97,98,118,119,120,140,141,142,147,148,162,163,164,168,169,170,183,184,185,190,191,192,205,206,207,212,213,214,226,227,228,229,234,235,236,247,248,249,250,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,452,453,474,475,476,489 +8637 - 71,72,73,91,92,93,94,95,96,106,107,108,113,114,115,116,117,118,128,129,130,134,135,136,137,138,139,150,151,152,156,157,158,159,171,172,173,177,178,179,180,193,194,195,199,200,201,214,215,216,217,221,222,236,237,238,243,244,245,246,257,258,259,260,265,266,267,268,269,270,271,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,343,344,345,364,365,366,367,368,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,489 +8638 - 76,81,82,83,97,98,99,100,102,103,104,105,119,120,121,122,124,125,126,127,140,141,142,143,146,147,148,149,161,162,163,164,167,168,169,170,183,184,185,186,188,189,190,191,205,206,207,210,211,212,213,226,227,228,232,233,234,235,248,249,250,253,254,255,256,257,258,259,270,271,272,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,361,362,363,364,383,384,385,405,406,407,426,427,428,429,448,449,450,451,470,471,472,489 +8639 - 76,77,78,79,98,99,100,101,102,103,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,169,170,171,172,173,174,182,183,184,185,186,187,203,204,205,206,207,225,226,227,228,229,230,249,250,251,252,253,254,273,274,275,276,277,278,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,490 +8640 - 52,53,54,55,74,75,76,77,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,474,475,476,486 +8641 - 31,32,53,54,55,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,144,145,146,147,148,149,150,160,161,162,163,164,169,170,171,172,173,182,183,184,192,193,194,195,203,204,205,214,215,216,217,218,225,226,227,237,238,239,240,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,303,304,305,306,310,311,312,313,326,327,328,332,333,334,348,349,350,354,355,356,357,370,371,372,376,377,378,379,380,392,393,399,400,401,402,403,404,405,406,407,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,485 +8642 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,122,123,125,126,127,128,129,137,138,139,140,141,145,146,148,149,150,151,159,160,161,162,163,169,170,171,172,182,183,184,185,190,191,192,193,205,206,207,208,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,274,275,276,277,278,279,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,337,338,339,340,343,344,345,358,359,360,361,364,365,366,367,379,380,381,382,383,385,386,387,388,401,402,403,404,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +8643 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,101,102,103,104,114,115,116,117,118,119,120,124,125,126,136,137,138,139,140,141,146,147,148,149,159,160,161,162,163,168,169,170,171,182,190,191,192,193,212,213,214,215,234,235,236,237,257,258,259,279,280,281,300,301,302,303,311,312,313,322,323,324,325,332,333,334,335,336,337,338,339,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,372,375,376,377,381,382,383,384,385,386,387,388,389,390,391,392,393,397,398,399,405,406,407,408,409,410,411,412,413,414,415,419,420,421,427,428,429,430,431,432,433,434,435,436,441,442,443,448,449,450,451,452,487 +8644 - 55,56,57,58,59,60,61,62,63,71,72,73,76,77,78,79,80,81,82,83,84,85,86,93,94,95,96,97,98,99,100,101,105,106,107,108,115,116,117,118,119,120,121,129,130,131,137,138,139,140,141,142,151,152,153,160,161,162,163,164,172,173,174,182,183,184,185,186,193,194,195,196,205,206,207,208,213,214,215,216,217,227,228,229,230,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,333,334,335,336,337,340,341,342,355,356,357,358,363,364,365,376,377,378,385,386,387,398,399,400,401,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +8645 - 97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,167,168,169,170,171,172,180,181,182,183,185,186,187,191,192,193,194,195,201,202,203,204,205,215,216,217,223,224,225,237,238,239,240,244,245,246,247,260,261,262,266,267,268,282,283,284,287,288,289,290,304,305,306,309,310,311,312,313,326,327,328,332,333,334,335,336,348,349,350,355,356,357,358,359,360,361,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,429,485 +8646 - 10,11,12,13,30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,79,80,81,101,102,103,123,124,125,144,145,146,147,165,166,167,168,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,250,251,252,256,257,258,278,279,280,300,301,302,322,323,324,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,488 +8647 - 31,32,33,34,52,53,54,55,56,74,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,448,449,450,486 +8648 - 102,103,104,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,203,204,205,206,207,208,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,492 +8649 - 34,35,36,37,55,56,57,58,59,77,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,430,446,447,448,449,450,451,486 +8650 - 58,59,60,61,62,63,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,172,173,174,183,184,186,187,188,189,193,194,195,196,205,206,207,208,209,210,215,216,217,218,227,228,229,230,231,236,237,238,239,248,249,250,251,252,257,258,259,260,270,271,272,273,278,279,280,281,290,291,292,293,294,299,300,301,302,312,313,314,315,320,321,322,323,324,333,334,335,336,337,341,342,343,344,345,354,355,356,357,358,362,363,364,365,376,377,378,379,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,465,466,467,468,469,485 +8651 - 34,35,36,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,103,104,105,106,116,117,118,119,120,121,126,127,128,137,138,139,140,141,142,148,149,150,159,160,161,162,170,171,172,181,182,183,192,193,194,204,214,215,216,236,237,238,257,258,259,260,279,280,281,290,291,292,293,294,295,300,301,302,303,311,312,313,314,315,316,317,318,321,322,323,324,331,332,333,334,335,337,338,339,340,341,342,343,344,345,352,353,354,355,361,362,363,364,365,366,374,375,376,377,383,384,385,386,387,388,396,397,402,403,404,405,406,407,408,409,410,411,412,413,414,415,418,419,423,424,425,426,427,428,431,432,433,434,435,487 +8652 - 38,39,40,41,42,58,59,60,61,62,63,64,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,128,129,141,142,143,144,145,146,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,225,226,227,228,229,233,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,322,323,324,325,333,334,335,336,337,338,339,343,344,345,346,347,355,356,357,358,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,491 +8653 - 77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,149,150,151,157,158,159,160,161,170,171,172,178,179,180,181,182,189,190,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,475,494 +8654 - 32,33,53,54,55,74,75,76,77,97,98,99,119,120,121,125,126,141,142,143,147,148,149,163,164,165,169,170,171,184,185,186,187,191,192,193,206,207,208,213,214,215,227,228,229,230,234,235,236,237,249,250,251,256,257,258,271,272,273,278,279,280,292,293,294,300,301,302,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,387,388,389,401,409,410,411,431,432,433,453,454,489 +8655 - 13,14,15,16,35,36,37,57,58,59,77,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,183,184,185,186,187,190,191,205,206,207,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,248,249,250,253,254,255,256,258,259,260,269,270,271,272,275,276,277,280,281,282,291,292,293,296,297,298,301,302,303,313,314,315,317,318,319,320,323,324,325,335,336,337,338,339,340,341,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,404,405,406,407,491 +8656 - 32,33,34,35,54,55,56,57,76,77,78,79,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,209,210,211,226,227,228,231,232,233,248,249,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,486 +8657 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,100,101,102,103,116,117,118,123,124,125,139,140,141,145,146,147,148,161,162,163,167,168,169,170,175,184,185,186,189,190,191,192,193,194,195,196,197,206,207,208,209,210,211,212,213,214,215,216,217,218,219,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,271,272,273,274,275,276,292,293,294,295,296,297,298,313,314,315,318,319,320,334,335,336,341,342,356,357,358,363,364,365,378,379,385,386,387,400,401,402,407,408,409,422,423,424,425,426,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +8658 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,124,125,126,127,128,137,138,139,140,141,142,147,148,149,150,158,159,160,161,162,170,171,172,180,181,182,183,192,193,194,202,203,204,214,215,216,223,224,225,226,236,237,238,245,246,247,248,257,258,259,260,267,268,269,270,279,280,281,282,290,291,292,300,301,302,303,304,312,313,314,315,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,485 +8659 - 33,34,35,55,56,57,58,78,79,80,100,101,102,122,123,124,144,145,146,166,167,168,179,187,188,189,190,209,210,211,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,486 +8660 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,122,123,124,138,139,140,144,145,146,160,161,162,165,166,167,168,169,182,183,184,185,187,188,189,190,191,205,206,207,208,210,211,212,213,227,228,229,230,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,366,382,383,384,385,386,387,388,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,472,473,474,475,493 +8661 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,125,126,127,128,137,138,139,140,141,142,148,149,150,158,159,160,161,162,163,170,171,172,180,181,182,183,192,193,194,214,215,216,235,236,237,250,251,252,253,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,309,310,311,312,313,314,320,321,322,323,324,331,332,333,334,341,342,343,344,345,346,353,354,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,411,412,413,414,415,416,419,420,421,422,423,424,425,435,436,487 +8662 - 94,95,96,97,98,99,116,117,118,119,120,121,122,123,138,139,142,143,144,145,146,147,167,168,169,170,189,190,191,192,213,214,215,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,289,290,291,292,293,294,295,299,300,301,302,303,311,312,313,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,487 +8663 - 34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,447,448,449,450,486 +8664 - 33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +8665 - 52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,145,146,147,148,149,150,159,160,161,162,163,164,168,169,170,171,172,173,181,182,183,184,191,192,193,194,195,202,203,204,205,206,215,216,217,224,225,226,227,238,239,246,247,248,259,260,261,268,269,270,281,282,283,289,290,291,304,305,311,312,313,314,325,326,327,333,334,335,336,347,348,349,356,357,358,368,369,370,371,378,379,380,390,391,392,400,401,402,403,411,412,413,414,423,424,425,426,427,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,485 +8666 - 76,77,78,79,97,98,99,100,101,102,118,119,120,121,123,124,139,140,141,145,146,147,161,162,163,167,168,169,170,171,182,183,184,189,190,191,192,193,203,204,205,211,212,213,214,225,226,233,234,235,236,246,247,248,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,320,321,322,323,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,494 +8667 - 9,10,11,30,31,32,33,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,160,161,162,181,182,183,184,203,204,205,224,225,226,227,234,235,236,237,246,247,248,249,254,255,256,257,258,259,260,268,269,270,271,275,276,277,278,279,280,281,282,291,292,293,296,297,298,299,300,301,302,303,304,305,313,314,315,316,318,319,320,321,325,326,327,335,336,337,338,339,340,341,342,343,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,491 +8668 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,178,179,180,181,182,183,184,188,189,190,191,192,193,194,200,201,202,203,204,207,209,210,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,279,280,281,288,289,290,291,292,293,294,301,302,303,310,311,312,313,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +8669 - 97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,169,170,171,180,181,182,191,192,193,202,203,204,213,214,215,223,224,225,234,235,236,237,245,246,247,251,252,256,257,258,267,268,269,273,274,278,279,280,289,290,291,299,300,301,312,313,314,315,319,320,321,322,323,334,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,476,494 +8670 - 13,14,15,16,17,33,34,35,36,37,39,54,55,56,57,75,76,77,97,98,118,119,120,140,141,162,163,183,184,185,205,206,207,227,228,249,250,271,272,293,294,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,340,341,344,345,360,361,362,366,367,368,382,383,384,385,388,389,390,405,406,407,408,409,410,411,429,430,431,432,433,491 +8671 - 90,91,92,93,94,95,112,113,114,115,116,117,118,133,134,135,136,137,138,139,140,142,143,144,145,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,214,215,216,217,227,228,238,239,240,260,261,262,281,282,283,284,303,304,305,324,325,326,327,345,346,347,348,367,368,369,388,389,390,391,409,410,411,412,430,431,432,433,451,452,453,454,455,473,474,475,476,477,492 +8672 - 14,15,16,17,18,35,36,37,38,39,40,56,57,58,59,60,61,77,78,79,98,99,100,101,119,120,121,122,141,142,143,162,163,164,165,184,185,186,187,205,206,207,208,227,228,229,248,249,250,251,271,272,273,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,427,428,429,430,431,491 +8673 - 54,55,56,57,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,164,182,183,184,185,186,187,206,207,208,209,210,211,230,231,232,233,234,254,255,256,257,277,278,279,299,300,301,302,321,322,323,324,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,471,472,473,474,490 +8674 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,122,123,134,135,136,137,138,156,157,158,159,160,161,162,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,282,294,295,296,297,298,302,303,304,316,317,318,319,320,324,325,326,327,338,339,340,341,347,348,349,360,361,362,369,370,371,382,383,384,391,392,393,404,405,406,407,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,493 +8675 - 25,26,27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,99,100,101,102,122,123,124,143,144,145,146,164,165,166,167,184,185,186,187,188,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,234,248,250,251,252,253,254,255,256,257,258,277,278,279,280,301,302,303,323,324,325,346,347,356,357,358,359,360,367,368,369,378,379,380,381,382,383,384,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,488 +8676 - 62,63,64,65,82,83,84,85,86,87,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,180,181,182,183,185,186,187,202,203,204,224,225,246,247,248,269,270,293,294,295,315,316,317,318,338,339,340,341,362,363,364,378,379,385,386,400,401,402,407,408,422,423,424,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,490 +8677 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,144,145,146,147,158,159,160,161,166,167,168,169,180,181,182,189,190,191,202,203,204,212,213,224,225,226,233,234,235,246,247,248,249,257,258,269,270,271,272,278,279,280,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +8678 - 11,12,13,32,33,34,35,54,55,56,75,76,77,78,97,98,99,118,119,120,121,140,141,142,161,162,163,183,184,185,204,205,206,207,226,227,228,230,231,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,300,301,302,314,315,316,322,323,324,325,336,337,338,343,344,345,346,347,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,491 +8679 - 24,25,26,27,28,44,45,46,47,48,49,50,51,52,53,54,55,66,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,93,94,95,96,97,98,99,100,101,102,103,122,123,124,125,126,146,147,148,168,169,170,182,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,276,277,278,279,280,281,301,302,303,304,324,325,326,327,330,331,332,347,348,349,352,353,354,355,356,369,370,371,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,488 +8680 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,100,101,102,103,104,115,116,117,118,124,125,126,137,138,139,146,147,148,158,159,160,169,170,180,181,182,190,191,192,202,203,204,212,213,214,215,224,225,226,234,235,236,246,247,248,255,256,257,258,268,269,270,276,277,278,279,280,291,292,293,298,299,300,301,302,313,314,315,316,317,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,494 +8681 - 70,90,91,92,93,110,111,112,113,114,115,116,117,118,119,132,133,134,135,136,137,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,168,169,182,188,189,190,191,192,212,213,214,215,235,236,237,238,258,259,260,280,281,282,302,303,304,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,409,410,411,412,430,431,432,433,451,452,453,454,473,474,475,476,477,492 +8682 - 72,73,74,92,93,94,95,96,102,114,115,116,117,118,119,123,124,135,136,137,140,141,145,146,147,157,158,159,162,163,164,165,166,167,168,169,179,180,181,185,186,187,188,189,190,200,201,202,210,211,212,222,223,224,232,233,234,244,245,246,254,255,256,266,267,276,277,278,296,297,298,299,300,301,302,303,304,305,306,307,317,318,319,320,321,322,323,324,325,326,327,328,329,340,341,342,343,344,345,346,347,348,349,350,363,364,365,385,386,387,407,408,409,429,430,451,452,472,473,474,492 +8683 - 33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,449,450,451,452,486 +8684 - 9,10,11,12,31,32,33,34,53,54,55,56,57,77,78,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,235,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,302,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,487 +8685 - 71,72,73,74,75,76,77,78,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,144,145,146,147,148,149,150,160,161,162,168,169,170,171,172,182,183,184,185,191,192,193,194,205,206,207,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,272,273,274,275,277,278,279,280,281,293,294,295,296,297,298,301,314,315,316,318,319,320,336,337,338,341,342,343,358,359,360,363,364,365,366,380,381,382,386,387,388,403,404,409,410,411,425,426,427,428,431,432,433,448,449,450,451,453,454,455,471,472,473,474,475,476,477,493 +8686 - 98,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,184,185,186,188,189,190,205,206,207,210,211,212,214,215,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,451,452,473,474,489 +8687 - 24,25,26,27,28,29,30,31,45,46,47,48,49,50,51,52,53,54,55,56,68,69,74,75,76,77,78,79,98,99,100,101,102,103,123,124,125,126,146,147,148,169,170,171,190,191,192,193,200,201,202,203,204,205,206,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,270,271,272,276,277,278,279,280,300,301,302,303,311,312,323,324,325,326,333,334,335,336,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,412,413,414,415,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456,457,488 +8688 - 118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,161,162,163,164,165,166,167,168,169,177,178,179,180,181,182,183,186,187,188,189,190,191,199,200,201,202,203,208,209,210,211,212,213,214,221,222,223,224,225,227,228,229,230,231,232,233,234,235,236,243,244,245,246,247,248,249,250,251,252,253,255,256,257,258,265,266,267,268,269,270,271,272,273,274,277,278,279,280,289,290,291,292,293,294,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,370,389,390,391,392,411,412,413,414,415,416,434,435,436,437,438,456,457,458,459,460,479,480,481,482,494 +8689 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,102,103,104,105,114,115,116,117,125,126,127,128,137,138,139,140,148,149,150,159,160,161,162,163,169,170,171,183,184,185,186,189,190,191,193,206,207,208,209,210,211,212,213,215,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,278,282,283,292,293,294,295,296,297,298,299,300,304,305,313,314,315,316,317,321,322,323,326,334,335,336,337,343,344,345,356,357,358,365,366,367,377,378,379,387,388,389,400,401,408,409,410,411,422,423,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +8690 - 54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,101,103,104,105,106,118,119,120,121,127,128,129,139,140,141,142,149,150,151,161,162,163,171,172,173,182,183,184,193,194,195,204,205,214,215,216,226,227,234,235,236,237,248,249,255,256,257,258,270,271,276,277,278,279,293,294,295,296,297,298,299,315,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,364,365,366,380,381,382,386,387,388,389,402,403,404,410,411,424,425,426,431,432,433,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,493 +8691 - 69,70,71,72,73,74,91,92,93,94,95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,124,140,141,142,143,144,145,146,147,148,163,164,167,168,169,170,171,190,191,192,193,213,214,215,235,236,237,238,257,258,259,278,279,280,281,299,300,301,302,320,321,322,323,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,451,452,468,469,470,471,472,473,492 +8692 - 52,53,73,74,75,96,97,98,118,119,120,140,141,142,162,163,164,165,185,186,187,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,454,474,475,486 +8693 - 10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,65,73,74,75,76,77,79,80,81,87,94,95,96,97,102,103,104,116,117,118,124,125,126,146,147,148,168,169,170,190,191,192,193,212,213,214,234,235,236,245,246,247,248,249,250,251,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,318,319,320,321,322,323,324,325,332,333,334,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,358,359,360,361,362,363,364,367,368,369,370,371,376,377,378,379,380,381,382,383,384,391,392,393,394,398,399,400,401,402,403,404,405,415,416,421,422,423,424,487 +8694 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,210,211,212,213,214,223,224,225,226,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,278,279,291,292,293,294,295,296,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,494 +8695 - 33,34,35,36,37,54,55,56,57,58,59,78,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,447,448,449,486 +8696 - 58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,160,161,162,182,183,184,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,291,292,293,294,298,299,300,313,314,315,320,321,322,342,343,344,363,364,365,366,380,385,386,387,388,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,490 +8697 - 76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,144,145,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,201,202,203,204,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,249,250,251,252,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,450,451,452,471,472,473,474,475,494 +8698 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,138,139,140,145,146,147,160,161,167,168,169,170,181,182,183,187,188,189,190,191,192,203,204,209,210,211,212,213,225,226,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,276,277,278,297,298,299,319,320,321,340,341,342,362,363,364,384,385,405,406,407,427,428,429,448,449,450,470,471,472,494 +8699 - 77,78,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,181,182,183,184,185,202,203,204,205,206,207,224,225,226,227,228,229,230,231,247,248,251,252,253,254,274,275,276,277,297,298,299,320,321,322,342,343,344,356,357,364,365,366,378,379,385,386,387,388,400,401,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,468,469,490 +8700 - 100,101,102,103,104,120,121,122,123,124,125,126,127,141,142,143,144,145,147,148,149,162,163,164,165,168,169,170,171,183,184,185,189,190,191,192,193,205,206,207,211,212,213,214,226,227,228,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,295,296,297,298,317,318,319,338,339,340,341,360,361,362,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470,494 +8701 - 63,64,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,160,161,162,163,164,181,182,183,184,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,252,253,254,255,256,277,278,279,291,292,293,294,295,296,297,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,490 +8702 - 12,13,14,15,16,17,33,34,35,36,37,38,39,40,54,55,56,57,74,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,181,182,183,184,203,204,205,224,225,226,227,246,247,248,254,255,256,257,258,268,269,270,274,275,276,277,278,279,280,281,290,291,292,295,296,297,298,302,303,304,313,314,317,318,324,325,326,335,336,337,346,347,348,349,357,358,359,368,369,370,380,381,382,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,491 +8703 - 51,52,53,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,125,126,127,128,129,136,137,138,139,140,141,149,150,151,152,157,158,159,160,161,162,171,172,173,174,179,180,181,182,183,193,194,195,196,197,201,202,203,204,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,335,348,349,350,351,354,355,356,357,370,371,372,373,377,378,379,380,392,393,394,399,400,401,402,403,404,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,485 +8704 - 35,36,37,57,58,59,78,79,80,81,100,101,102,121,122,123,124,143,144,145,165,166,186,187,188,208,209,210,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,316,317,318,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,491 +8705 - 54,55,56,76,77,78,96,97,98,99,100,101,118,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,452,471,472,473,474,486 +8706 - 100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,209,210,211,212,213,223,224,231,232,233,234,252,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +8707 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,486 +8708 - 50,51,59,60,71,72,73,80,81,82,93,94,95,102,103,104,115,116,117,124,125,126,137,138,139,145,146,147,148,159,160,161,167,168,169,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,320,321,322,341,342,343,363,364,365,366,385,386,387,407,408,409,429,430,450,451,452,472,473,474,489 +8709 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,211,212,213,214,223,224,225,232,233,234,235,245,246,247,248,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,430,431,432,433,453,454,455,474,475,476,477,494 +8710 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,80,81,82,95,96,97,98,103,104,105,117,118,119,125,126,127,138,139,140,146,147,148,149,160,161,162,167,168,169,170,182,183,184,188,189,190,191,204,205,206,208,209,210,211,212,226,227,228,229,230,231,232,233,249,250,251,252,253,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,320,321,322,323,324,336,337,338,344,345,346,347,358,359,360,367,368,369,380,381,382,383,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,493 +8711 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,105,116,117,125,126,127,137,138,139,148,149,150,159,160,161,170,171,172,182,183,184,192,193,194,204,205,206,207,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,339,343,344,357,358,359,365,366,367,379,380,381,382,383,387,388,389,403,404,405,406,407,409,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,473,474,475,476,493 +8712 - 32,33,34,35,54,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,145,146,147,161,162,163,164,167,168,169,182,183,184,185,189,190,191,204,205,206,211,212,213,226,227,228,234,235,248,249,250,256,257,270,271,272,278,279,292,293,294,300,301,314,315,316,321,322,323,336,337,338,343,344,345,358,359,360,365,366,367,381,382,383,386,387,388,403,404,405,406,407,408,409,410,426,427,428,429,430,431,432,449,450,451,452,453,485 +8713 - 9,10,11,12,29,30,31,32,33,34,35,36,37,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,80,81,82,83,92,93,94,95,96,97,103,104,105,106,115,116,117,118,126,127,128,129,138,139,149,150,151,171,172,173,193,194,195,215,216,217,237,238,239,259,260,261,267,271,272,281,282,283,288,289,290,291,292,293,294,295,296,297,298,302,303,304,305,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,330,331,332,333,340,341,342,343,344,345,346,347,348,352,353,354,364,365,366,367,368,369,374,375,376,377,378,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,487 +8714 - 77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,317,318,319,320,321,322,323,339,340,341,342,343,344,345,360,361,362,363,366,367,382,383,384,385,388,389,390,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +8715 - 52,53,54,55,56,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,146,147,148,149,150,151,160,161,162,170,171,172,173,181,182,183,184,193,194,195,196,202,203,204,205,216,217,218,224,225,226,227,238,239,240,246,247,248,260,261,262,267,268,269,270,282,283,284,289,290,291,304,305,311,312,313,325,326,327,333,334,335,347,348,349,354,355,356,357,368,369,370,371,377,378,379,389,390,391,392,399,400,401,402,410,411,412,413,421,422,423,424,425,426,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,485 +8716 - 5,6,27,28,49,50,71,72,92,93,94,114,115,116,136,137,138,145,146,147,148,149,157,158,159,160,167,168,169,170,171,172,179,180,181,188,189,190,191,192,193,194,195,201,202,203,209,210,211,212,213,214,215,216,217,218,223,224,225,231,232,233,234,238,239,240,245,246,247,253,254,255,256,260,261,262,267,268,269,275,276,277,278,282,283,284,289,290,291,297,298,299,300,303,304,305,306,311,312,313,314,319,320,321,322,323,324,325,326,327,334,335,336,337,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,491 +8717 - 49,50,51,70,71,72,73,85,86,92,93,94,106,107,108,113,114,115,116,126,127,128,129,130,135,136,137,138,148,149,150,157,158,159,169,170,171,172,179,180,181,191,192,193,201,202,203,212,213,214,215,223,224,225,226,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,298,299,300,301,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,472,473,474,489 +8718 - 30,31,32,33,50,51,52,53,54,55,56,72,73,74,77,78,79,93,94,95,99,100,101,102,115,116,117,123,124,125,126,136,137,138,146,147,148,149,157,158,159,169,170,171,172,179,180,181,192,193,194,195,200,201,202,215,216,217,222,223,224,238,239,240,244,245,246,260,261,262,263,266,267,268,283,284,285,288,289,290,306,307,310,311,312,328,329,333,334,335,350,351,355,356,357,371,372,373,377,378,379,380,391,392,393,394,400,401,402,403,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,485 +8719 - 120,121,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,201,202,203,204,205,206,207,223,224,225,226,227,228,229,230,251,252,253,254,274,275,276,297,298,299,312,313,320,321,322,334,335,342,343,344,358,364,365,366,380,381,382,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,490 +8720 - 112,113,114,115,120,121,122,123,134,135,136,137,138,139,140,141,142,143,144,145,156,157,158,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,189,208,209,210,211,225,226,227,228,229,230,231,232,233,240,241,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,492 +8721 - 12,13,14,15,16,34,35,36,37,38,56,57,58,59,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,145,163,164,165,166,167,184,185,186,187,205,206,207,208,227,228,229,230,235,236,248,249,250,251,255,256,257,258,259,260,270,271,272,273,275,276,277,278,279,280,281,282,291,292,293,294,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +8722 - 98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,146,147,148,149,158,159,160,161,162,163,164,168,169,170,171,179,180,181,182,183,189,190,191,192,193,201,202,203,204,210,211,212,213,214,222,223,224,225,230,231,232,233,234,235,236,244,245,246,247,251,252,253,254,255,256,257,258,266,267,268,269,271,272,273,274,275,276,278,279,280,281,288,289,290,291,292,293,294,295,296,297,300,301,302,303,311,312,313,314,315,316,317,322,323,324,325,337,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,458,477,478,479,480,494 +8723 - 65,84,85,86,87,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,130,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,210,224,225,226,227,228,247,248,249,250,251,271,272,273,274,294,295,296,297,314,315,316,317,318,319,320,335,336,337,340,341,342,356,357,358,359,362,363,364,365,378,379,384,385,386,387,400,401,402,404,405,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,469,490 +8724 - 35,36,37,57,58,79,80,94,95,101,102,116,117,123,124,125,138,139,145,146,147,159,160,161,167,168,169,181,182,183,190,191,203,204,205,212,213,225,226,227,234,235,247,248,249,250,251,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,318,319,321,322,323,344,345,366,367,388,389,410,411,432,433,454,455,489 +8725 - 52,53,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,142,143,147,148,149,150,151,158,159,160,161,171,172,173,174,180,181,182,193,194,195,196,201,202,203,204,216,217,218,219,223,224,225,226,238,239,240,241,245,246,247,261,262,263,266,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,327,328,329,332,333,334,349,350,351,354,355,356,370,371,372,373,376,377,378,379,380,381,382,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,485 +8726 - 69,70,71,72,73,90,91,92,93,94,95,112,113,114,115,116,117,118,134,135,136,137,138,139,140,148,149,150,151,156,157,158,159,160,170,171,172,173,177,178,179,180,181,192,193,194,195,199,200,201,202,213,214,215,216,217,221,222,223,224,234,235,236,237,238,239,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,346,347,348,349,368,369,370,371,390,391,392,393,394,412,413,414,415,416,434,435,436,437,438,458,459,460,489 +8727 - 7,8,9,10,11,28,29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,71,72,73,78,79,80,81,82,83,94,95,103,104,105,117,125,126,127,128,147,148,149,150,169,170,171,172,191,192,193,194,205,206,207,208,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,281,301,302,303,304,323,324,325,326,346,347,348,368,369,370,374,375,376,377,378,379,380,382,390,391,392,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,488 +8728 - 54,55,56,57,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,122,123,124,125,126,138,139,140,144,145,146,147,148,159,160,161,165,166,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,234,235,236,237,256,257,258,259,278,279,280,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,383,384,385,386,387,388,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,445,446,447,448,449,450,468,469,470,471,494 +8729 - 70,71,72,73,74,92,93,94,95,96,97,98,115,116,117,118,119,120,121,122,138,139,140,141,142,143,144,145,160,161,162,165,166,167,168,183,184,188,189,190,191,205,206,211,212,213,214,227,228,229,234,235,236,249,250,256,257,258,278,279,280,299,300,301,302,321,322,323,324,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,450,451,452,453,472,473,474,492 +8730 - 54,59,60,75,76,77,81,82,83,97,98,99,103,104,105,119,120,121,125,126,127,140,141,142,147,148,149,161,162,163,169,170,171,183,184,185,191,192,193,204,205,206,207,213,214,215,225,226,227,228,235,236,247,248,249,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,321,322,323,343,344,345,365,366,367,387,388,409,410,430,431,432,452,453,454,474,475,476,489 +8731 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,149,160,161,162,163,169,170,171,181,182,183,191,192,193,203,204,205,213,214,215,224,225,226,235,236,237,246,247,248,249,250,251,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,300,301,302,321,322,323,343,344,345,364,365,366,386,387,388,408,409,410,429,430,431,451,452,453,472,473,474,494 +8732 - 13,14,15,16,17,34,35,36,37,38,39,56,57,58,77,78,79,98,99,100,119,120,121,122,141,142,143,163,164,165,185,186,206,207,208,228,229,230,248,249,250,251,252,270,271,272,273,274,275,292,293,294,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,344,360,361,362,364,365,366,382,383,384,385,386,387,388,405,406,407,408,409,410,428,429,430,431,491 +8733 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,116,117,118,119,123,124,125,137,138,139,140,146,147,158,159,160,161,167,168,169,180,181,182,189,190,202,203,210,211,212,224,225,226,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,299,300,301,321,322,323,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,472,473,474,494 +8734 - 125,126,127,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,191,192,193,213,214,215,234,235,236,237,256,257,258,278,279,280,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,428,429,430,449,450,451,452,471,472,473,492 +8735 - 29,30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,81,82,83,92,93,94,95,103,104,105,114,115,125,126,127,147,148,149,162,168,169,170,171,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,251,252,255,256,257,258,259,279,280,281,302,303,304,324,325,326,331,332,346,347,348,353,354,355,356,357,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,488 +8736 - 100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,231,232,233,234,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,431,448,449,450,451,469,470,471,472,473,492 +8737 - 114,115,116,119,120,121,122,123,124,125,126,135,136,137,138,140,141,142,143,144,145,146,147,148,149,150,157,158,161,162,163,164,165,169,170,171,172,173,178,179,180,182,183,184,185,192,193,194,195,199,200,201,204,205,206,215,216,217,218,221,222,223,227,228,237,238,239,240,243,244,245,260,261,262,265,266,267,282,283,284,287,288,289,304,305,306,309,310,311,312,326,327,328,332,333,334,335,336,348,349,350,355,356,357,358,359,360,361,362,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,485 +8738 - 78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,169,170,171,172,182,183,184,185,191,192,193,204,205,206,212,213,214,215,225,226,227,228,234,235,236,247,248,249,255,256,257,258,269,270,271,276,277,278,279,291,292,293,297,298,299,300,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,364,365,386,387,407,408,409,429,430,431,451,452,453,473,474,475,476,494 +8739 - 2,3,4,5,6,24,25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,69,72,73,74,75,76,77,78,79,80,81,101,102,103,104,123,124,125,126,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,214,215,216,217,224,225,237,238,239,240,260,261,262,283,284,285,305,306,307,311,312,313,327,328,329,332,333,334,335,336,337,338,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,425,426,427,428,429,430,431,432,433,434,488 +8740 - 70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,119,120,121,122,123,124,125,132,133,134,135,136,137,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,200,201,202,203,204,205,206,207,208,209,210,211,212,230,231,232,233,234,235,236,251,252,253,254,255,256,257,258,259,273,274,275,278,279,280,281,282,294,295,296,297,301,302,303,304,316,317,318,324,325,326,327,338,339,340,347,348,349,360,361,362,369,370,371,382,383,384,385,386,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,436,451,452,453,454,455,456,457,493 +8741 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,295,296,297,298,317,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +8742 - 50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,100,101,102,103,113,114,123,124,125,144,145,146,165,166,167,185,186,187,188,204,205,206,207,208,209,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,275,276,277,278,279,299,300,301,322,323,324,344,345,346,366,367,368,387,388,389,401,402,407,408,409,410,411,423,424,425,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +8743 - 31,32,33,53,54,55,56,74,75,76,77,78,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,166,167,168,169,170,171,172,181,182,183,190,191,192,193,194,202,203,204,205,212,213,214,215,216,217,224,225,226,234,235,236,237,238,239,245,246,247,248,258,259,260,261,267,268,269,281,282,283,284,288,289,290,291,303,304,305,310,311,312,325,326,327,331,332,333,334,346,347,348,349,353,354,355,356,367,368,369,370,375,376,377,387,388,389,390,391,397,398,399,400,403,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,485 +8744 - 74,75,76,77,78,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,144,145,146,147,159,160,161,167,168,169,170,181,182,189,190,191,192,203,204,205,211,212,213,214,225,226,227,233,234,235,247,248,249,250,255,256,257,269,270,271,272,273,276,277,278,279,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,365,366,367,387,388,409,410,431,432,433,453,454,455,474,475,476,494 +8745 - 60,61,62,75,76,82,83,84,85,96,97,98,104,105,106,107,116,117,118,119,120,125,126,127,128,129,137,138,139,140,141,142,147,148,149,158,159,160,161,162,168,169,170,179,180,181,182,190,191,192,201,202,203,204,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,429,430,431,432,433,450,451,452,453,454,455,473,474,475,489 +8746 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,169,182,183,184,190,191,203,204,205,206,211,212,213,225,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,299,300,301,316,321,322,323,343,344,345,365,366,367,387,388,409,410,431,432,453,454,475,476,494 +8747 - 75,76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,145,146,147,148,159,160,161,168,169,170,181,182,183,190,191,192,203,204,212,213,214,225,226,233,234,235,247,248,254,255,256,257,269,270,271,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,431,450,451,452,472,473,474,494 +8748 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,101,102,103,104,116,117,118,119,124,125,126,137,138,139,140,146,147,148,158,159,160,161,167,168,169,170,180,181,182,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,275,276,277,278,296,297,298,299,300,315,316,317,318,319,320,321,322,323,324,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,444,445,446,487 +8749 - 56,57,58,59,60,62,78,79,80,81,82,83,84,85,86,87,100,101,102,103,104,105,106,107,108,109,121,122,123,124,125,127,128,131,141,142,143,144,145,146,162,163,164,165,166,182,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,252,253,254,275,276,277,298,299,300,321,322,323,333,334,335,336,342,343,344,345,354,355,356,357,358,359,360,361,362,363,364,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,490 +8750 - 31,32,33,34,53,54,55,56,74,75,76,77,80,81,95,96,97,98,100,101,102,103,104,105,117,118,119,120,122,123,124,125,126,127,128,139,140,141,147,148,149,150,151,160,161,162,171,172,173,174,181,182,183,184,193,194,195,196,202,203,204,205,216,217,218,224,225,226,227,238,239,240,245,246,247,248,260,261,262,267,268,269,281,282,283,284,289,290,291,303,304,305,311,312,313,324,325,326,327,333,334,335,345,346,347,348,355,356,357,366,367,368,369,377,378,379,380,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +8751 - 52,53,54,73,74,75,83,84,94,95,96,97,105,106,115,116,117,118,127,128,136,137,138,139,148,149,150,158,159,160,170,171,172,179,180,181,182,192,193,194,201,202,203,204,214,215,216,222,223,224,225,235,236,237,238,244,245,246,247,248,257,258,259,260,267,268,269,270,271,279,280,281,290,291,292,293,294,295,296,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,345,346,347,365,366,367,368,387,388,389,390,408,409,410,411,430,431,432,433,452,453,454,455,473,474,475,476,489 +8752 - 29,30,31,32,33,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,98,99,100,101,116,120,121,122,123,142,143,144,145,163,164,165,166,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,255,256,257,258,259,260,280,281,282,302,303,304,324,325,326,345,346,347,348,357,358,359,366,367,368,369,370,378,379,380,381,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,488 +8753 - 69,70,71,72,73,91,92,93,94,95,96,97,113,114,115,116,117,118,119,120,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,170,180,187,188,189,190,191,192,193,194,212,213,214,215,216,235,236,237,238,257,258,259,260,279,280,281,282,300,301,302,303,321,322,323,324,325,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,492 +8754 - 89,90,91,92,95,96,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,170,171,172,177,178,191,192,193,198,199,200,213,214,215,221,222,223,235,236,237,243,244,256,257,258,278,279,280,293,294,295,296,300,301,302,315,316,317,318,319,320,321,322,323,324,325,326,339,340,341,342,343,344,345,346,347,348,365,366,367,368,369,388,389,390,410,411,412,432,433,454,455,456,476,477,478,492 +8755 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,146,147,148,149,150,159,160,161,162,168,169,170,171,172,180,181,182,189,190,191,192,193,194,201,202,203,210,211,212,213,214,215,223,224,225,232,233,234,235,236,245,246,247,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +8756 - 94,95,96,97,98,99,100,114,115,116,117,118,120,121,122,123,136,137,144,145,146,157,158,159,167,168,179,180,189,190,201,202,211,212,224,225,232,233,234,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,277,278,299,300,321,322,343,344,365,366,387,388,409,410,431,432,453,454,455,476,477,494 +8757 - 70,71,72,73,74,75,91,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,136,137,143,144,145,146,147,148,159,160,167,168,169,170,191,192,213,214,234,235,236,256,257,258,277,278,279,280,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,492 +8758 - 56,57,58,59,60,78,79,80,81,82,100,101,102,103,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,294,295,296,297,316,317,318,337,338,339,340,359,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,469,470,471,486 +8759 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,149,150,151,152,153,159,160,161,162,163,164,172,173,174,175,180,181,182,183,184,185,195,196,197,202,203,204,205,206,207,217,218,219,223,224,225,226,227,228,239,240,241,245,246,247,248,249,250,261,262,263,266,267,268,269,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,350,354,355,356,357,358,366,367,368,369,370,371,377,378,379,380,381,382,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +8760 - 56,57,58,78,79,80,99,100,101,121,122,123,142,143,144,145,164,165,166,185,186,187,188,207,208,209,210,229,230,231,251,252,253,273,274,275,295,296,317,318,338,339,340,360,361,362,382,383,384,404,405,406,426,427,428,449,450,451,452,471,472,473,474,486 +8761 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,404,405,406,407,408,427,428,429,430,449,450,451,486 +8762 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,80,81,95,96,97,102,103,116,117,118,119,125,126,138,139,140,147,148,161,162,170,183,184,191,192,206,207,208,209,210,211,213,214,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,293,294,295,301,302,315,316,317,324,325,338,339,346,347,360,361,368,369,382,383,390,391,404,405,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,493 +8763 - 32,33,34,35,36,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,144,145,146,147,158,159,160,161,162,166,167,168,169,180,181,182,183,187,188,189,190,191,203,204,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,328,329,336,337,338,339,340,341,342,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,421,422,423,424,425,426,427,430,431,432,433,434,435,436,437,444,445,446,447,456,487 +8764 - 29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,100,101,102,103,123,124,125,126,146,147,148,168,169,170,190,191,192,212,213,233,234,235,255,256,276,277,278,298,299,300,319,320,321,336,337,338,339,341,342,357,358,359,360,361,362,363,364,379,380,381,382,383,384,385,386,387,388,401,402,404,405,406,407,408,409,410,411,423,424,425,426,427,428,445,446,447,448,449,487 +8765 - 69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,387,388,389,390,391,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,488 +8766 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,73,74,76,77,78,79,80,81,101,102,103,125,168,169,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,228,229,230,231,232,252,253,254,255,275,276,277,278,298,299,300,301,321,322,323,344,345,365,366,367,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,446,447,448,488 +8767 - 36,37,38,58,59,60,61,72,73,74,80,81,82,83,94,95,96,102,103,104,115,116,117,118,124,125,126,137,138,139,145,146,147,148,159,160,161,167,168,169,170,180,181,182,183,189,190,191,202,203,204,205,211,212,213,224,225,226,227,228,229,233,234,235,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,318,319,320,321,322,323,334,335,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,489 +8768 - 9,10,11,12,31,32,33,34,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,137,138,139,140,142,143,144,145,159,160,161,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,344,345,346,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,433,434,486 +8769 - 98,99,100,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,159,160,161,162,167,168,169,170,171,172,180,181,182,183,202,203,204,205,223,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,298,299,300,320,321,322,341,342,343,344,355,356,357,362,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +8770 - 49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,121,122,123,142,143,144,145,163,164,165,166,185,186,187,188,206,207,208,209,227,228,229,230,231,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,322,323,324,343,344,345,346,365,366,367,368,386,387,388,389,390,407,408,409,410,411,426,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,488 +8771 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,204,205,206,207,225,226,227,228,229,235,236,237,247,248,249,250,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,278,279,280,281,282,283,290,291,292,293,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,323,324,325,326,335,336,337,338,339,340,341,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,491 +8772 - 7,8,9,10,11,12,28,29,30,31,49,50,51,52,71,72,73,93,94,114,115,116,135,136,137,157,158,159,167,168,169,170,171,172,173,179,180,186,187,188,189,190,191,192,193,194,195,196,201,202,207,208,209,210,211,215,216,217,218,219,223,224,227,228,229,230,231,239,240,241,245,246,248,249,250,251,262,263,267,268,269,270,271,272,284,285,289,290,291,292,293,306,307,311,312,313,314,327,328,329,333,334,335,336,337,338,347,348,349,350,351,356,357,358,359,360,361,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,491 +8773 - 95,96,97,98,99,100,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,166,167,168,169,170,181,182,183,184,189,190,191,203,204,205,206,211,212,213,224,225,226,227,232,233,234,235,247,248,249,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,473,492 +8774 - 54,55,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,165,166,167,168,169,183,184,185,187,188,189,190,205,206,207,208,209,210,211,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,362,363,364,365,379,380,381,382,384,385,386,387,401,402,403,404,406,407,408,409,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,473,493 +8775 - 62,63,64,75,76,77,78,79,80,81,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,125,126,127,128,129,138,139,140,141,146,147,148,149,150,159,160,161,162,168,169,170,171,181,182,183,184,189,190,191,192,203,204,205,206,210,211,212,213,226,227,228,229,231,232,233,234,235,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,343,359,360,361,362,363,364,365,366,380,381,382,383,385,386,387,388,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +8776 - 6,7,8,28,29,30,31,32,33,50,51,52,53,54,55,56,74,75,76,77,78,79,98,99,100,101,102,121,122,123,124,125,144,145,146,147,167,168,169,189,190,191,211,212,213,234,235,247,256,257,258,268,269,270,271,272,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,315,316,317,318,319,320,321,322,323,324,325,333,334,335,340,341,342,343,344,345,346,355,356,357,366,367,368,377,378,379,387,388,389,400,401,402,409,410,411,422,423,424,425,430,431,432,433,487 +8777 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,138,139,140,141,146,147,160,161,162,167,168,169,182,183,184,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,276,277,278,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,494 +8778 - 75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,182,183,184,185,186,187,205,206,207,208,209,210,211,229,230,231,232,233,252,253,254,255,256,275,276,277,278,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,406,407,408,409,410,423,424,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +8779 - 54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,127,128,129,130,136,137,138,139,140,141,143,144,150,151,152,153,157,158,159,160,161,162,173,174,175,178,179,180,181,182,183,195,196,197,200,201,202,203,204,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,260,261,262,266,267,268,269,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,325,326,327,328,332,333,334,335,346,347,348,349,354,355,356,357,367,368,369,370,371,376,377,378,379,388,389,390,391,392,398,399,400,401,402,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474,485 +8780 - 33,34,35,36,37,38,39,40,50,51,52,53,54,55,56,57,58,59,60,61,62,63,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,92,93,94,95,96,97,98,99,100,105,106,107,114,115,116,117,127,128,129,149,150,151,171,172,173,193,194,195,214,215,216,217,236,237,238,239,258,259,260,268,269,270,271,272,273,274,275,276,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,319,320,321,322,323,324,325,332,333,341,342,343,344,345,346,353,354,355,363,364,365,366,367,368,375,376,377,378,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,433,434,435,444,445,446,447,448,449,455,456,487 +8781 - 57,58,59,78,79,80,81,100,101,102,103,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,486 +8782 - 62,74,75,76,77,78,79,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,162,163,164,165,166,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,273,274,275,276,295,296,297,298,299,318,319,320,321,322,340,341,342,343,344,345,355,363,364,365,366,367,368,377,378,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,490 +8783 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,101,102,103,104,117,118,119,120,124,125,126,139,140,141,142,145,146,147,148,162,163,167,168,169,170,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,271,272,273,274,275,292,293,294,295,296,313,314,315,316,317,321,322,323,324,325,326,327,328,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,487 +8784 - 98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,168,169,170,171,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,297,298,299,300,318,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,448,449,450,469,470,471,472,492 +8785 - 51,52,53,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,300,301,302,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,488 +8786 - 76,77,78,79,80,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,144,145,146,147,160,161,162,166,167,168,169,181,182,183,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,231,232,233,234,235,246,247,251,252,255,256,257,267,268,269,272,273,274,277,278,279,289,290,291,293,294,295,299,300,301,312,313,314,315,316,321,322,323,334,335,336,343,344,345,366,367,387,388,389,409,410,411,432,433,453,454,455,475,476,477,494 +8787 - 59,60,61,81,82,83,96,97,102,103,104,117,118,119,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,189,190,191,203,204,205,206,210,211,212,213,225,226,227,228,232,233,234,235,247,248,249,250,251,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,316,317,318,319,320,321,322,335,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +8788 - 8,9,29,30,31,51,52,72,73,74,94,95,96,116,117,137,138,139,159,160,161,181,182,183,193,194,195,196,197,203,204,205,211,212,213,214,215,216,217,218,219,225,226,227,231,232,233,234,235,236,237,238,239,240,241,247,248,249,251,252,253,254,255,256,263,269,270,271,272,273,274,275,276,284,285,291,292,293,294,295,296,305,306,307,313,314,315,316,317,326,327,328,336,337,338,347,348,349,358,359,360,361,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +8789 - 100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,180,181,182,183,202,203,204,205,206,207,224,225,226,227,228,229,230,231,232,247,248,249,250,251,252,253,254,255,256,274,275,276,277,278,298,299,300,301,320,321,322,323,341,342,343,344,355,356,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,424,425,426,427,428,490 +8790 - 54,55,56,57,58,76,77,78,79,80,98,100,101,102,122,123,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,486 +8791 - 2,12,13,14,15,24,33,34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,144,161,162,163,164,165,182,183,184,185,186,203,204,205,206,207,213,214,215,216,224,225,226,227,228,233,234,235,236,237,238,239,246,247,248,249,250,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,300,302,303,304,305,312,313,314,315,318,319,320,321,324,325,326,327,334,335,336,337,338,340,341,342,343,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,491 +8792 - 32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,385,386,387,407,408,409,429,430,431,432,451,452,453,486 +8793 - 96,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,168,169,170,171,181,182,183,184,185,186,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,409,410,426,427,428,429,430,431,447,448,449,450,451,452,468,469,470,471,472,473,492 +8794 - 33,34,35,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,102,103,104,118,119,120,121,125,126,140,141,142,147,148,149,161,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,292,293,294,300,301,302,303,314,315,316,322,323,324,336,337,338,343,344,345,346,358,359,360,364,365,366,367,380,381,382,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,447,448,449,450,451,485 +8795 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,125,126,127,128,140,141,142,143,147,148,149,150,162,163,164,168,169,170,171,172,184,185,186,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,336,337,338,339,340,342,343,344,358,359,360,364,365,366,379,380,381,382,385,386,387,388,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +8796 - 54,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,99,100,101,102,103,104,105,122,123,124,125,126,127,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,253,254,255,256,257,277,278,279,300,301,302,310,322,323,324,332,333,344,345,346,354,355,366,367,368,377,378,386,387,388,389,390,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,488 +8797 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,146,147,148,160,161,162,168,169,170,171,182,183,184,188,189,190,191,192,193,203,204,205,206,209,210,211,212,213,214,225,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,294,295,298,299,300,319,320,321,322,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,494 +8798 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,125,126,127,128,137,138,139,148,149,150,158,159,160,161,162,163,164,165,170,171,172,180,181,182,183,184,185,186,187,188,191,192,193,194,203,204,205,206,207,208,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,251,252,253,254,255,256,257,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,319,320,321,322,335,336,337,342,343,344,357,358,359,365,366,378,379,380,381,387,388,389,401,402,403,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,475,493 +8799 - 38,39,40,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,106,107,108,109,119,120,121,122,123,129,130,131,140,141,142,143,144,145,151,152,153,160,161,162,163,164,165,166,167,173,174,175,182,183,184,185,186,188,195,196,197,203,204,205,206,217,218,219,224,225,226,227,228,238,239,240,245,246,247,248,249,250,260,261,262,267,268,269,270,271,272,281,282,283,288,289,290,291,292,293,294,302,303,304,305,310,311,312,313,314,315,316,323,324,325,326,332,333,334,335,336,337,338,344,345,346,347,354,355,356,359,360,364,365,366,367,368,376,377,378,379,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +8800 - 55,56,57,77,78,79,98,99,100,101,120,121,122,123,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,486 +8801 - 36,37,38,57,58,59,60,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,205,207,208,209,210,211,227,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +8802 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,69,70,71,72,77,78,79,91,92,93,99,100,101,122,123,143,144,145,164,165,166,184,185,186,187,204,205,206,207,208,225,226,227,228,229,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,300,301,302,323,324,325,345,346,347,366,367,368,369,387,388,389,390,391,403,404,405,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,488 +8803 - 36,37,38,39,40,41,56,57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,185,186,189,190,191,192,193,209,210,211,212,213,214,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,408,409,410,411,412,413,414,419,420,421,422,423,424,431,432,441,442,443,444,445,487 +8804 - 24,25,46,47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,207,208,209,210,229,230,231,232,250,251,252,253,272,273,274,275,293,294,295,296,315,316,317,318,336,337,338,339,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,416,417,424,425,426,427,428,429,430,447,448,487 +8805 - 70,71,72,73,74,75,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,165,166,167,168,169,170,185,186,187,188,189,190,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,322,323,324,325,326,343,344,345,346,347,364,365,366,367,368,369,385,386,387,388,389,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,488 +8806 - 53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,452,453,474,475,486 +8807 - 62,63,64,83,84,85,86,97,98,105,106,107,108,118,119,120,126,127,128,129,140,141,142,147,148,149,150,161,162,163,164,168,169,170,171,182,183,184,185,189,190,191,192,193,204,205,206,207,211,212,213,214,225,226,227,228,232,233,234,235,246,247,248,249,250,254,255,256,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,316,317,318,319,320,321,322,333,334,335,338,339,340,341,342,360,361,362,381,382,383,384,403,404,405,425,426,427,447,448,449,450,469,470,471,489 +8808 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,97,98,106,107,119,120,127,128,140,141,161,162,163,183,184,205,206,227,228,249,252,253,254,271,272,273,274,275,276,277,293,294,295,296,297,298,299,320,321,341,342,343,363,364,378,379,385,386,400,401,406,407,422,427,428,429,444,445,447,448,449,450,466,467,468,469,470,490 +8809 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,147,148,149,158,159,160,161,162,163,168,169,170,171,180,181,182,183,190,191,192,202,203,204,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +8810 - 50,51,52,72,73,74,75,76,77,78,95,96,97,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,143,144,145,146,147,148,149,150,151,152,170,171,172,173,191,192,193,194,195,212,213,214,215,233,234,235,236,253,254,255,256,257,258,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,441,442,443,444,445,464,465,466,492 +8811 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,125,126,127,128,129,139,140,141,142,143,147,148,149,150,161,162,163,164,165,167,168,169,170,171,183,184,185,186,188,189,190,191,192,193,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,341,342,357,358,359,360,362,363,364,365,379,380,381,384,385,386,387,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +8812 - 50,51,52,53,54,55,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,120,121,122,123,124,133,134,135,144,145,146,165,166,167,168,187,188,189,190,207,208,209,210,211,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,304,324,325,326,346,347,348,362,363,367,368,369,370,382,383,384,385,389,390,391,392,403,404,405,406,410,411,412,413,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476,488 +8813 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,125,126,127,139,140,141,142,146,147,148,149,161,162,163,167,168,169,170,171,182,183,184,185,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,471,494 +8814 - 52,53,54,74,75,76,77,98,99,120,121,142,143,144,164,165,186,187,208,209,228,229,230,231,232,233,250,251,252,253,254,255,276,277,278,298,299,300,320,321,322,342,343,364,365,386,387,407,408,409,429,430,450,451,452,471,472,473,488 +8815 - 32,33,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,124,125,126,127,138,139,140,141,142,143,146,147,148,156,160,161,162,163,167,168,169,170,182,183,184,185,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,340,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,421,422,423,424,425,426,443,444,445,446,487 +8816 - 71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,116,117,119,120,121,122,123,143,144,145,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,450,451,472,473,492 +8817 - 34,35,36,37,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,137,138,139,140,141,145,146,147,148,158,159,160,161,162,167,168,169,170,179,180,181,182,183,188,189,190,191,201,202,203,204,209,210,211,212,213,224,225,231,232,233,234,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,487 +8818 - 102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,168,169,170,177,178,179,190,191,200,201,202,212,213,214,222,223,234,235,244,245,246,256,257,266,267,268,277,278,279,280,281,282,283,284,289,290,296,297,298,299,300,301,302,303,304,305,306,318,319,320,321,322,323,326,327,328,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,474,475,476,477,492 +8819 - 96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,168,169,170,171,181,182,183,184,185,189,190,191,192,203,204,205,206,211,212,213,225,226,227,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,467,468,469,470,492 +8820 - 73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,121,122,123,124,125,126,136,137,138,146,147,148,157,158,159,160,168,169,170,171,179,180,181,190,191,192,200,201,202,212,213,214,222,223,224,234,235,236,244,245,246,255,256,257,258,266,267,268,276,277,278,279,280,289,290,291,292,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,322,323,324,335,336,337,338,339,340,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,477,478,494 +8821 - 13,14,15,16,17,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,237,238,239,247,248,249,250,254,255,256,257,258,259,260,261,268,269,270,271,272,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,300,302,303,304,305,312,313,314,315,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +8822 - 51,52,53,54,55,56,72,73,74,75,76,77,78,79,93,94,95,96,97,99,100,101,115,116,117,118,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,203,204,205,206,207,226,227,228,229,230,249,250,251,252,253,254,273,274,275,276,277,296,297,298,299,300,320,321,322,323,343,344,345,365,366,367,368,388,389,390,400,401,402,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +8823 - 61,62,63,82,83,84,85,95,96,104,105,106,107,116,117,118,119,126,127,128,137,138,139,140,141,147,148,149,150,159,160,161,162,169,170,171,181,182,183,190,191,192,193,202,203,204,205,212,213,214,224,225,226,227,228,229,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,295,296,297,298,299,300,301,302,310,311,312,313,314,319,320,321,322,333,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +8824 - 79,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,141,142,143,147,148,149,150,168,169,170,171,189,190,191,192,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,467,468,492 +8825 - 91,92,93,94,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,471,492 +8826 - 46,47,48,49,50,51,52,53,68,69,70,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,121,122,123,144,145,166,167,168,188,189,190,209,210,211,228,229,230,231,232,233,249,250,251,252,253,254,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,344,345,346,367,368,389,390,411,412,424,425,426,431,432,433,434,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,488 +8827 - 54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,364,365,366,367,368,378,379,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,488 +8828 - 79,80,81,98,99,100,101,102,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,160,161,162,166,167,168,169,181,182,183,188,189,190,191,202,203,204,209,210,211,212,213,224,225,226,231,232,233,234,235,246,247,252,253,254,255,256,257,268,269,270,272,273,274,275,277,278,279,291,292,293,294,295,296,299,300,301,314,315,316,317,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,412,431,432,433,434,435,454,455,456,476,477,478,494 +8829 - 124,125,126,127,128,129,130,131,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,203,204,205,206,207,225,226,227,228,247,248,249,250,251,252,270,271,272,273,274,275,295,296,297,317,318,319,320,339,340,341,355,356,359,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,490 +8830 - 30,31,32,33,52,53,54,55,74,75,76,77,96,97,98,99,118,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,433,452,453,454,486 +8831 - 62,63,64,65,83,84,85,86,87,104,105,106,107,108,117,118,125,126,127,128,129,138,139,140,147,148,149,150,160,161,162,169,170,171,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,261,262,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,359,360,361,362,381,382,383,402,403,404,423,424,425,426,445,446,447,467,468,469,489 +8832 - 29,30,31,32,51,52,53,54,72,73,74,75,94,95,96,97,99,100,101,102,115,116,117,118,120,121,122,123,124,125,126,137,138,139,142,143,144,145,146,147,148,149,159,160,161,168,169,170,171,172,181,182,183,189,190,191,192,193,194,203,204,205,210,211,212,213,214,215,216,224,225,226,227,232,233,234,237,238,246,247,248,253,254,255,256,259,260,268,269,270,274,275,276,277,280,281,282,290,291,292,293,296,297,298,302,303,304,313,314,315,317,318,319,320,324,325,326,335,336,337,339,340,341,345,346,347,348,357,358,359,360,361,362,363,367,368,369,379,380,381,382,383,384,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,485 +8833 - 36,37,38,58,59,60,61,79,80,81,82,83,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,224,225,229,230,231,232,233,251,252,253,254,272,273,274,275,276,293,294,295,296,297,315,316,317,318,336,337,338,339,340,357,358,359,360,361,379,380,381,382,383,401,402,403,404,422,423,424,425,426,445,446,447,486 +8834 - 98,99,100,118,119,120,121,122,123,139,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,191,204,205,206,207,209,211,212,213,227,228,233,234,235,255,256,257,277,278,279,298,299,300,320,321,322,342,343,344,364,365,385,386,387,407,408,409,429,430,431,451,452,472,473,474,492 +8835 - 55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,118,119,120,121,125,126,127,128,129,130,131,136,137,138,139,140,141,148,149,150,151,158,159,160,161,169,170,171,172,173,180,181,182,190,191,192,193,194,202,203,204,205,211,212,213,214,215,225,226,227,228,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,343,357,358,359,360,361,363,364,365,378,379,380,381,382,385,386,387,400,401,402,403,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +8836 - 33,34,35,54,55,56,57,58,76,77,78,79,80,81,99,100,101,102,103,104,122,123,124,125,126,127,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,191,192,193,194,204,205,206,207,213,214,215,216,224,225,226,227,228,235,236,237,238,245,246,247,248,257,258,259,260,266,267,268,269,279,280,281,282,288,289,290,291,301,302,303,304,310,311,312,322,323,324,325,332,333,334,343,344,345,346,354,355,356,364,365,366,367,376,377,378,379,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +8837 - 57,58,59,60,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,148,150,151,152,153,160,161,162,163,164,165,166,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,216,217,218,219,224,225,226,227,238,239,240,241,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,288,289,290,291,292,302,303,304,305,310,311,312,313,314,323,324,325,326,327,332,333,334,335,344,345,346,347,348,354,355,356,357,358,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,485 +8838 - 7,8,9,29,30,31,50,51,52,53,71,72,73,74,93,94,95,96,115,116,117,137,138,139,158,159,160,161,169,170,171,180,181,182,183,190,191,192,193,194,202,203,204,205,211,212,213,214,215,216,217,218,224,225,226,227,232,233,234,235,237,238,239,240,246,247,248,249,254,255,256,260,261,262,269,270,271,276,277,278,279,282,283,284,291,292,293,298,299,300,301,303,304,305,306,313,314,315,316,320,321,322,323,324,325,326,327,336,337,338,339,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,412,413,491 +8839 - 122,123,124,140,141,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,188,191,192,193,194,195,196,197,202,203,204,205,206,207,224,225,226,227,247,248,249,250,251,252,270,271,272,273,274,275,294,295,296,297,298,318,319,320,334,335,336,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,400,401,402,403,404,405,406,490 +8840 - 69,70,71,72,73,74,75,76,88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,114,118,120,121,122,143,144,165,166,167,185,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,279,280,281,282,283,303,304,305,326,327,348,349,370,371,392,393,413,414,434,435,436,454,455,456,457,471,472,473,474,475,476,477,478,488 +8841 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,249,250,251,252,253,270,271,272,273,274,275,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,360,361,362,363,364,365,366,367,368,376,377,378,487 +8842 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,122,123,124,138,139,145,146,159,160,161,167,168,169,181,182,189,190,191,203,204,211,212,213,225,226,232,233,234,235,246,247,248,254,255,256,257,258,268,269,270,275,276,277,279,280,291,292,295,296,297,298,301,302,313,314,315,316,317,318,319,323,324,336,337,338,339,345,346,367,368,389,390,411,412,433,434,455,456,477,478,494 +8843 - 102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,190,191,192,193,212,213,214,215,233,234,235,236,237,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +8844 - 79,80,81,100,101,102,103,121,122,123,124,125,141,142,143,144,145,146,147,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,202,203,204,205,206,207,210,211,212,224,225,226,227,228,232,233,234,246,247,253,254,255,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,470,471,472,492 +8845 - 97,98,99,116,117,118,119,120,121,138,139,140,141,142,143,163,164,165,184,185,186,187,206,207,208,227,228,229,246,247,248,249,250,251,267,268,269,270,271,272,273,274,275,284,285,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,319,320,321,322,323,324,325,326,327,328,329,487 +8846 - 36,37,57,58,59,60,79,80,81,82,90,91,92,101,102,103,104,111,112,113,114,123,124,125,126,133,134,135,136,145,146,147,148,149,156,157,158,168,169,170,171,178,179,180,181,190,191,192,193,200,201,202,203,212,213,214,215,222,223,224,225,235,236,237,244,245,246,247,257,258,259,266,267,268,269,270,271,272,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,343,345,346,347,348,367,368,369,370,371,389,390,391,392,393,394,412,413,414,415,416,435,436,437,438,457,458,459,489 +8847 - 50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,121,122,123,124,125,126,127,146,147,148,149,167,168,169,170,188,189,190,191,208,209,210,211,212,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,299,300,301,316,317,320,321,322,323,342,343,344,345,363,364,365,366,378,379,384,385,386,387,388,400,401,402,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,469,470,488 +8848 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,161,162,163,164,183,184,185,192,193,204,205,206,207,211,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,258,259,260,269,270,271,272,273,274,275,276,279,280,281,291,292,293,294,295,296,297,300,301,302,303,313,314,315,316,317,318,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +8849 - 14,15,16,17,36,37,38,57,58,59,79,80,81,100,101,102,103,121,122,123,124,142,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,228,229,230,231,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,341,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,491 +8850 - 34,35,36,37,38,39,40,41,52,53,54,55,56,57,58,61,62,63,71,72,73,74,75,76,83,84,85,92,93,94,95,104,105,106,107,126,127,128,147,148,149,168,169,170,189,190,191,211,212,213,232,233,234,253,254,255,274,275,276,295,296,297,298,316,317,318,336,337,338,339,357,358,359,360,377,378,379,380,381,388,389,390,391,392,398,399,400,401,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,487 +8851 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,104,105,106,118,119,120,121,126,127,128,140,141,142,143,148,149,150,163,169,170,171,190,191,192,193,211,212,213,214,231,232,233,234,235,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,443,444,445,446,447,448,449,487 +8852 - 55,56,57,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,209,210,211,230,231,232,233,252,253,254,255,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,486 +8853 - 58,59,60,61,80,81,82,83,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +8854 - 47,48,57,58,69,70,71,79,80,91,92,93,101,102,103,113,114,115,122,123,124,125,134,135,136,137,138,144,145,146,147,156,157,158,159,160,166,167,168,169,170,178,179,180,181,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,322,323,324,325,344,345,346,347,348,366,367,368,369,370,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,489 +8855 - 70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,167,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,471,492 +8856 - 55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,126,127,128,137,138,139,147,148,149,150,159,160,161,162,168,169,170,171,172,182,183,184,189,190,191,192,193,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,250,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,298,299,300,314,315,316,320,321,322,323,336,337,343,344,345,358,359,366,367,368,380,381,382,388,389,390,391,402,403,404,405,406,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,474,475,476,477,478,479,493 +8857 - 70,71,72,73,74,79,80,92,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,167,168,169,170,189,190,191,192,211,212,213,214,232,233,234,235,254,255,256,257,276,277,278,279,296,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,429,446,447,448,449,450,451,468,469,470,471,472,492 +8858 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,125,126,127,140,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,191,192,193,205,206,207,213,214,215,227,228,235,236,237,247,248,249,250,257,258,269,270,271,278,279,280,290,291,292,300,301,302,312,313,314,321,322,323,334,335,336,343,344,356,357,364,365,366,377,378,379,385,386,387,399,400,401,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,467,468,469,470,471,485 +8859 - 75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,145,146,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,173,180,181,182,183,189,190,191,192,193,194,195,201,202,203,204,205,210,211,212,213,214,215,216,217,223,224,225,226,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,299,300,301,302,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +8860 - 98,99,100,101,119,120,121,122,123,124,140,141,142,143,144,145,146,162,163,164,167,168,184,185,189,190,191,192,205,206,207,211,212,213,214,227,228,229,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,300,320,321,322,342,343,363,364,365,385,386,406,407,408,428,429,430,449,450,451,471,472,473,494 +8861 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,145,146,147,149,150,159,160,161,162,167,168,169,170,171,172,173,180,181,182,188,189,190,191,192,193,194,202,203,204,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,295,296,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,470,471,472,473,494 +8862 - 30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,80,81,82,101,102,103,122,123,124,143,144,145,164,165,185,186,187,207,208,209,229,230,231,232,252,253,254,255,275,276,277,278,298,299,300,301,321,322,323,343,344,345,365,366,367,385,386,387,388,397,398,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,488 +8863 - 58,59,60,61,79,80,81,82,83,101,102,103,104,105,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,486 +8864 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,101,102,103,117,118,119,123,124,125,126,138,139,140,141,144,145,146,147,148,161,162,163,165,166,167,168,169,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,297,298,299,300,301,313,314,315,316,319,320,321,322,323,324,335,336,337,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,411,412,413,414,415,416,423,424,425,426,427,428,434,435,436,437,487 +8865 - 52,72,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,144,145,146,147,165,166,167,168,187,188,189,190,207,208,209,210,211,229,230,231,232,250,251,252,253,271,272,273,274,275,292,293,294,295,296,297,305,306,307,313,314,315,316,317,318,319,320,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,385,386,387,388,389,390,391,392,398,399,400,487 +8866 - 72,73,93,94,95,115,116,117,125,126,127,137,138,139,147,148,149,159,160,161,168,169,170,171,180,181,182,189,190,191,192,202,203,204,210,211,212,213,224,225,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,290,291,292,293,294,299,300,320,321,322,342,343,344,364,365,366,386,387,408,409,429,430,431,451,452,453,473,474,475,476,489 +8867 - 59,60,61,80,81,82,83,95,96,102,103,104,116,117,118,124,125,126,137,138,139,140,146,147,148,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,201,202,203,204,210,211,212,213,219,223,224,225,226,227,228,229,231,232,233,234,235,240,241,244,245,246,247,248,249,250,251,252,253,254,255,256,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,317,318,319,320,321,322,323,324,325,338,339,340,341,360,361,362,363,381,382,383,384,403,404,405,425,426,427,489 +8868 - 37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,167,172,173,174,180,181,182,183,184,185,186,194,195,196,202,203,204,205,206,207,216,217,218,223,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,250,258,259,260,261,262,267,268,269,270,271,272,279,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,485 +8869 - 9,10,11,12,13,30,31,32,33,34,52,53,54,55,64,65,73,74,75,76,86,87,94,95,96,97,98,108,109,116,117,118,119,137,138,139,140,141,159,160,161,162,180,181,182,183,190,191,192,202,203,204,209,210,211,212,213,214,215,216,224,225,226,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,272,273,274,275,276,280,281,282,289,290,291,294,295,296,301,302,303,304,311,312,313,315,316,317,318,323,324,325,329,333,334,335,336,337,338,339,342,343,344,345,346,347,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,372,373,378,379,380,381,382,383,384,385,386,387,388,394,395,401,402,403,404,405,406,407,408,417,491 +8870 - 32,33,34,54,55,56,76,77,78,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,450,451,452,486 +8871 - 69,70,71,72,73,74,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,166,167,168,169,170,171,172,191,192,193,194,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,338,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,450,467,468,469,470,471,472,492 +8872 - 57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,105,106,107,115,116,117,118,122,127,128,136,137,138,149,150,158,159,170,171,172,180,181,192,193,202,203,213,214,215,224,225,226,234,235,236,246,247,248,255,256,257,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,324,336,337,338,339,345,346,357,358,359,367,368,379,380,389,390,401,402,411,412,423,424,432,433,434,445,446,447,448,454,455,468,469,470,471,476,477,493 +8873 - 93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,449,466,467,468,469,470,492 +8874 - 77,78,79,80,81,98,99,100,101,103,119,120,121,140,141,142,161,162,163,182,183,184,190,191,204,205,211,212,213,226,227,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,298,299,300,320,321,341,342,343,363,364,365,385,386,407,408,429,430,450,451,452,472,473,474,494 +8875 - 101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,162,163,164,165,166,167,183,184,185,186,187,204,205,206,207,208,226,227,228,248,249,250,251,271,272,273,274,293,294,295,296,297,317,318,319,334,340,341,342,356,357,362,363,364,378,379,382,383,384,385,386,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,490 +8876 - 71,72,93,94,95,96,115,116,117,118,119,120,121,122,137,138,139,140,141,142,143,144,145,146,159,160,161,165,166,167,168,169,170,172,181,182,183,189,190,191,192,193,194,195,203,204,205,213,214,215,216,217,225,226,227,236,237,238,246,247,248,257,258,259,268,269,270,278,279,280,290,291,292,300,301,302,321,322,323,342,343,344,345,364,365,366,385,386,387,407,408,409,428,429,430,450,451,452,472,473,474,492 +8877 - 64,65,84,85,86,87,106,107,108,117,118,119,127,128,129,130,138,139,140,141,149,150,151,160,161,162,170,171,172,173,181,182,183,184,192,193,194,195,202,203,204,205,213,214,215,216,224,225,226,227,234,235,236,237,239,245,246,247,248,254,255,256,257,258,259,260,261,266,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,468,469,489 +8878 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,141,142,147,148,149,150,151,158,159,160,163,164,171,172,173,174,179,180,181,184,185,186,194,195,196,201,202,207,217,218,219,222,223,224,240,241,244,245,246,262,263,266,267,284,285,288,289,305,306,307,310,311,327,328,332,333,334,348,349,350,354,355,356,368,369,370,371,377,378,379,380,388,389,390,391,392,399,400,401,402,403,404,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +8879 - 105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,182,183,184,185,186,203,204,205,206,225,226,227,228,247,248,249,250,251,252,253,270,271,272,273,274,275,276,295,296,297,298,299,318,319,320,333,334,339,340,341,342,355,356,357,360,361,362,363,364,377,378,379,380,381,382,383,384,385,400,401,402,403,404,405,424,425,490 +8880 - 57,58,79,80,100,101,102,122,123,144,145,165,166,167,187,188,209,210,231,232,253,254,274,275,296,297,318,319,340,341,362,363,384,405,406,427,428,449,450,472,486 +8881 - 82,83,100,101,102,103,104,105,106,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,149,150,151,152,160,161,162,163,164,165,166,167,169,172,173,174,182,183,184,185,186,194,195,196,197,203,204,205,206,207,217,218,219,224,225,226,227,238,239,240,241,246,247,248,249,260,261,262,263,267,268,269,270,281,282,283,284,288,289,290,291,301,302,303,304,305,306,310,311,312,313,322,323,324,325,326,327,332,333,334,343,344,345,346,347,354,355,356,357,362,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,485 +8882 - 58,59,60,61,72,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,125,136,137,138,139,140,157,158,159,160,179,180,181,201,202,203,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,281,282,283,284,290,291,304,305,306,327,328,348,349,350,370,371,372,391,392,393,402,403,404,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,490 +8883 - 76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,147,148,149,159,160,161,162,163,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,233,234,235,236,246,247,248,249,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,405,406,407,408,427,428,429,430,449,450,451,452,471,472,473,474,494 +8884 - 33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,96,97,98,99,100,101,102,104,105,118,119,120,121,125,126,127,128,140,141,142,143,146,147,148,149,150,163,164,165,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +8885 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,168,169,170,171,172,181,182,183,184,189,190,191,192,193,194,203,204,205,206,211,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,319,320,321,322,340,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,473,494 +8886 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,387,406,407,408,409,429,430,431,452,453,474,475,486 +8887 - 58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,126,127,128,129,140,141,142,143,144,147,148,149,150,161,162,163,164,168,169,170,171,172,183,184,185,186,189,190,191,192,193,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,335,336,337,338,339,341,342,343,344,356,357,358,359,360,363,364,365,366,378,379,380,381,385,386,387,388,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,493 +8888 - 34,35,51,56,57,72,73,78,79,94,95,100,101,102,115,116,117,122,123,124,137,138,139,144,145,146,158,159,160,166,167,168,180,181,182,188,189,190,202,203,204,210,211,212,223,224,225,226,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,316,317,318,319,320,321,322,323,324,325,326,343,344,345,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,489 +8889 - 78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,150,151,152,158,159,160,161,162,163,164,165,172,173,174,180,181,182,183,184,194,195,196,197,201,202,203,204,205,217,218,219,223,224,225,226,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,288,289,290,303,304,305,306,310,311,312,323,324,325,326,327,332,333,334,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,446,447,448,485 +8890 - 34,35,36,37,54,55,56,57,58,59,74,75,76,77,78,79,80,95,96,97,98,101,102,105,106,107,116,117,118,122,123,126,127,128,129,137,138,139,143,144,147,148,149,150,151,159,160,168,169,170,171,180,181,189,190,191,192,202,203,211,212,213,224,225,226,231,232,233,234,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,342,343,344,358,359,360,364,365,366,379,380,381,386,387,388,401,402,403,408,409,410,423,424,425,430,431,432,445,446,447,448,450,451,452,453,493 +8891 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,138,139,140,141,142,146,147,148,160,161,162,163,167,168,169,170,183,184,188,189,190,191,192,210,211,212,213,231,232,233,234,251,252,253,254,255,273,274,275,276,277,293,294,295,296,297,314,315,316,317,318,319,336,337,338,339,340,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,431,432,433,434,443,444,445,446,487 +8892 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,105,106,107,116,117,118,119,128,129,138,139,140,150,151,159,160,161,162,172,173,180,181,182,183,194,195,202,203,204,205,216,217,224,225,226,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,333,334,335,336,345,346,347,348,356,357,358,366,367,368,369,378,379,380,381,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +8893 - 34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,64,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,105,106,107,108,118,119,120,121,122,123,128,129,130,139,140,141,142,143,144,150,151,152,160,161,162,163,164,165,171,172,173,174,182,183,184,185,186,193,194,195,196,203,204,205,206,207,215,216,217,218,224,225,226,227,228,229,237,238,239,240,246,247,248,249,250,258,259,260,261,267,268,269,270,271,280,281,282,283,288,289,290,291,292,293,301,302,303,304,310,311,312,313,314,315,322,323,324,325,326,332,333,334,335,336,337,343,344,345,346,347,353,354,355,356,357,363,364,365,366,367,368,375,376,377,378,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,485 +8894 - 69,70,71,91,92,93,94,95,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,209,210,211,212,213,214,231,232,233,234,235,236,237,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,447,448,449,450,451,470,471,472,492 +8895 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,144,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,369,385,386,387,388,389,390,399,400,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,488 +8896 - 12,13,14,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,81,82,83,84,94,95,96,97,98,105,106,107,116,117,118,127,128,129,137,138,139,140,150,151,158,159,160,161,172,173,174,180,181,182,195,196,201,202,203,217,218,223,224,225,239,240,245,246,261,262,266,267,268,283,284,288,289,290,305,306,310,311,312,326,327,328,332,333,334,347,348,349,354,355,356,357,358,367,368,369,370,371,377,378,379,380,381,382,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,485 +8897 - 85,86,87,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,180,181,182,183,184,202,203,204,205,206,225,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,312,319,320,321,322,333,334,341,342,343,344,355,356,363,364,365,366,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,490 +8898 - 57,58,59,60,73,74,79,80,81,82,94,95,96,101,102,103,116,117,118,123,124,125,138,139,140,145,146,147,160,161,162,166,167,168,169,182,183,184,188,189,190,191,204,205,206,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,319,320,321,322,323,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +8899 - 39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,106,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +8900 - 54,55,56,57,58,77,78,79,80,81,101,102,103,104,124,125,126,146,147,148,149,169,170,171,191,192,193,201,202,203,204,205,206,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,249,250,251,252,253,254,255,256,257,258,259,265,266,267,276,277,278,279,280,281,282,287,288,289,297,298,299,300,301,302,303,304,305,306,309,310,311,318,319,320,321,325,326,327,328,331,332,333,334,335,336,337,338,339,340,341,342,348,349,350,354,355,356,357,358,359,360,361,362,370,371,377,378,379,380,487 +8901 - 58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,126,127,128,129,130,140,141,142,143,148,149,150,151,161,162,163,164,168,169,170,171,172,183,184,185,186,189,190,191,192,193,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,341,357,358,359,361,362,363,378,379,380,381,383,384,385,400,401,402,405,406,407,422,423,424,425,426,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,472,493 +8902 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,105,106,107,119,120,121,122,127,128,129,141,142,143,147,148,149,150,163,164,165,168,169,170,171,185,186,187,189,190,191,192,208,209,210,211,212,230,231,232,233,234,251,252,253,254,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,358,359,360,362,363,364,379,380,381,384,385,386,401,402,403,405,406,407,408,423,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,493 +8903 - 5,6,7,27,28,29,36,37,38,49,50,51,57,58,59,60,71,72,73,78,79,80,81,82,99,100,101,102,103,120,121,122,123,124,141,142,143,144,145,163,164,165,166,184,185,186,187,205,206,207,208,226,227,228,229,236,247,248,249,250,255,256,257,258,259,260,269,270,271,272,277,278,279,280,281,282,283,291,292,293,298,299,300,301,302,303,304,305,313,314,315,318,319,320,321,322,323,324,325,326,334,335,336,337,340,341,342,343,344,345,346,347,348,356,357,358,359,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,428,429,430,491 +8904 - 14,15,16,17,34,35,36,37,38,39,56,57,58,59,61,77,78,79,98,99,100,101,119,120,121,122,141,142,143,162,163,164,183,184,185,205,206,207,226,227,228,229,248,249,250,270,271,272,292,293,314,315,336,337,338,358,359,360,361,362,363,364,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,491 +8905 - 61,62,63,72,73,74,82,83,84,85,93,94,95,96,104,105,106,107,116,117,118,125,126,127,128,137,138,139,140,147,148,149,159,160,161,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,223,224,225,226,233,234,235,236,245,246,247,248,249,252,255,256,257,258,260,261,262,263,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,471,472,473,489 +8906 - 31,32,33,53,54,55,75,76,77,97,98,99,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,187,207,208,209,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,363,364,365,385,386,387,388,408,409,410,430,431,432,452,453,454,486 +8907 - 14,15,16,34,35,36,37,38,55,56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,118,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,166,183,184,185,186,204,205,206,207,214,215,216,225,226,227,228,229,233,234,235,236,237,238,246,247,248,249,250,254,255,256,257,258,259,260,261,268,269,270,271,275,276,277,278,279,280,281,282,283,290,291,292,293,296,297,298,299,302,303,304,305,312,313,314,315,318,319,320,324,325,326,334,335,336,337,340,341,342,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,428,429,430,491 +8908 - 74,75,76,95,96,97,116,117,118,137,138,139,158,159,160,170,171,172,173,179,180,181,191,192,193,194,195,196,197,201,202,203,212,213,214,218,219,223,224,233,234,235,240,241,244,245,254,255,256,261,262,263,266,267,276,277,282,283,284,288,289,298,299,302,303,304,305,310,311,312,320,321,322,323,324,325,326,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,491 +8909 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,125,126,127,128,129,130,139,140,141,142,143,144,150,151,152,161,162,163,164,165,166,172,173,174,182,183,184,185,195,196,203,204,205,206,217,218,224,225,226,227,238,239,240,245,246,247,248,260,261,262,266,267,268,269,281,282,283,288,289,290,302,303,304,305,309,310,311,312,324,325,326,331,332,333,344,345,346,347,353,354,355,365,366,367,368,375,376,377,378,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,485 +8910 - 111,112,113,114,133,134,135,136,137,138,139,141,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,214,215,216,222,223,224,236,237,238,244,245,246,259,260,261,266,267,268,280,281,282,283,288,289,290,302,303,304,305,311,312,324,325,326,327,333,346,347,348,349,369,370,371,391,392,393,413,414,415,436,437,458,459,480,481,492 +8911 - 13,14,15,16,35,36,37,56,57,58,59,78,79,80,99,100,101,102,120,121,122,123,141,142,143,144,145,163,164,165,166,184,185,186,187,190,191,192,205,206,207,208,211,212,213,214,215,227,228,229,230,232,233,234,235,236,237,238,248,249,250,251,253,254,255,256,257,258,259,260,269,270,271,272,274,275,276,277,280,281,282,290,291,292,293,296,297,298,301,302,303,304,312,313,314,315,318,319,320,322,323,324,325,334,335,336,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,491 +8912 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +8913 - 62,63,64,65,83,84,85,86,87,97,98,104,105,106,107,118,119,120,125,126,127,128,129,139,140,141,142,147,148,149,150,161,162,163,168,169,170,171,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,225,226,227,228,233,234,235,247,248,249,250,254,255,256,257,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,340,341,342,343,356,361,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,489 +8914 - 55,56,57,74,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,147,148,149,150,151,159,160,161,162,163,164,165,169,170,171,172,173,180,181,182,183,184,185,186,191,192,193,194,195,196,201,202,203,204,205,206,213,214,216,217,218,223,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,324,325,326,327,328,333,334,335,336,344,345,346,347,348,349,350,355,356,357,358,365,366,367,368,369,370,378,379,380,381,383,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,485 +8915 - 9,10,11,31,32,33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,79,80,81,82,83,102,103,104,105,123,124,125,126,127,142,143,144,145,146,147,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,256,257,258,278,279,280,300,301,302,303,322,323,324,343,344,345,346,352,353,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,488 +8916 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,124,125,139,140,141,142,145,146,147,160,161,162,163,167,168,169,182,183,184,189,190,191,204,205,206,211,212,213,226,227,232,233,234,235,248,249,254,255,256,257,270,271,272,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,338,339,340,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,477,494 +8917 - 75,76,77,78,95,96,97,98,99,100,101,117,118,119,120,121,122,123,139,140,141,142,143,144,145,146,160,161,162,165,166,167,168,182,183,184,187,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,229,232,233,234,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,494 +8918 - 34,35,36,37,55,56,57,58,59,77,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,338,339,340,341,359,360,361,362,381,382,383,384,403,404,405,406,425,426,427,428,446,447,448,449,486 +8919 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,101,102,103,115,116,117,118,124,125,137,138,139,145,146,147,167,168,169,187,188,189,190,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,275,277,278,279,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,402,408,409,410,411,423,424,425,426,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,488 +8920 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,139,140,143,144,145,146,165,166,167,168,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,257,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,344,345,346,366,367,368,381,382,383,384,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,472,473,474,475,476,488 +8921 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,150,151,152,160,161,162,163,164,165,172,173,174,175,181,182,183,184,185,194,195,196,197,202,203,204,205,206,216,217,218,224,225,226,227,228,238,239,240,245,246,247,248,249,250,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,354,355,356,357,366,367,368,369,377,378,379,387,388,389,390,391,399,400,401,402,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +8922 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,78,79,80,81,93,94,95,101,102,103,116,117,123,124,125,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,336,337,338,339,357,358,359,360,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,487 +8923 - 56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,148,149,150,151,159,160,161,162,163,164,165,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,228,237,238,239,240,245,246,247,248,249,259,260,261,262,267,268,269,270,271,281,282,283,284,289,290,291,292,303,304,305,306,311,312,313,314,325,326,327,328,333,334,335,336,347,348,349,355,356,357,358,368,369,370,377,378,379,380,389,390,391,392,399,400,401,402,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,485 +8924 - 7,8,9,10,11,29,30,31,32,33,34,52,53,54,55,56,77,78,79,99,100,101,121,122,123,142,143,144,145,163,164,165,166,184,185,186,187,188,206,207,208,209,210,229,230,231,232,233,254,255,256,269,277,278,279,290,291,299,300,301,312,313,314,321,322,323,334,335,336,337,342,343,344,345,357,358,359,360,364,365,366,367,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,410,427,428,429,430,431,488 +8925 - 102,103,104,105,106,107,108,109,114,115,116,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,163,164,165,166,167,171,180,181,182,185,186,202,203,204,224,225,226,246,247,248,249,250,251,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,300,320,321,322,323,343,344,345,346,356,357,365,366,367,368,378,379,387,388,389,400,401,402,403,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,470,471,472,473,490 +8926 - 31,32,33,34,36,37,38,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,105,106,107,116,117,128,129,130,137,138,139,150,151,152,159,160,161,172,173,174,180,181,182,194,195,196,202,203,204,216,217,218,223,224,225,226,238,239,240,245,246,247,248,259,260,261,267,268,269,281,282,283,289,290,291,302,303,304,305,310,311,312,313,322,323,324,325,332,333,334,343,344,345,346,354,355,356,364,365,366,367,376,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,485 +8927 - 31,32,51,52,53,54,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,145,146,147,159,160,161,162,163,164,166,167,168,169,181,182,183,184,185,188,189,190,191,203,204,205,206,209,210,211,212,230,231,232,233,252,253,254,255,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,342,358,359,360,361,362,363,364,365,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,399,400,401,402,403,407,408,409,410,411,412,413,414,415,416,421,422,423,424,430,431,432,433,434,435,443,444,445,487 +8928 - 77,78,79,80,98,99,100,101,102,103,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455,473,474,475,476,477,494 +8929 - 118,139,140,141,142,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,202,203,204,205,224,225,226,227,246,247,248,249,269,270,271,272,292,293,294,295,296,297,315,316,317,318,319,320,339,340,341,342,343,356,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,490 +8930 - 49,50,51,52,68,69,70,71,72,73,74,75,90,91,92,93,94,95,96,97,98,112,113,119,120,121,142,143,144,165,166,187,188,209,210,230,231,232,252,253,254,274,275,276,296,297,307,318,319,320,321,322,323,324,325,326,327,328,329,340,341,342,343,344,345,346,347,348,349,350,351,361,362,363,364,371,383,384,404,405,406,425,426,427,447,448,449,470,487 +8931 - 56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,125,126,127,128,138,139,140,141,146,147,148,149,159,160,161,162,167,168,169,170,171,181,182,183,184,188,189,190,191,192,203,204,205,206,209,210,211,212,213,226,227,228,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,344,357,358,359,360,364,365,366,379,380,381,386,387,388,401,402,403,408,409,410,423,424,425,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +8932 - 35,36,37,38,39,56,57,58,59,60,61,62,77,78,79,80,81,82,97,98,99,100,101,102,103,118,119,120,121,122,123,124,139,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,209,210,228,229,230,231,232,233,234,251,252,253,254,255,256,257,275,276,277,278,279,298,299,300,301,321,322,323,324,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,446,447,448,490 +8933 - 54,55,56,57,58,59,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,125,126,127,128,139,140,141,146,147,148,149,150,161,162,163,168,169,170,171,183,184,185,189,190,191,192,205,206,207,208,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,364,365,366,381,382,383,386,387,388,403,404,407,408,409,410,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,493 +8934 - 101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,175,181,182,183,184,185,203,204,205,206,225,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,355,361,362,363,364,377,378,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,444,445,446,447,448,490 +8935 - 95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,168,169,170,171,180,181,182,191,192,193,202,203,204,205,206,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,277,278,279,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +8936 - 52,53,54,55,56,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,117,118,119,120,122,123,124,125,126,127,138,139,140,141,142,145,146,147,148,149,150,160,161,162,163,164,165,169,170,171,172,181,182,183,184,186,187,192,193,194,195,203,204,205,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,311,312,313,324,325,326,327,333,334,335,346,347,348,355,356,357,366,367,368,369,370,378,379,387,388,389,390,400,401,402,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +8937 - 61,62,63,82,83,84,96,97,98,103,104,105,106,117,118,119,120,125,126,127,138,139,140,141,146,147,148,149,159,160,161,162,168,169,170,181,182,183,184,189,190,191,192,203,204,205,206,211,212,213,224,225,226,227,228,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,294,295,296,297,298,299,300,301,302,303,310,311,312,313,318,319,320,321,322,323,333,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +8938 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,83,94,95,100,101,102,103,104,116,117,118,138,139,140,161,162,183,204,205,226,227,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,294,295,299,300,301,322,323,344,345,366,367,388,389,402,403,410,411,424,425,426,431,432,433,447,448,449,450,453,454,470,471,472,473,474,475,476,490 +8939 - 28,29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,98,99,100,101,102,103,104,121,122,123,124,125,142,143,144,145,146,147,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,256,257,258,278,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,488 +8940 - 35,36,37,56,57,58,59,77,78,79,80,81,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,185,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +8941 - 83,84,85,86,98,99,103,104,105,106,107,119,120,121,125,126,127,140,141,142,143,146,147,148,149,162,163,164,168,169,170,183,184,185,186,189,190,191,205,206,207,208,210,211,212,213,226,227,228,229,230,231,232,233,234,239,240,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,296,297,298,299,300,301,302,303,304,312,313,314,317,318,319,320,334,335,339,340,341,360,361,362,363,382,383,384,403,404,405,424,425,426,427,446,447,448,467,468,469,489 +8942 - 60,61,62,79,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,272,273,274,275,293,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,467,468,486 +8943 - 33,34,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,145,146,147,148,160,161,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,293,294,295,296,297,298,305,306,307,314,315,316,317,318,319,320,325,326,327,328,329,335,336,337,338,339,340,341,342,343,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,385,386,387,388,389,390,391,392,398,399,400,401,402,403,407,408,409,410,411,412,413,420,421,422,423,424,442,443,444,487 +8944 - 93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,146,147,148,158,159,160,169,170,180,181,182,191,192,203,204,212,213,214,225,226,227,234,235,236,247,248,249,255,256,257,270,271,272,276,277,278,279,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,340,341,342,343,344,365,366,387,388,409,410,431,432,453,454,474,475,476,494 +8945 - 78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,148,149,150,151,152,153,161,162,163,164,169,170,171,172,173,174,183,184,185,190,191,192,193,194,205,206,207,210,211,212,213,214,227,228,229,231,232,233,234,235,249,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,343,358,359,360,363,364,365,379,380,381,385,386,387,400,401,402,403,406,407,408,409,422,423,424,427,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,493 +8946 - 31,32,51,52,53,54,55,56,72,73,74,75,76,77,78,79,80,93,94,95,96,98,99,100,101,102,103,115,116,117,122,123,124,125,137,145,146,147,148,168,169,170,190,191,192,193,194,195,196,209,210,211,212,213,214,215,216,217,218,219,228,229,230,231,232,233,234,235,236,237,238,239,240,241,248,249,250,251,252,253,254,255,256,257,258,263,269,270,271,272,273,274,277,278,279,290,291,292,293,298,299,300,311,312,313,319,320,321,322,332,333,334,335,340,341,342,343,354,355,356,361,362,363,364,376,377,381,382,383,384,385,398,399,400,401,402,403,404,405,420,421,422,423,424,425,444,445,487 +8947 - 57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,139,140,141,142,160,161,162,163,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,278,279,280,281,300,301,302,303,321,322,323,324,325,343,344,345,346,363,364,365,366,367,380,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,490 +8948 - 72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,123,124,125,133,134,135,146,147,148,155,156,157,165,166,167,168,169,170,177,178,179,180,186,187,188,189,190,191,192,200,201,202,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,257,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,304,314,315,316,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,391,407,408,409,410,411,412,428,429,430,431,432,433,445,446,447,449,450,451,452,453,467,468,469,470,471,472,473,488 +8949 - 38,39,40,41,42,43,57,58,59,60,61,62,63,64,65,75,76,77,78,79,80,81,82,83,86,87,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,139,140,141,142,161,162,163,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,356,357,363,364,365,366,367,377,378,379,380,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,490 +8950 - 94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,176,177,178,179,180,181,182,183,187,188,189,190,191,210,211,212,213,214,232,233,234,235,236,254,255,256,257,258,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,363,364,365,366,367,368,369,385,386,387,388,389,390,391,407,408,409,410,411,412,429,430,431,432,433,434,451,452,453,454,455,473,474,475,476,477,492 +8951 - 74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,146,147,148,149,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,401,402,403,404,422,423,424,425,443,444,445,446,447,465,466,467,468,469,492 +8952 - 35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,81,83,84,96,97,98,99,100,101,104,105,118,119,120,121,124,125,126,127,140,141,142,143,146,147,162,163,164,165,166,167,168,169,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,314,315,316,319,320,321,335,336,337,338,341,342,343,357,358,359,360,363,364,365,379,380,381,382,384,385,386,387,401,402,403,404,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,451,493 +8953 - 37,38,39,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +8954 - 52,58,59,60,74,75,80,81,82,95,96,97,102,103,104,116,117,118,124,125,126,127,138,139,140,147,148,149,159,160,161,169,170,171,181,182,183,191,192,193,202,203,204,213,214,215,224,225,226,234,235,236,237,245,246,247,257,258,259,267,268,269,273,274,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,346,347,348,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,479,480,489 +8955 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,96,97,101,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,256,257,258,259,270,271,272,273,274,278,279,280,281,299,300,301,302,321,322,323,324,343,344,345,346,363,364,365,366,367,368,380,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,488 +8956 - 11,12,13,32,33,34,35,53,54,55,56,74,75,76,77,96,97,98,117,118,119,120,139,140,141,161,162,163,183,184,185,205,206,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,279,280,281,282,292,293,294,295,302,303,304,315,316,317,325,326,327,337,338,339,340,341,342,347,348,349,360,361,362,363,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,429,430,431,432,433,491 +8957 - 11,12,13,14,33,34,35,54,55,56,57,75,76,77,78,79,97,98,99,100,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,225,226,227,228,235,236,237,238,246,247,248,249,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,289,290,291,292,296,297,298,299,300,301,302,303,304,305,311,312,313,314,318,319,320,321,322,323,324,325,326,327,333,334,335,336,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,491 +8958 - 34,35,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,450,451,452,486 +8959 - 98,99,100,101,102,103,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,191,192,193,194,203,204,205,206,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,494 +8960 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,95,96,97,98,101,102,103,117,118,122,123,124,125,144,145,146,165,166,167,187,188,208,209,210,230,231,232,252,253,254,275,276,277,297,298,299,300,320,321,322,343,344,345,364,365,366,382,386,387,388,403,404,407,408,409,410,424,425,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,472,488 +8961 - 62,63,84,85,105,106,107,119,126,127,128,129,139,140,141,148,149,150,160,161,162,163,169,170,171,172,182,183,184,191,192,193,203,204,205,206,212,213,214,224,225,226,227,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,310,311,312,319,320,321,340,341,342,361,362,363,364,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,489 +8962 - 68,69,79,80,81,89,90,91,92,93,94,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,186,187,188,189,190,209,210,211,212,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,390,408,409,410,411,412,413,430,431,432,433,434,435,452,453,454,455,456,457,475,476,477,478,479,492 +8963 - 48,59,60,61,62,80,81,82,83,84,102,103,104,105,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,294,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,402,403,404,424,425,426,446,447,448,468,469,470,486 +8964 - 48,49,50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,122,123,124,125,126,127,136,137,146,147,148,149,168,169,170,171,188,189,190,191,192,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,366,367,368,388,389,390,391,408,409,410,411,412,423,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,476,488 +8965 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,124,125,126,127,145,146,147,148,149,165,166,167,168,169,170,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,254,255,256,257,270,271,272,277,278,279,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,384,385,386,387,388,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,464,465,466,467,468,469,488 +8966 - 94,95,96,117,118,119,120,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,169,182,183,184,185,189,190,191,204,205,206,207,212,213,214,226,227,228,229,235,236,248,249,250,251,257,258,259,270,271,272,273,279,280,293,294,300,301,302,322,323,324,343,344,345,364,365,366,367,386,387,388,407,408,409,429,430,431,450,451,452,472,473,474,492 +8967 - 57,58,59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,126,127,128,139,140,141,142,143,144,147,148,149,150,161,162,163,164,168,169,170,171,183,184,185,190,191,192,193,204,205,206,207,211,212,213,214,226,227,228,229,232,233,234,235,249,250,251,253,254,255,256,257,271,272,273,274,275,276,277,293,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,386,387,401,402,403,404,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,493 +8968 - 30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,81,82,93,94,95,104,114,115,116,135,136,137,157,158,159,179,180,181,182,183,184,185,186,187,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,236,255,256,257,258,259,279,280,281,282,293,294,303,304,305,314,315,316,317,326,327,336,337,348,349,350,358,359,370,371,372,380,381,382,391,392,393,403,404,405,406,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,490 +8969 - 101,102,103,104,105,106,107,115,116,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,191,192,193,194,211,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,422,423,424,425,426,427,443,444,445,446,447,448,464,465,466,467,468,469,492 +8970 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,102,103,104,118,119,120,125,126,127,139,140,141,142,147,148,149,161,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,207,213,214,215,226,227,228,229,235,236,237,248,249,250,257,258,259,270,271,272,279,280,292,293,294,301,302,314,315,316,322,323,324,336,337,338,344,345,346,358,359,360,365,366,367,380,381,382,386,387,388,389,402,403,404,405,408,409,410,425,426,427,428,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,485 +8971 - 14,15,16,17,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,81,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,166,184,185,186,187,205,206,207,208,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,301,302,303,314,315,316,317,318,319,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,361,362,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +8972 - 70,71,72,73,74,91,92,93,94,95,96,97,98,113,114,115,116,117,118,119,120,121,135,136,137,138,139,140,141,142,143,144,158,163,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,272,273,274,275,280,281,282,283,284,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,403,487 +8973 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,160,161,162,163,169,170,171,182,183,184,191,192,193,203,204,205,212,213,214,215,216,225,226,227,228,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +8974 - 28,29,30,31,50,51,52,53,54,55,73,74,75,76,77,78,79,97,98,99,100,101,102,123,124,125,145,146,147,167,168,169,188,189,190,209,210,211,212,229,230,231,232,233,251,252,253,254,273,274,275,276,277,278,298,299,300,321,322,323,343,344,345,365,366,367,387,388,389,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +8975 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,278,279,280,299,300,301,302,321,322,323,324,343,344,345,364,365,366,367,377,378,385,386,387,388,399,400,401,402,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,467,468,469,470,471,472,488 +8976 - 98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,160,161,162,167,168,169,170,181,182,189,190,191,192,202,203,211,212,213,223,224,233,234,235,245,246,253,254,255,256,267,268,274,275,276,277,278,289,290,296,297,299,310,311,312,313,314,315,316,320,321,333,334,335,336,337,338,342,343,356,357,358,359,364,365,386,387,407,408,429,430,451,452,472,473,474,475,494 +8977 - 49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,123,124,125,126,145,146,147,166,167,168,169,187,188,189,190,207,208,209,210,211,212,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,298,299,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,390,400,401,402,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +8978 - 4,5,6,7,8,9,10,11,12,13,14,26,27,28,29,30,31,32,33,34,35,36,37,57,58,59,60,81,82,103,104,125,126,147,148,169,170,190,191,192,212,213,214,233,234,235,255,256,257,276,277,278,298,299,300,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,367,368,369,370,371,377,378,379,380,382,383,384,385,391,392,399,400,401,402,403,404,405,406,422,423,424,425,426,427,487 +8979 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,169,170,171,172,190,191,192,193,194,212,213,214,215,216,233,234,235,236,237,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,340,341,342,343,360,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,492 +8980 - 31,32,33,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,275,276,277,296,297,298,299,318,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,486 +8981 - 60,61,62,81,82,83,84,102,103,104,105,116,117,123,124,125,126,137,138,139,140,145,146,147,159,160,161,166,167,168,169,180,181,182,183,188,189,190,201,202,203,204,209,210,211,212,217,218,223,224,225,231,232,233,237,238,239,240,245,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,317,318,319,338,339,340,360,361,362,381,382,383,403,404,405,424,425,426,446,447,448,468,469,489 +8982 - 11,12,13,14,15,31,32,33,34,52,53,54,55,73,74,75,94,95,96,115,116,117,137,138,158,159,160,180,181,182,202,203,204,224,225,226,246,247,248,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,302,303,304,305,313,314,315,316,326,327,328,335,336,337,338,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,406,407,408,409,410,411,412,413,414,491 +8983 - 58,59,60,61,80,81,82,83,101,102,103,104,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,486 +8984 - 51,52,53,54,55,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,137,138,139,143,144,145,146,158,159,160,161,165,166,167,168,169,180,181,182,183,187,188,189,190,191,202,203,204,205,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,278,279,280,293,294,295,300,301,302,322,323,324,344,345,346,347,366,367,368,369,380,381,382,383,388,389,390,402,403,404,405,406,409,410,411,412,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,494 +8985 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,147,148,149,150,159,160,161,162,168,169,170,171,172,181,182,183,189,190,191,192,193,194,202,203,204,205,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,494 +8986 - 30,31,32,33,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,100,101,102,103,124,125,126,147,148,149,169,170,171,190,191,192,193,211,212,213,214,231,232,233,234,235,253,254,255,275,276,277,298,299,320,321,330,341,342,343,352,353,363,364,365,374,375,376,385,386,387,397,398,399,400,405,406,407,408,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,488 +8987 - 39,40,41,60,61,62,63,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,293,294,295,296,297,298,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,377,378,379,380,381,382,399,400,401,402,403,420,421,422,423,442,443,444,486 +8988 - 37,38,39,59,60,72,73,74,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,204,205,212,213,225,226,227,233,234,235,247,248,249,255,256,257,258,269,270,271,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +8989 - 39,40,59,60,61,62,63,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,109,119,120,121,122,123,124,125,128,129,130,131,141,142,143,144,145,151,152,153,162,163,164,165,166,173,174,175,183,184,185,186,187,195,196,197,204,205,206,207,208,209,216,217,218,219,226,227,228,229,230,238,239,240,247,248,249,250,251,259,260,261,268,269,270,271,272,280,281,282,283,289,290,291,292,293,294,301,302,303,304,311,312,313,314,315,321,322,323,324,325,332,333,334,335,336,342,343,344,345,346,354,355,356,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,421,422,423,424,425,426,485 +8990 - 79,80,101,102,122,123,124,125,137,144,145,146,147,159,160,165,166,167,168,169,180,181,182,186,187,188,189,190,191,202,203,204,208,209,210,211,212,224,225,226,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,298,299,300,313,314,315,316,320,321,342,343,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +8991 - 34,35,36,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,119,120,121,122,126,127,128,140,141,142,143,148,149,150,161,162,163,164,170,171,172,182,183,184,185,192,193,194,203,204,205,206,207,208,214,215,216,225,226,227,229,230,236,237,238,246,247,248,258,259,268,269,270,279,280,281,289,290,291,301,302,303,311,312,313,322,323,324,333,334,344,345,346,355,356,365,366,367,377,378,379,385,386,387,388,389,399,400,401,402,403,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +8992 - 28,29,30,31,32,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,122,123,124,143,144,145,146,147,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,277,278,279,280,281,282,293,300,301,302,303,304,314,315,316,321,322,323,324,325,326,336,337,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,488 +8993 - 38,39,59,60,61,81,82,83,102,103,104,123,124,125,126,145,146,147,148,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,253,254,255,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,407,424,425,426,427,428,446,447,448,486 +8994 - 51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,80,81,82,83,84,93,94,95,96,104,105,106,114,115,116,117,125,126,127,128,136,137,138,146,147,148,149,158,159,160,168,169,170,181,182,189,190,191,203,204,205,210,211,212,226,227,228,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,322,323,324,338,339,340,344,345,346,347,359,360,361,367,368,369,370,381,382,383,384,391,392,393,403,404,405,413,414,415,425,426,427,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,493 +8995 - 12,13,14,15,16,17,33,34,35,36,37,38,39,40,54,55,56,57,58,61,62,76,77,78,83,84,98,99,105,106,127,128,148,149,150,170,171,191,192,193,212,213,214,234,235,236,249,250,251,255,256,257,268,269,270,271,272,273,274,276,277,278,289,290,291,292,293,294,295,296,297,298,299,311,312,313,317,318,319,320,321,332,333,334,338,339,340,341,342,354,355,356,358,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,386,387,389,390,391,399,400,401,402,403,404,407,408,409,410,411,412,413,422,423,424,430,431,432,433,434,487 +8996 - 73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,122,123,124,125,126,135,136,137,145,146,147,148,157,158,159,167,168,169,170,179,180,181,182,189,190,191,192,201,202,203,204,210,211,212,213,214,224,225,226,227,228,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,408,409,410,411,430,431,432,451,452,453,454,471,472,473,474,475,494 +8997 - 55,56,57,59,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,120,121,122,123,125,126,127,142,143,146,147,148,149,168,169,170,171,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,278,279,293,294,295,299,300,301,321,322,323,342,343,344,362,363,364,365,366,383,384,385,386,387,403,404,405,406,407,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,464,465,466,467,468,488 +8998 - 48,49,50,70,71,72,73,74,75,93,94,95,96,97,98,116,117,118,119,120,121,122,139,140,141,142,143,144,145,162,163,164,165,166,167,184,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,487 +8999 - 55,56,57,64,65,77,78,79,85,86,87,98,99,100,106,107,108,119,120,121,122,127,128,129,130,140,141,142,143,148,149,150,151,162,163,164,170,171,172,183,184,185,191,192,193,194,203,204,205,206,207,212,213,214,215,224,225,226,227,228,229,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,383,384,385,404,405,406,407,426,427,428,429,448,449,450,469,470,471,489 +9000 - 51,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,124,125,126,127,128,129,139,140,141,146,147,148,149,150,151,162,163,167,168,169,170,171,172,184,185,186,188,189,190,191,192,193,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,493 +9001 - 62,63,64,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,141,142,143,144,163,164,165,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,256,257,278,279,280,299,300,301,320,321,322,331,332,333,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,490 +9002 - 8,9,10,30,31,32,50,51,52,53,72,73,74,75,93,94,95,96,115,116,117,118,137,138,139,146,147,148,149,158,159,160,161,167,168,169,170,171,172,180,181,182,183,187,188,189,190,191,192,193,194,202,203,204,205,209,210,211,212,213,215,216,224,225,226,230,231,232,233,237,238,239,246,247,248,251,252,253,254,259,260,261,268,269,270,271,273,274,275,276,281,282,283,290,291,292,293,295,296,297,298,302,303,304,305,312,313,314,315,317,318,319,320,324,325,326,335,336,337,338,339,340,341,342,345,346,347,348,357,358,359,360,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,491 +9003 - 105,106,107,108,119,120,125,126,127,128,129,130,140,141,142,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,203,204,205,206,207,208,209,212,213,214,215,225,226,227,228,229,233,234,235,236,254,255,256,257,276,277,278,296,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +9004 - 33,34,35,36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,118,119,120,121,122,123,125,126,127,139,140,141,142,143,144,147,148,149,150,160,161,162,163,164,165,170,171,172,182,183,184,185,186,192,193,194,203,204,205,206,207,213,214,215,216,224,225,226,227,228,229,234,235,236,237,238,246,247,248,249,250,256,257,258,259,260,267,268,269,270,271,277,278,279,280,281,282,289,290,291,292,293,298,299,300,301,302,303,311,312,313,314,319,320,321,322,323,324,325,333,334,335,336,340,341,342,343,344,345,346,355,356,357,358,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,485 +9005 - 58,59,60,61,79,80,81,82,83,84,100,101,102,103,104,105,106,107,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,377,378,379,380,382,383,384,399,400,401,404,405,420,421,422,425,426,427,442,443,444,445,446,447,448,449,465,466,467,468,469,470,493 +9006 - 28,29,31,32,33,49,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,97,98,99,100,101,102,103,104,105,106,114,115,116,125,126,127,128,129,135,136,137,149,150,151,157,158,159,172,173,174,179,180,181,194,195,196,201,202,217,218,223,224,239,240,245,246,261,262,267,268,282,283,284,289,290,291,304,305,311,312,313,325,326,327,333,334,335,336,346,347,348,349,356,357,358,359,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,485 +9007 - 78,79,80,81,82,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,149,161,162,163,166,167,168,169,170,171,172,182,183,184,188,189,190,191,192,193,194,204,205,206,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,465,466,467,468,494 +9008 - 31,32,34,35,52,53,54,55,56,57,58,74,75,76,78,79,80,81,95,96,97,98,101,102,103,117,118,119,124,125,126,138,139,140,141,146,147,148,160,161,162,168,169,170,181,182,183,184,191,192,203,204,205,206,213,214,225,226,227,235,236,237,247,248,249,257,258,259,268,269,270,271,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,334,335,336,343,344,345,346,356,357,358,364,365,366,367,368,379,380,381,385,386,387,388,389,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,452,485 +9009 - 35,36,37,38,57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,125,126,127,142,143,144,145,147,148,149,163,164,165,166,169,170,171,184,185,186,187,191,192,193,206,207,208,209,213,214,215,227,228,229,235,236,237,248,249,250,251,256,257,258,259,270,271,272,278,279,280,291,292,293,300,301,302,313,314,315,321,322,323,334,335,336,342,343,344,345,356,357,358,364,365,366,367,377,378,379,380,385,386,387,388,399,400,401,405,406,407,408,409,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,485 +9010 - 58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +9011 - 36,37,57,58,59,79,80,81,101,102,103,122,123,124,125,144,145,146,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,381,382,383,402,403,404,405,424,425,426,427,446,447,448,486 +9012 - 33,34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,106,107,108,117,118,119,120,121,122,128,129,130,131,138,139,140,141,151,152,153,160,161,162,163,173,174,175,181,182,183,184,195,196,197,203,204,205,216,217,218,219,224,225,226,227,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,280,281,282,283,289,290,291,300,301,302,303,304,310,311,312,313,320,321,322,323,324,325,332,333,334,335,341,342,343,344,345,346,354,355,356,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,443,444,445,446,447,448,485 +9013 - 12,13,14,15,16,17,33,34,35,36,37,38,39,40,53,54,55,56,57,58,59,61,62,63,74,75,76,77,78,79,84,85,96,97,98,99,106,107,118,119,120,128,129,149,150,151,171,172,173,192,193,194,214,215,216,235,236,237,238,249,250,256,257,258,259,269,270,271,272,273,274,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,318,319,320,321,322,332,333,334,340,341,342,343,354,355,356,360,361,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,409,410,411,412,413,414,421,422,423,424,425,426,433,434,435,436,487 +9014 - 50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,101,102,103,104,117,123,124,125,144,145,146,147,165,166,167,168,186,187,188,189,207,208,209,210,211,227,228,229,230,231,232,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,321,322,323,343,344,345,365,366,367,385,386,387,388,401,402,406,407,408,409,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,468,469,470,471,488 +9015 - 53,54,55,56,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,124,125,126,140,141,147,148,149,168,169,170,189,190,191,192,210,211,212,213,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,291,292,293,294,295,297,298,299,314,315,319,320,321,341,342,343,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,446,447,448,449,450,451,466,467,468,469,470,471,472,488 +9016 - 52,53,54,55,56,74,75,76,77,78,79,96,97,99,100,101,122,123,144,145,165,166,167,185,186,187,188,207,208,209,210,230,231,232,252,253,254,255,275,276,277,298,299,300,320,321,322,342,343,344,364,365,366,386,387,407,408,409,425,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,488 +9017 - 54,55,62,63,64,75,76,77,78,84,85,86,97,98,99,100,105,106,107,108,118,119,120,121,127,128,129,139,140,141,142,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,202,203,204,205,212,213,214,215,223,224,225,226,227,228,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470,489 +9018 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,187,188,209,210,230,231,232,252,253,254,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,405,406,427,428,448,449,450,470,471,472,486 +9019 - 34,55,56,57,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,161,162,163,164,165,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,257,258,259,279,280,281,282,287,288,289,301,302,303,304,309,310,311,323,324,325,331,332,333,334,344,345,346,347,354,355,356,357,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,448,449,450,490 +9020 - 55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,126,127,128,137,138,139,140,141,142,143,159,160,161,162,163,164,180,181,182,183,184,202,203,204,205,206,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,318,319,320,321,322,323,324,342,343,344,345,346,365,366,367,368,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,490 +9021 - 17,18,19,38,39,40,59,60,61,62,80,81,82,83,101,102,103,104,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,206,207,208,209,227,228,229,230,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,300,301,302,312,313,314,315,316,317,318,322,323,324,333,334,335,336,337,338,339,344,345,346,356,357,358,359,365,366,367,368,378,379,380,381,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,491 +9022 - 53,54,56,57,58,59,60,61,62,63,64,65,74,75,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,136,137,138,139,140,158,159,160,179,180,181,202,203,204,205,206,207,208,224,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,275,276,277,278,279,280,300,301,302,323,324,325,345,346,347,367,368,369,377,389,390,391,398,399,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,442,443,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475,490 +9023 - 74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,215,232,233,234,235,236,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,426,443,444,445,446,447,464,465,466,467,468,492 +9024 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,125,126,138,139,140,141,146,147,148,149,159,160,161,162,163,167,168,169,170,171,180,181,182,183,188,189,190,191,192,201,202,203,204,209,210,211,212,213,214,222,223,224,225,230,231,232,233,234,235,236,244,245,246,250,251,252,253,254,255,256,257,258,266,267,268,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,299,300,301,310,311,312,313,314,315,316,317,321,322,323,324,333,334,335,336,337,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +9025 - 57,58,59,60,78,79,80,81,82,83,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,142,143,144,145,146,147,148,149,150,151,164,165,166,168,169,170,171,172,173,186,187,188,190,191,192,193,194,208,209,210,211,212,213,214,215,230,231,232,233,234,235,236,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,364,378,379,380,381,382,384,385,386,400,401,402,403,405,406,407,408,422,423,424,427,428,429,430,444,445,446,449,450,451,466,467,468,469,470,471,472,473,493 +9026 - 56,57,58,78,79,80,100,101,102,114,115,116,122,123,124,125,136,137,138,144,145,146,147,158,159,160,166,167,168,169,180,181,182,188,189,190,191,202,203,204,205,210,211,212,213,224,225,226,227,231,232,233,234,235,247,248,249,250,253,254,255,256,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,340,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,489 +9027 - 37,38,39,40,57,58,59,60,61,62,63,78,79,80,81,82,84,85,99,100,101,102,103,106,107,121,122,123,128,129,142,143,144,149,150,151,163,164,165,166,171,172,184,185,186,187,192,193,194,205,206,207,214,215,226,227,228,235,236,237,247,248,249,250,256,257,258,269,270,271,277,278,279,290,291,292,299,300,312,313,320,321,322,333,334,335,341,342,343,355,356,361,362,363,364,376,377,378,382,383,384,385,398,399,402,403,404,405,406,420,421,422,423,424,425,426,442,443,444,445,446,447,485 +9028 - 33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,82,83,84,94,95,96,97,98,104,105,106,115,116,117,118,126,127,137,138,139,147,148,149,169,170,171,190,191,192,211,212,213,214,233,234,235,254,255,256,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,379,380,381,382,383,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,443,444,445,446,447,448,456,457,487 +9029 - 38,39,40,59,60,61,62,81,82,83,102,103,104,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,315,316,317,318,336,337,338,339,357,358,359,360,361,379,380,381,382,400,401,402,403,421,422,423,424,443,444,445,486 +9030 - 96,97,98,99,100,116,117,118,119,120,121,122,123,137,138,139,140,141,144,145,147,158,159,160,166,168,169,180,181,190,191,202,203,211,212,213,224,225,226,231,232,233,234,235,246,247,248,249,250,251,252,253,254,256,257,270,271,272,273,274,278,279,300,301,322,323,344,345,366,367,388,389,410,411,432,433,454,455,476,477,494 +9031 - 13,14,15,16,17,18,19,35,36,37,38,39,40,41,42,57,58,59,62,63,64,85,86,107,108,128,129,130,150,151,152,171,172,173,193,194,195,214,215,216,225,226,227,228,236,237,238,246,247,248,249,250,251,257,258,259,266,267,268,269,270,271,272,273,274,278,279,280,288,289,290,294,295,296,298,299,300,301,309,310,311,316,317,318,319,320,321,322,325,326,331,332,333,338,339,340,341,342,343,346,347,348,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,407,408,409,410,411,412,487 +9032 - 49,50,58,59,71,72,73,80,81,82,93,94,103,104,115,116,125,126,136,137,138,147,148,158,159,160,169,170,180,181,182,191,192,201,202,203,213,214,222,223,224,225,235,236,244,245,246,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,345,346,347,367,368,369,389,390,391,411,412,413,433,434,435,455,456,457,477,478,479,489 +9033 - 65,86,87,99,107,108,109,119,120,121,128,129,130,131,141,142,143,149,150,151,152,162,163,164,165,171,172,173,174,182,183,184,185,186,192,193,194,195,204,205,206,207,214,215,216,224,225,226,227,228,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,318,319,320,321,322,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,489 +9034 - 75,76,77,96,97,98,99,100,107,108,109,118,119,120,121,122,123,128,129,130,131,138,139,140,141,142,143,144,145,146,150,151,152,153,159,160,161,162,163,164,166,167,168,171,172,173,174,180,181,182,183,184,185,188,189,192,193,194,195,201,202,203,204,205,213,214,215,216,217,222,223,224,225,226,234,235,236,237,238,244,245,246,247,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,447,448,449,450,469,470,471,472,489 +9035 - 128,129,130,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,206,207,208,209,210,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,277,278,279,289,299,300,310,311,312,320,321,322,332,333,334,335,336,340,341,342,343,354,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,490 +9036 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,232,249,250,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,405,406,407,408,426,427,428,429,430,431,432,448,449,450,451,452,453,454,486 +9037 - 17,18,19,38,39,40,41,59,60,61,62,81,82,83,102,103,104,123,124,125,144,145,146,165,166,167,186,187,188,207,208,209,228,229,230,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,313,314,315,316,321,322,323,334,335,336,337,342,343,344,356,357,358,362,363,364,365,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,491 +9038 - 28,29,30,50,51,52,53,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,121,122,123,124,125,126,137,138,139,146,147,148,149,159,160,161,169,170,171,172,181,182,192,193,194,202,203,204,205,214,215,216,217,225,226,227,236,237,238,239,247,248,249,258,259,260,261,269,270,271,280,281,282,283,291,292,293,302,303,304,313,314,315,324,325,326,336,337,338,346,347,348,358,359,360,361,368,369,370,381,382,383,384,389,390,391,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,451,452,453,454,485 +9039 - 73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,140,142,143,147,148,149,150,169,170,171,172,189,190,191,192,193,211,212,213,214,232,233,234,235,236,254,255,256,257,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,363,380,381,382,383,384,401,402,403,404,405,422,423,424,425,442,443,444,445,446,463,464,465,466,467,492 +9040 - 10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,80,81,93,94,95,96,97,115,116,117,136,137,138,139,158,159,160,180,181,182,202,203,204,224,225,226,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,302,303,304,312,313,314,315,324,325,326,327,334,335,336,337,338,339,347,348,349,356,357,358,359,360,361,362,363,364,365,366,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,405,406,407,408,409,410,411,412,413,414,415,429,430,431,432,433,434,435,491 +9041 - 80,81,99,100,101,102,103,104,120,121,122,123,124,125,126,129,130,131,142,143,146,147,148,150,151,152,153,163,164,165,169,170,171,172,173,174,185,186,190,191,192,193,194,207,208,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,360,361,362,377,378,379,381,382,383,398,399,400,403,404,405,420,421,422,423,424,425,426,493 +9042 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,103,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,138,139,143,144,145,146,147,148,149,156,157,158,159,167,168,169,170,171,178,179,180,181,189,190,191,192,193,199,200,201,202,211,212,213,214,215,222,223,224,233,234,235,236,237,244,245,246,255,256,257,258,259,266,267,268,269,276,277,278,279,280,281,289,290,291,298,299,300,301,302,303,311,312,313,314,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +9043 - 56,57,58,59,77,78,79,80,81,82,84,85,98,99,100,103,104,105,106,107,119,120,121,124,125,126,127,128,129,140,141,142,146,147,148,149,150,151,162,163,167,168,169,170,171,172,183,184,185,188,189,190,191,192,205,206,210,211,212,213,227,228,231,232,233,249,250,251,252,253,254,255,271,272,273,274,275,293,294,295,296,314,315,316,317,318,335,336,337,338,339,340,356,357,358,359,360,361,362,378,379,380,382,383,384,399,400,401,404,405,406,421,422,423,425,426,427,443,444,445,446,447,448,466,467,468,469,493 +9044 - 47,48,69,70,90,91,92,109,112,113,114,130,131,134,135,136,151,152,153,156,157,158,173,174,175,178,179,180,194,195,196,200,201,202,216,217,218,222,223,224,238,239,240,244,245,246,247,259,260,261,267,268,269,270,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,336,337,338,339,340,341,342,343,344,345,346,347,348,369,370,391,392,413,414,435,436,458,480,489 +9045 - 77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,125,126,127,140,141,142,143,148,149,161,162,163,169,170,171,183,184,185,190,191,192,193,205,206,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,494 +9046 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,126,127,128,137,138,139,140,143,144,145,147,148,149,150,158,159,160,161,162,168,169,170,171,181,182,183,184,185,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,294,295,296,297,299,300,301,302,315,316,317,318,322,323,324,325,337,338,339,344,345,346,347,359,360,361,366,367,368,369,380,381,382,387,388,389,390,402,403,404,408,409,410,411,412,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +9047 - 78,79,80,81,82,98,99,100,101,102,103,104,105,119,120,121,122,125,126,127,140,141,142,143,147,148,149,161,162,163,169,170,171,172,182,183,184,190,191,192,193,194,204,205,206,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,494 +9048 - 13,14,15,35,36,56,57,58,77,78,79,99,100,120,121,122,142,143,163,164,165,185,186,187,207,208,228,229,230,250,251,254,255,256,272,273,276,277,278,279,294,295,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,343,344,360,361,362,364,365,366,382,383,384,385,386,387,405,406,407,408,409,491 +9049 - 36,37,38,39,40,56,57,58,59,60,61,62,63,77,78,79,80,81,84,85,86,98,99,100,101,106,107,108,119,120,121,122,129,130,140,141,142,143,151,152,161,162,163,164,173,174,182,183,184,185,194,195,196,203,204,205,206,216,217,218,224,225,226,227,228,238,239,240,246,247,248,249,260,261,267,268,269,270,271,281,282,283,289,290,291,292,293,302,303,304,311,312,313,314,315,323,324,325,326,332,333,334,336,337,344,345,346,347,354,355,356,358,359,360,365,366,367,368,376,377,378,381,382,385,386,387,388,389,399,400,401,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +9050 - 91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,184,189,190,191,192,193,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,452,469,470,471,472,473,492 +9051 - 37,38,39,59,60,61,81,82,83,102,103,104,124,125,126,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,337,338,339,340,359,360,361,380,381,382,401,402,403,404,422,423,424,425,444,445,446,486 +9052 - 51,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,142,143,146,147,148,149,160,161,162,167,168,169,170,171,183,184,185,189,190,191,192,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,322,338,339,340,341,343,344,345,359,360,361,362,363,365,366,367,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,493 +9053 - 13,14,15,16,17,18,19,34,35,36,37,38,39,40,41,42,55,56,57,58,62,63,64,78,85,86,107,108,128,129,130,150,151,152,171,172,173,193,194,195,214,215,216,235,236,237,238,257,258,259,278,279,280,290,291,292,293,294,299,300,301,310,311,312,313,314,315,316,317,319,320,321,322,331,332,333,334,335,336,337,338,339,340,341,342,343,353,354,355,356,359,360,361,362,363,364,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,430,431,432,487 +9054 - 94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,161,169,170,171,172,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470,492 +9055 - 62,63,83,84,85,98,99,100,105,106,107,120,121,122,126,127,128,141,142,143,148,149,150,162,163,164,169,170,171,182,183,184,185,190,191,192,204,205,206,207,211,212,213,214,224,225,226,227,228,233,234,235,246,247,248,249,250,254,255,256,268,269,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,318,319,320,340,341,342,361,362,363,382,383,384,404,405,406,425,426,427,446,447,448,449,468,469,470,489 +9056 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,117,118,119,139,140,141,161,162,163,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,212,226,227,228,229,233,234,235,248,249,250,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,360,361,366,367,368,381,382,383,388,389,390,403,404,405,410,411,412,425,426,427,428,431,432,433,448,449,450,451,452,453,454,471,472,473,474,475,476,490 +9057 - 104,105,106,107,108,118,119,120,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,171,172,173,180,181,182,183,184,185,186,187,188,192,193,194,195,201,202,203,204,205,206,207,213,214,215,216,223,224,225,226,234,235,236,237,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,402,403,404,405,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +9058 - 61,62,63,82,83,84,85,103,104,105,106,107,124,125,126,127,128,145,146,147,148,149,166,167,168,169,170,171,187,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,357,358,359,360,361,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,442,443,444,445,464,465,466,486 +9059 - 63,64,76,77,84,85,86,98,99,105,106,107,108,119,120,121,127,128,129,141,142,143,148,149,150,162,163,164,169,170,171,172,183,184,185,191,192,193,204,205,206,207,212,213,214,215,224,225,226,227,228,233,234,235,236,245,246,247,248,249,250,251,252,253,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,289,290,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,489 +9060 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,103,104,105,106,118,119,120,126,127,128,139,140,141,148,149,150,161,162,163,170,171,172,173,182,183,184,185,193,194,195,204,205,206,215,216,225,226,227,228,236,237,238,247,248,249,258,259,260,269,270,271,279,280,281,291,292,293,301,302,303,312,313,314,315,322,323,324,334,335,336,343,344,345,346,356,357,358,364,365,366,367,378,379,380,381,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,445,446,447,448,449,450,485 +9061 - 38,39,59,60,61,62,80,81,82,83,84,100,101,102,103,104,105,106,122,123,124,125,126,127,128,129,143,144,145,146,148,149,150,151,164,165,166,167,169,170,171,172,185,186,187,188,191,192,193,205,206,207,208,209,212,213,214,215,227,228,229,230,234,235,236,237,248,249,250,251,255,256,257,258,269,270,271,272,277,278,279,280,290,291,292,293,298,299,300,301,302,312,313,314,315,320,321,322,323,333,334,335,336,341,342,343,344,355,356,357,358,362,363,364,365,366,377,378,379,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,485 +9062 - 8,9,30,31,52,53,74,75,95,96,97,117,118,119,139,140,141,148,149,161,162,163,168,169,170,171,172,183,184,185,189,190,191,192,193,194,205,206,207,210,211,212,213,214,215,216,227,228,229,231,232,233,236,237,249,250,251,252,253,254,255,257,258,259,271,272,273,274,275,276,278,279,280,293,294,295,296,297,300,301,302,315,316,317,318,321,322,323,338,339,340,342,343,344,360,361,362,363,364,365,366,382,383,384,385,386,387,405,406,407,427,428,429,491 +9063 - 33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,97,98,99,100,104,105,125,126,127,146,147,148,167,168,169,170,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,257,258,279,280,281,301,302,303,323,324,325,344,345,346,354,355,356,366,367,368,376,377,378,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,488 +9064 - 76,77,78,97,98,99,100,118,119,120,121,122,140,141,142,143,144,161,162,163,165,166,182,183,184,185,187,188,189,204,205,206,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,270,276,277,278,298,299,300,320,321,322,342,343,344,365,366,367,387,388,389,409,410,411,432,433,434,454,455,456,476,477,478,489 +9065 - 42,43,55,56,63,64,65,75,76,77,78,79,85,86,87,97,98,99,100,101,106,107,108,109,119,120,128,129,130,140,141,142,148,149,150,151,162,163,164,169,170,171,172,173,185,186,189,190,191,192,193,194,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,270,271,272,273,274,275,291,292,293,294,295,296,297,312,313,314,315,316,317,318,319,334,335,336,339,340,355,356,357,358,361,362,377,378,379,382,383,384,399,400,401,403,404,405,406,421,422,423,424,425,426,427,444,445,446,447,448,493 +9066 - 9,10,11,12,13,31,32,33,52,53,54,73,74,75,95,96,116,117,118,138,139,140,160,161,182,183,190,191,192,193,203,204,205,211,212,213,214,215,216,225,226,227,232,233,234,235,236,237,238,247,248,249,253,254,255,256,258,259,260,269,270,271,275,276,277,280,281,282,292,293,296,297,298,302,303,304,314,315,316,318,319,320,324,325,337,338,339,340,341,342,344,345,346,347,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,406,407,408,409,410,491 +9067 - 59,60,61,62,63,79,80,81,82,83,84,85,99,100,101,102,103,106,107,108,121,122,123,128,129,130,142,143,144,150,151,152,163,164,165,171,172,173,185,186,187,192,193,194,207,208,209,212,213,214,215,229,230,233,234,235,236,251,252,253,254,255,256,257,273,274,275,276,277,295,296,297,298,316,317,318,319,336,337,338,339,340,357,358,359,360,361,362,363,379,380,381,383,384,399,400,401,402,405,406,407,421,422,423,426,427,428,443,444,445,448,449,450,465,466,469,470,471,493 +9068 - 34,35,55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,231,232,233,252,253,254,255,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,404,405,406,426,427,428,447,448,449,450,486 +9069 - 13,14,15,16,17,18,33,34,35,36,37,38,39,40,41,55,56,57,58,59,60,61,62,63,76,77,78,79,83,84,85,105,106,107,127,128,129,149,150,151,171,172,173,193,194,214,215,216,236,237,246,247,248,249,250,251,252,253,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,318,319,320,321,322,323,331,332,333,334,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,429,430,431,432,487 +9070 - 35,36,57,58,78,79,80,100,101,102,122,123,124,143,144,145,165,166,167,187,188,208,209,210,230,231,232,252,253,273,274,275,295,296,297,317,318,338,339,340,360,361,362,381,382,383,403,404,405,425,426,427,447,448,449,486 +9071 - 37,38,39,59,60,61,80,81,82,102,103,104,123,124,125,126,145,146,147,166,167,168,169,188,189,190,210,211,212,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,338,339,340,341,360,361,362,363,380,381,382,383,384,402,403,404,405,406,407,424,425,426,427,446,447,448,486 +9072 - 34,35,55,56,57,58,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,144,145,146,147,148,160,161,162,167,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,234,235,236,237,246,247,248,256,257,258,268,269,278,279,280,290,291,292,299,300,301,302,312,313,314,315,321,322,323,334,335,336,337,342,343,344,345,356,357,358,359,360,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,485 +9073 - 97,98,99,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,181,182,183,184,185,186,187,188,189,192,193,194,202,203,204,205,213,214,215,216,225,226,235,236,237,256,257,258,276,277,278,279,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,492 +9074 - 28,29,30,31,50,51,52,53,54,55,72,73,74,75,76,77,78,79,94,95,97,98,99,100,101,102,115,116,117,121,122,123,124,125,137,138,139,144,145,146,147,148,158,159,160,161,167,168,169,170,171,180,181,182,191,192,193,194,202,203,204,214,215,216,223,224,225,226,236,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,306,311,312,313,314,324,325,326,327,328,334,335,336,337,346,347,348,349,356,357,358,359,360,361,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,485 +9075 - 34,35,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,120,121,126,127,128,147,148,149,150,167,168,169,170,171,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,237,250,251,257,258,259,279,280,281,300,301,302,322,323,324,330,331,342,343,344,345,352,353,363,364,365,366,374,375,376,377,378,379,380,381,382,383,384,385,386,387,396,397,398,399,400,401,402,403,404,405,406,407,418,419,420,421,422,423,424,425,426,427,428,445,446,488 +9076 - 119,120,125,126,141,142,143,147,148,163,164,165,169,170,184,185,186,190,191,192,205,206,207,212,213,227,228,229,234,235,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,299,300,306,307,311,312,313,314,320,321,322,333,334,335,342,343,355,356,364,365,385,386,408,489 +9077 - 124,125,126,127,128,129,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,206,207,208,209,210,211,228,229,230,231,232,233,234,253,254,255,256,257,266,267,277,278,279,288,289,290,299,300,301,310,311,312,320,321,322,332,333,334,335,336,337,340,341,342,343,355,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,490 +9078 - 30,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,116,117,118,119,137,138,139,140,141,158,159,160,161,162,163,180,181,182,183,184,203,204,205,206,207,208,209,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,298,299,300,301,302,303,304,322,323,324,325,326,327,346,347,348,349,368,369,370,371,376,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,490 +9079 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,97,98,99,100,116,119,120,121,141,142,143,163,164,165,166,169,170,171,186,187,188,190,191,192,193,208,209,210,211,212,213,214,215,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,300,315,316,317,318,320,321,322,337,338,339,342,343,344,359,360,364,365,366,380,381,382,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,493 +9080 - 32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,79,80,81,82,95,96,97,101,102,103,104,117,118,119,124,125,126,138,139,140,147,148,149,160,161,162,168,169,170,171,181,182,183,190,191,192,193,203,204,205,212,213,214,225,226,227,234,235,236,247,248,256,257,258,269,270,278,279,280,290,291,292,300,301,302,313,314,321,322,323,324,334,335,336,342,343,344,345,356,357,358,363,364,365,366,379,380,381,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,447,448,449,450,451,485 +9081 - 120,121,122,123,124,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,278,279,280,301,302,310,311,322,323,324,332,333,334,335,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,404,405,406,490 +9082 - 15,16,17,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,126,127,128,129,138,139,140,141,149,150,151,159,160,161,162,171,172,173,180,181,182,183,193,194,195,201,202,203,204,215,216,217,222,223,224,225,226,237,238,239,244,245,246,247,259,260,261,265,266,267,268,281,282,283,287,288,289,290,302,303,304,309,310,311,312,323,324,325,326,332,333,334,343,344,345,346,347,348,355,356,357,358,359,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,485 +9083 - 97,98,101,102,106,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,225,226,227,228,232,233,234,235,255,256,257,277,278,279,300,301,311,312,322,323,332,333,334,335,343,344,345,354,355,356,357,358,359,360,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,426,427,428,429,490 +9084 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,124,125,126,138,139,140,141,142,143,146,147,148,160,161,162,163,164,168,169,183,184,185,189,190,191,211,212,213,232,233,234,235,248,249,250,254,255,256,270,271,272,273,275,276,277,278,291,292,293,294,295,296,297,298,299,300,305,313,314,315,316,317,318,319,320,321,326,327,335,336,337,338,339,340,341,342,347,348,349,357,358,359,360,361,362,363,364,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,429,430,431,432,433,434,447,452,453,454,455,487 +9085 - 77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,118,119,120,121,122,123,125,126,127,128,139,140,141,142,143,147,148,149,161,162,163,169,170,171,182,183,184,185,190,191,192,204,205,206,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,407,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,494 +9086 - 52,53,54,55,56,73,74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,121,122,123,124,144,145,146,166,167,168,169,188,189,190,191,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,407,425,426,427,428,446,447,448,449,468,469,470,492 +9087 - 12,13,14,15,16,32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,76,77,78,82,83,84,85,99,105,106,107,127,128,129,149,150,151,171,172,173,192,193,194,214,215,216,228,236,237,238,246,247,248,249,250,251,252,257,258,259,267,268,269,270,271,272,273,274,275,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,318,319,320,321,322,323,332,333,334,340,341,342,343,344,354,355,356,357,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,487 +9088 - 74,75,95,96,97,102,117,118,119,123,124,139,140,141,145,146,161,162,167,168,182,183,184,189,190,204,205,206,210,211,214,215,226,227,228,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,295,296,297,298,299,319,320,321,341,342,343,363,364,365,385,386,407,408,429,430,451,452,473,474,489 +9089 - 33,34,35,36,52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,161,162,163,166,167,168,169,170,190,191,192,193,212,213,214,215,235,236,237,257,258,259,279,280,281,301,302,303,310,311,323,324,331,332,333,334,344,345,346,347,353,354,355,356,365,366,367,368,375,376,377,378,379,380,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,490 +9090 - 31,32,33,53,54,55,56,75,76,77,78,98,99,100,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +9091 - 39,40,41,60,61,62,82,83,84,85,104,105,106,125,126,127,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,378,379,380,381,399,400,401,402,420,421,422,423,442,443,444,445,486 +9092 - 31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,96,97,100,101,102,103,104,105,123,124,125,126,127,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,185,186,187,188,189,207,208,209,229,230,231,232,252,253,254,255,256,275,276,277,278,279,280,298,299,300,301,302,323,324,325,330,331,345,346,347,352,353,354,355,356,357,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,488 +9093 - 39,40,41,61,62,63,82,83,84,85,104,105,106,125,126,127,146,147,148,149,167,168,169,170,189,190,191,192,210,211,212,213,232,233,234,252,253,254,255,256,274,275,276,277,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,378,379,380,381,382,399,400,401,402,403,420,421,422,423,424,442,443,444,445,486 +9094 - 32,33,34,54,55,56,57,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,486 +9095 - 17,18,19,20,38,39,40,41,59,60,61,62,78,79,80,81,82,83,100,101,102,103,120,121,122,123,124,141,142,143,144,145,162,163,164,165,183,184,185,204,205,206,207,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,280,281,282,290,291,292,293,294,295,301,302,303,304,311,312,313,314,315,323,324,325,334,335,336,337,344,345,346,347,356,357,358,359,360,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,491 +9096 - 55,56,57,76,77,78,79,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,247,248,249,250,252,253,254,255,268,269,270,271,274,275,276,277,290,291,292,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +9097 - 14,15,16,17,18,19,34,35,36,37,38,39,40,41,54,55,56,57,58,59,60,61,62,63,64,76,77,78,79,84,85,86,98,99,106,107,108,128,129,130,150,151,152,172,173,174,193,194,195,215,216,217,236,237,238,257,258,259,270,271,272,273,274,275,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,318,319,320,321,322,331,332,333,339,340,341,342,343,344,353,354,355,360,361,362,363,364,365,366,367,375,376,377,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,419,420,421,422,423,424,487 +9098 - 72,73,74,75,76,77,78,79,92,93,94,95,96,97,99,100,101,113,114,115,116,126,127,134,135,136,148,149,156,157,170,171,178,179,192,193,194,200,201,202,214,215,216,222,223,224,225,234,235,236,237,238,245,246,247,248,249,251,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,280,281,282,293,294,295,296,297,302,303,304,324,325,326,346,347,348,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,459,479,480,481,494 +9099 - 39,40,41,42,61,62,63,64,82,83,84,85,103,104,105,106,107,125,126,127,128,145,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,334,335,336,337,338,339,340,355,356,357,358,359,360,376,377,378,379,380,381,397,398,399,400,401,402,419,420,421,422,441,442,443,486 +9100 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,168,186,187,188,189,190,209,210,211,212,230,231,232,233,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,472,473,474,486 +9101 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,119,120,121,127,128,129,149,150,151,170,171,172,173,191,192,193,194,211,212,213,214,215,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,299,300,301,320,321,322,323,342,343,344,352,353,354,362,363,364,365,374,375,376,377,378,379,380,381,382,383,384,385,386,396,397,398,399,400,401,402,403,404,405,406,419,420,421,422,423,424,425,488 +9102 - 31,32,33,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,297,298,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,430,431,452,453,454,486 +9103 - 54,55,56,57,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,140,141,142,148,149,150,162,163,164,170,171,172,184,185,186,191,192,193,194,206,207,208,212,213,214,215,228,229,230,233,234,235,236,250,251,252,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,449,467,468,469,470,493 +9104 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,146,147,148,161,162,163,164,169,170,171,183,184,185,191,192,193,204,205,206,207,213,214,215,226,227,228,235,236,237,248,249,250,257,258,259,270,271,272,279,280,281,292,293,301,302,303,314,315,322,323,324,325,336,337,344,345,346,358,359,366,367,368,380,381,382,387,388,389,390,402,403,404,405,407,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,470,471,472,473,474,475,485 +9105 - 13,14,15,16,35,36,37,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,162,163,164,183,184,185,186,205,206,207,226,227,228,234,235,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,301,302,303,313,314,315,316,317,318,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,491 +9106 - 92,93,94,95,96,97,98,109,113,114,115,116,117,118,119,120,121,122,130,131,135,136,137,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,185,186,187,190,191,192,193,194,195,203,204,205,206,207,208,209,210,211,230,231,232,233,234,235,255,256,257,258,278,279,280,301,302,303,323,324,325,344,345,346,347,365,366,367,368,386,387,388,389,390,406,407,408,409,410,411,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,467,468,469,470,471,490 +9107 - 63,64,76,77,85,86,98,99,106,107,108,119,120,121,128,129,130,140,141,142,149,150,151,161,162,163,164,170,171,172,173,182,183,184,185,192,193,194,203,204,205,206,213,214,215,224,225,226,227,228,234,235,236,237,245,246,247,248,249,250,251,252,253,254,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,296,297,298,299,300,301,320,321,322,323,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +9108 - 50,51,52,53,54,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,138,139,140,141,160,161,162,169,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,258,259,260,269,270,271,272,280,281,282,291,292,293,302,303,304,314,324,325,326,345,346,347,367,368,369,388,389,390,391,402,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +9109 - 79,80,81,82,83,84,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,147,148,149,150,162,163,164,165,168,169,170,171,172,183,184,185,186,189,190,191,192,193,194,204,205,206,207,210,211,212,213,214,215,216,226,227,228,232,233,234,235,236,237,238,248,249,250,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,445,446,447,448,466,467,468,469,494 +9110 - 49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,118,125,126,146,147,148,167,168,169,188,189,190,191,209,210,211,212,230,231,232,233,252,253,254,273,274,275,276,277,296,297,298,299,300,318,319,320,321,322,342,343,344,345,364,365,366,367,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,488 +9111 - 62,63,64,84,85,86,106,107,108,118,119,120,127,128,129,139,140,141,142,149,150,151,160,161,162,163,164,170,171,172,173,181,182,183,184,185,186,187,188,189,190,191,192,193,194,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,450,468,469,470,471,489 +9112 - 79,80,81,82,99,100,101,102,103,104,120,121,122,123,124,125,140,141,142,143,144,145,146,147,161,162,163,164,167,168,169,181,182,183,184,189,190,191,202,203,204,205,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,275,276,277,297,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,408,428,429,430,449,450,451,471,472,473,489 +9113 - 77,78,79,80,81,98,99,100,101,102,103,119,120,121,124,125,140,141,142,147,149,150,151,161,162,163,170,171,172,173,183,184,191,192,193,194,204,205,206,211,212,213,214,215,226,227,228,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,293,294,295,297,298,299,318,319,320,321,339,340,341,342,361,362,363,382,383,384,403,404,405,406,424,425,426,427,445,446,447,448,466,467,468,469,494 +9114 - 59,60,61,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,142,143,144,145,146,147,164,165,166,167,185,186,187,188,189,190,208,209,210,211,212,213,232,233,234,235,236,256,257,258,259,279,280,281,282,302,303,304,323,324,325,326,343,344,345,346,347,348,364,365,366,367,368,369,378,384,385,386,387,388,389,399,400,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,465,466,467,468,469,470,488 +9115 - 33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,82,83,98,99,104,105,106,126,127,128,148,149,150,170,171,172,192,193,213,214,215,227,228,229,230,235,236,247,248,249,250,251,252,253,254,256,257,267,268,269,270,271,275,276,277,278,279,288,289,290,291,297,298,299,300,310,311,318,319,320,321,322,331,332,333,337,338,339,340,341,344,345,354,355,356,357,358,359,360,361,366,367,376,377,378,379,380,381,388,389,399,400,410,411,412,432,433,434,454,455,456,487 +9116 - 28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,100,101,102,103,104,114,115,116,124,125,126,127,146,147,148,149,168,169,170,171,189,190,191,192,204,205,206,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,321,322,323,324,325,344,345,346,347,357,358,359,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,488 +9117 - 35,36,37,38,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,105,106,118,119,120,121,122,127,128,129,138,139,140,141,142,149,150,151,160,161,162,163,171,172,181,182,183,184,185,193,194,202,203,204,205,206,214,215,216,224,225,226,236,237,238,245,246,247,248,258,259,260,267,268,269,279,280,281,288,289,290,291,301,302,303,310,311,312,322,323,324,325,332,333,334,343,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +9118 - 11,12,13,32,33,34,35,36,54,55,56,57,58,59,75,76,77,78,80,97,98,99,118,119,120,121,140,141,142,161,162,163,164,183,184,185,205,206,207,210,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,292,293,294,295,296,297,302,303,304,314,315,316,317,318,319,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +9119 - 57,58,59,60,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,149,150,151,160,161,162,163,165,166,167,172,173,174,181,182,183,184,187,188,194,195,196,203,204,205,216,217,224,225,226,237,238,239,246,247,248,259,260,261,267,268,269,281,282,283,289,290,291,303,304,305,311,312,313,324,325,326,333,334,335,346,347,348,355,356,357,367,368,369,370,377,378,379,388,389,390,391,399,400,401,408,409,410,411,412,422,423,424,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,485 +9120 - 76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,124,125,126,137,138,139,140,146,147,148,158,159,160,161,168,169,170,180,181,182,183,190,191,192,202,203,212,213,214,224,225,233,234,235,246,247,248,249,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,320,321,322,323,324,325,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,453,454,471,472,473,474,475,494 +9121 - 74,84,85,94,95,96,105,106,107,116,117,118,127,128,129,137,138,139,140,148,149,150,151,158,159,160,161,170,171,172,179,180,181,182,191,192,193,194,201,202,203,204,205,213,214,215,224,225,226,227,228,229,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,489 +9122 - 35,36,37,57,58,59,79,80,81,100,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,381,382,383,384,385,403,404,405,406,407,426,427,428,429,449,450,451,486 +9123 - 61,62,83,84,105,106,117,118,119,126,127,128,139,140,141,148,149,150,160,161,162,163,170,171,172,181,182,183,184,191,192,193,203,204,205,206,213,214,215,225,226,227,228,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,320,321,322,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,425,426,427,428,447,448,449,450,468,469,470,471,489 +9124 - 55,56,57,58,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,123,124,125,126,127,137,138,139,140,141,148,149,159,160,161,162,163,170,171,180,181,182,183,191,192,193,202,203,204,213,214,223,224,225,234,235,236,245,246,247,256,257,268,269,277,278,279,290,291,292,293,299,300,313,314,315,316,317,320,321,322,336,337,338,339,340,341,342,343,360,361,362,363,364,365,385,386,387,388,407,408,409,410,411,430,431,432,433,452,453,454,455,475,476,477,493 +9125 - 16,17,18,37,38,39,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,204,205,206,207,210,211,212,213,226,227,228,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,257,258,269,270,271,272,273,274,275,279,280,290,291,292,293,294,295,300,301,302,312,313,314,315,316,322,323,334,335,336,337,343,344,345,357,358,359,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,491 +9126 - 76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,146,147,148,149,158,159,160,161,167,168,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,211,212,213,214,215,222,223,224,225,232,233,234,235,236,237,244,245,246,253,254,255,256,257,258,259,266,267,268,269,274,275,276,277,278,279,280,289,290,291,295,296,297,298,300,301,302,311,312,313,314,315,316,317,318,319,321,322,323,324,333,334,335,336,337,338,339,340,343,344,345,346,357,358,359,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,476,477,478,494 +9127 - 22,39,40,41,44,59,60,61,62,63,79,80,81,82,83,84,85,99,100,101,102,103,104,105,106,107,120,121,122,123,124,125,127,128,129,140,141,142,143,144,145,149,150,151,161,162,163,164,165,171,172,173,182,183,184,185,186,193,194,195,203,204,205,206,207,214,215,216,217,224,225,226,227,236,237,238,245,246,247,248,258,259,260,266,267,268,269,279,280,281,282,287,288,289,290,300,301,302,303,304,309,310,311,312,321,322,323,324,325,331,332,333,342,343,344,345,346,353,354,355,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,485 +9128 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,126,127,139,140,141,142,143,148,149,150,161,162,163,164,165,170,171,172,184,185,186,192,193,194,207,208,212,213,214,215,229,230,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,337,338,339,341,342,359,360,363,364,381,382,385,386,403,404,407,408,409,425,426,427,429,430,431,447,448,449,450,451,452,453,470,471,472,473,474,475,493 +9129 - 36,37,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,105,106,119,120,127,128,129,150,151,172,173,194,195,215,216,217,237,238,239,243,244,245,246,247,248,249,250,251,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,280,281,282,286,287,288,293,294,295,296,297,298,299,300,301,302,303,308,309,319,320,321,322,323,324,330,331,332,333,339,340,341,342,343,344,345,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,386,387,388,389,401,402,403,408,409,410,411,431,432,433,487 +9130 - 34,35,36,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,115,116,118,119,120,121,137,138,139,140,141,142,159,160,161,181,182,183,184,203,204,205,206,207,226,227,228,229,230,250,251,252,253,254,255,273,274,275,276,277,278,279,297,298,299,300,301,321,322,323,324,344,345,346,361,362,363,366,367,368,384,385,388,389,390,406,407,408,409,410,411,412,428,429,430,431,432,433,451,452,453,454,490 +9131 - 56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,104,105,106,107,118,119,126,127,128,140,141,147,148,149,150,162,163,169,170,171,184,185,186,189,190,191,192,206,207,208,210,211,212,213,214,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,292,293,294,295,296,297,298,314,315,316,319,320,335,336,337,341,342,356,357,358,363,364,378,379,385,386,400,401,406,407,408,422,423,424,427,428,429,444,445,446,447,448,449,450,451,467,468,469,470,471,493 +9132 - 27,28,29,30,31,32,33,47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,119,120,121,122,123,124,142,143,144,145,146,165,166,167,168,169,187,188,189,190,191,209,210,211,212,213,231,232,233,234,235,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,430,431,432,433,434,435,436,437,438,439,455,456,457,458,459,460,461,487 +9133 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,97,98,99,101,105,106,120,121,122,123,124,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,170,171,172,182,183,184,185,186,189,190,192,193,194,203,204,205,206,214,215,216,224,225,226,227,235,236,237,246,247,248,257,258,259,267,268,269,270,278,279,280,281,289,290,291,300,301,302,311,312,313,321,322,323,324,332,333,334,343,344,345,346,355,356,364,365,366,367,377,378,379,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,485 +9134 - 14,15,35,36,37,38,56,57,58,59,77,78,79,80,98,99,100,101,120,121,122,141,142,143,144,163,164,165,184,185,186,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,280,281,292,293,294,302,303,314,315,316,323,324,325,336,337,344,345,346,347,358,359,360,364,365,366,367,368,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +9135 - 13,14,34,35,36,56,57,58,77,78,79,98,99,100,120,121,122,141,142,143,162,163,164,184,185,191,192,205,206,207,210,211,212,213,214,215,216,226,227,228,231,232,233,234,235,236,237,238,248,249,251,252,253,254,258,259,260,269,270,271,272,273,274,275,280,281,291,292,293,294,295,296,301,302,303,313,314,315,316,317,322,323,324,335,336,338,343,344,345,346,357,358,359,364,365,366,367,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,491 +9136 - 37,38,39,59,60,61,80,81,82,83,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,401,402,403,404,405,423,424,425,426,427,446,447,448,486 +9137 - 60,61,62,77,78,79,81,82,83,84,98,99,100,101,103,104,105,106,120,121,122,125,126,127,142,143,147,148,149,164,165,168,169,170,171,185,186,187,189,190,191,192,207,208,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,336,337,338,339,340,341,358,359,360,362,363,380,381,384,385,401,402,403,406,407,423,424,425,427,428,429,445,446,447,448,449,450,468,469,470,471,472,493 +9138 - 70,71,78,79,80,91,92,93,100,101,102,113,114,115,122,123,124,135,136,137,144,145,146,157,158,159,165,166,167,168,179,180,181,182,185,186,187,188,189,190,202,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,231,232,233,234,253,254,255,256,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,389,409,410,411,431,432,433,453,454,455,456,475,476,477,478,489 +9139 - 35,36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,424,425,426,427,445,446,447,448,449,486 +9140 - 95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,144,145,146,157,158,159,160,161,166,167,168,170,171,179,180,181,189,192,193,200,201,202,210,211,213,214,215,222,223,224,232,233,235,236,237,244,245,246,255,256,257,258,259,266,267,268,269,270,271,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,494 +9141 - 103,104,105,106,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,182,183,184,185,186,187,190,191,192,203,204,205,206,207,211,212,213,214,225,226,227,233,234,235,247,248,254,255,256,257,275,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,382,383,384,385,404,405,406,425,426,427,446,447,448,449,468,469,470,492 +9142 - 14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,82,83,97,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,299,300,301,302,313,314,315,316,321,322,323,324,335,336,337,338,339,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +9143 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,125,126,138,139,140,147,148,159,160,161,168,169,170,171,181,182,190,191,192,193,202,203,212,213,214,215,224,225,233,234,235,236,246,247,254,255,256,257,268,269,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,494 +9144 - 73,74,75,76,77,78,95,96,97,98,99,100,101,118,119,120,121,122,123,124,139,140,141,144,145,146,161,162,163,166,167,168,169,183,184,185,188,189,190,191,192,205,206,207,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,274,275,276,277,278,279,298,299,300,301,320,321,322,341,342,343,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,471,472,473,494 +9145 - 37,38,39,59,60,61,80,81,82,101,102,103,104,123,124,125,126,144,145,146,147,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,251,252,253,254,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,445,446,447,486 +9146 - 55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,119,120,121,122,125,126,139,140,141,142,143,148,160,161,162,163,164,182,183,184,185,189,190,191,204,205,206,209,210,211,212,213,224,225,226,227,228,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,299,300,301,302,313,314,315,316,321,322,323,324,343,344,345,346,365,366,367,386,387,388,389,407,408,409,410,411,429,430,431,432,452,453,454,474,475,494 +9147 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,126,127,139,140,141,142,147,148,149,150,160,161,162,168,169,170,171,182,183,184,190,191,192,193,203,204,205,206,211,212,213,214,225,226,227,233,234,235,236,247,248,249,253,254,255,256,257,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,316,317,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +9148 - 73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,103,104,105,106,115,116,117,118,119,120,121,127,128,129,137,138,139,140,141,150,151,159,160,162,163,172,173,180,181,182,193,194,195,202,203,204,214,215,216,217,224,225,226,235,236,237,246,247,248,255,256,257,258,268,269,270,277,278,279,280,291,292,293,298,299,300,314,315,316,317,318,319,320,321,337,338,339,340,341,342,361,362,363,364,365,382,383,384,386,387,388,389,404,405,406,411,412,427,428,433,434,435,449,450,451,455,456,472,473,474,475,476,477,478,493 +9149 - 10,11,12,13,14,15,16,30,31,32,33,34,35,36,37,38,39,52,53,54,55,60,61,62,74,75,76,83,84,85,105,106,107,128,129,130,150,151,152,172,173,174,193,194,195,196,215,216,217,225,226,227,228,229,230,231,232,233,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,276,277,278,279,280,281,287,288,289,290,298,299,300,301,302,309,310,311,319,320,321,322,323,324,331,332,333,339,340,341,342,343,344,345,346,353,354,355,358,359,360,361,362,363,364,367,368,369,375,376,377,378,379,380,381,382,383,384,388,389,390,391,398,399,400,401,402,403,409,410,411,412,413,422,423,432,433,434,487 +9150 - 31,32,33,53,54,55,75,76,77,97,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,429,430,431,432,451,452,453,486 +9151 - 14,15,35,36,37,56,57,58,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,205,206,207,227,228,248,249,250,254,255,256,257,258,270,271,272,274,275,276,277,278,279,280,281,292,293,295,296,297,298,302,303,314,315,316,317,318,324,325,336,337,338,339,346,347,358,359,360,361,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,491 +9152 - 8,9,10,11,12,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,100,101,102,103,115,116,117,118,122,123,124,125,138,139,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,335,336,337,338,339,340,347,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,487 +9153 - 70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,147,148,149,150,169,170,171,172,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,471,492 +9154 - 9,10,11,12,13,30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,103,104,105,126,127,128,149,150,171,172,173,193,194,195,204,205,206,207,208,209,210,211,212,214,215,216,217,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,298,299,300,301,302,303,304,310,311,312,313,319,320,321,322,323,324,325,326,332,333,334,335,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,376,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,487 +9155 - 13,14,15,35,36,37,56,57,58,78,79,80,99,100,101,120,121,122,123,141,142,143,144,162,163,164,165,184,185,186,191,192,205,206,207,208,211,212,213,214,215,226,227,228,229,232,233,234,235,236,237,248,249,250,253,254,255,256,258,259,270,271,272,274,275,276,277,280,281,291,292,293,294,295,296,297,298,301,302,303,313,314,315,316,317,318,319,323,324,325,335,336,337,338,339,340,344,345,346,358,359,360,361,362,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +9156 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,150,151,152,158,159,160,161,162,163,164,165,166,167,172,173,174,179,180,181,182,183,184,185,186,187,188,189,194,195,196,200,201,202,203,204,210,211,216,217,218,222,223,224,225,232,233,238,239,240,243,244,245,246,260,261,262,265,266,267,268,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,324,325,326,327,328,331,332,333,334,344,345,346,347,348,349,353,354,355,356,365,366,367,368,369,370,376,377,378,379,380,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,485 +9157 - 13,14,15,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,119,120,121,140,141,142,143,162,163,164,183,184,185,186,190,191,205,206,207,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,258,259,270,271,272,273,274,275,280,281,291,292,293,294,295,296,301,302,303,313,314,315,316,317,322,323,324,335,336,337,338,339,340,343,344,345,346,358,359,360,361,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +9158 - 29,30,31,32,51,52,53,54,73,74,75,76,95,96,97,98,99,117,118,119,120,121,139,140,141,142,143,161,162,163,164,165,184,185,186,187,188,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,273,274,275,276,277,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,385,386,387,388,407,408,409,410,411,429,430,431,432,433,434,452,453,454,455,456,486 +9159 - 13,14,15,16,34,35,36,37,38,55,56,57,77,78,79,99,100,101,121,122,123,142,143,144,145,147,148,165,166,167,168,169,170,187,188,189,190,191,192,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,298,299,300,315,316,317,320,321,337,338,339,342,343,344,359,360,361,364,365,366,381,382,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,493 +9160 - 33,34,35,36,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,95,112,113,114,115,135,136,137,157,158,159,179,180,181,184,185,186,187,188,189,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,257,258,259,260,261,281,282,283,284,304,305,306,307,327,328,329,349,350,351,354,355,356,357,371,372,373,377,378,379,380,381,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,453,454,455,490 +9161 - 72,73,84,85,93,94,95,96,105,106,107,108,115,116,117,118,127,128,129,136,137,138,139,148,149,150,151,157,158,159,160,161,170,171,172,173,178,179,180,181,182,191,192,193,194,195,199,200,201,202,203,213,214,215,216,221,222,223,224,225,226,227,228,229,230,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,296,297,298,299,300,301,302,303,320,321,322,323,324,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,489 +9162 - 51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,137,138,139,159,160,161,162,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,256,257,258,279,280,281,301,302,303,323,324,325,344,345,346,347,365,366,367,368,387,388,389,390,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +9163 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,123,124,125,138,139,140,144,145,146,147,160,161,162,165,166,167,168,169,182,183,184,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,238,239,251,252,253,254,255,256,260,261,275,276,277,278,282,283,297,298,299,304,305,318,319,320,326,339,340,341,342,360,361,362,363,382,383,384,385,403,404,405,406,425,426,427,428,446,447,448,449,467,468,469,470,494 +9164 - 93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,193,203,204,205,211,212,213,214,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,475,492 +9165 - 33,34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,103,104,105,117,118,119,120,125,126,127,139,140,147,148,149,169,170,171,191,192,193,213,214,215,230,231,235,236,237,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,299,300,301,312,313,314,320,321,322,323,324,334,335,336,341,342,343,344,345,346,356,357,358,361,362,363,364,365,367,368,369,378,379,380,381,382,383,384,385,386,389,390,391,401,402,403,404,405,406,407,410,411,412,413,424,425,426,432,433,434,435,454,455,456,487 +9166 - 98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,172,173,174,180,181,182,183,184,185,195,196,201,202,203,205,206,217,218,222,223,224,239,240,243,244,245,261,262,265,266,282,283,284,287,288,303,304,305,306,309,310,324,325,326,327,331,332,333,334,345,346,347,348,354,355,356,357,358,359,360,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,485 +9167 - 36,37,38,39,57,58,59,60,61,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,358,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +9168 - 56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,249,250,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,409,427,428,429,430,431,450,451,452,453,472,473,474,475,486 +9169 - 32,33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,105,106,107,127,128,129,143,144,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,250,251,252,253,258,259,279,280,281,301,302,303,322,323,324,325,332,343,344,345,346,352,353,354,355,364,365,366,367,374,375,376,377,384,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,488 +9170 - 55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,113,114,115,116,136,137,138,139,159,160,161,163,164,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,209,210,211,212,213,214,215,216,226,227,228,235,236,237,238,239,248,249,250,259,260,261,262,271,272,282,283,284,304,305,306,326,327,328,348,349,350,369,370,371,372,378,390,391,392,393,399,400,401,411,412,413,414,415,422,423,424,425,426,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,490 +9171 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,149,150,151,162,163,164,165,166,167,171,172,173,184,185,186,187,188,193,194,195,206,207,208,209,215,216,217,227,228,229,230,237,238,248,249,250,251,258,259,260,269,270,271,272,280,281,291,292,293,301,302,303,312,313,314,323,324,333,334,335,344,345,346,355,356,357,365,366,367,376,377,378,386,387,388,389,398,399,407,408,409,410,420,421,422,423,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,464,465,466,467,468,469,470,471,472,485 +9172 - 94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,138,139,140,144,145,146,160,161,162,165,166,167,168,187,188,189,190,209,210,211,231,232,233,253,254,255,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,492 +9173 - 128,129,130,131,140,141,143,144,145,146,147,148,149,150,151,152,153,161,162,163,165,166,167,168,169,170,171,172,173,174,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,232,233,234,248,249,255,256,257,277,278,299,300,319,320,321,332,333,334,339,340,341,342,354,355,356,357,358,359,360,361,362,363,364,376,377,378,379,380,381,382,383,384,400,401,402,403,404,490 +9174 - 72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,122,123,124,125,126,127,128,129,130,131,137,138,139,158,159,160,161,180,181,182,201,202,203,204,205,206,207,208,209,210,211,222,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,254,255,256,257,266,267,268,269,277,278,279,280,289,290,300,301,302,322,323,324,344,345,346,366,367,368,369,388,389,390,391,410,411,412,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476,477,490 +9175 - 59,60,61,62,63,64,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,140,141,142,143,161,162,163,164,165,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,257,258,259,279,280,281,301,302,323,324,331,332,333,344,345,353,354,355,356,365,366,367,375,376,377,378,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,468,469,470,490 +9176 - 35,36,37,57,58,59,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,230,231,232,251,252,253,273,274,275,295,296,297,316,317,318,338,339,340,359,360,361,381,382,383,402,403,404,405,424,425,426,446,447,448,486 +9177 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,86,98,99,100,101,106,107,108,119,120,121,127,128,129,130,141,142,148,149,150,151,152,163,164,169,170,171,172,185,186,189,190,191,192,193,207,208,210,211,212,213,214,229,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,359,362,363,364,377,378,379,380,384,385,386,399,400,401,406,407,408,420,421,422,427,428,429,443,444,449,450,451,464,465,466,470,471,472,493 +9178 - 95,96,97,98,99,114,115,116,117,118,119,120,121,122,123,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,179,180,181,186,187,188,189,190,191,201,202,203,209,210,211,212,213,214,223,224,225,231,232,233,234,235,236,245,246,247,253,254,255,256,257,258,259,268,269,270,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,322,323,324,325,344,345,346,347,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +9179 - 37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,104,105,106,117,118,119,120,121,122,123,124,126,127,128,139,140,141,142,144,145,148,149,150,160,161,162,163,170,171,172,181,182,183,184,192,193,194,202,203,204,205,214,215,216,224,225,226,227,236,237,238,245,246,247,248,257,258,259,260,267,268,269,279,280,281,282,289,290,291,301,302,303,311,312,313,322,323,324,325,333,334,344,345,346,347,354,355,356,364,365,366,367,368,377,378,379,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +9180 - 49,50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,123,124,125,136,137,146,147,148,157,158,159,169,170,171,179,180,181,192,193,194,201,202,203,215,216,217,223,224,225,237,238,239,245,246,260,261,262,267,268,282,283,284,289,290,291,304,305,306,311,312,313,327,328,333,334,335,348,349,350,356,357,370,371,378,379,380,391,392,393,401,402,412,413,414,423,424,425,426,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,485 +9181 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,103,104,105,125,126,127,145,146,147,148,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,234,235,236,256,257,258,279,280,281,301,302,303,323,324,325,343,344,345,346,353,354,364,365,366,367,368,374,375,376,385,386,387,388,389,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,488 +9182 - 32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,97,98,103,104,105,106,115,116,124,125,126,127,128,137,138,139,140,146,147,148,149,159,160,161,162,163,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,445,446,447,448,449,493 +9183 - 95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,171,172,173,174,193,194,195,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,422,423,424,425,426,427,444,445,446,447,448,465,466,467,468,469,492 +9184 - 72,73,74,75,76,77,94,95,96,97,98,99,100,101,116,117,118,120,121,122,123,124,138,139,145,146,167,168,169,189,190,211,212,233,234,254,255,256,276,277,278,298,299,319,320,321,341,342,362,363,364,384,385,386,406,407,427,428,429,448,449,450,469,470,471,472,492 +9185 - 56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,142,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,422,423,424,425,426,443,444,445,446,447,464,465,466,467,468,494 +9186 - 59,60,61,62,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,118,119,120,121,122,123,140,141,142,161,162,163,164,182,183,184,185,186,204,205,206,207,208,209,210,227,228,229,230,231,232,233,253,254,255,276,277,278,298,299,300,320,321,322,342,343,344,363,364,365,384,385,386,387,405,406,407,408,423,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,490 +9187 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,171,172,173,174,193,194,195,196,214,215,216,217,218,236,237,238,239,240,257,258,259,260,261,277,278,279,280,281,282,298,299,300,301,302,303,319,320,321,322,323,324,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,445,446,447,448,449,450,465,466,467,468,469,470,492 +9188 - 11,12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,138,139,140,141,142,143,144,161,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,273,274,275,276,295,296,297,298,303,318,319,320,324,325,326,327,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,486 +9189 - 36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,146,147,148,161,162,163,164,169,170,171,182,183,184,185,191,192,193,204,205,206,213,214,215,225,226,227,228,235,236,237,247,248,249,257,258,259,268,269,270,271,279,280,281,290,291,292,301,302,303,312,313,314,322,323,324,325,334,335,336,344,345,346,347,356,357,358,365,366,367,368,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +9190 - 72,73,74,75,76,77,93,94,95,96,97,98,99,115,116,117,118,119,120,121,122,135,136,137,138,139,140,143,144,145,156,157,158,159,160,161,165,166,167,168,171,178,179,180,181,182,188,189,190,191,192,193,194,195,200,201,202,203,211,212,213,214,215,216,217,218,222,223,224,225,233,234,235,236,237,238,239,240,244,245,246,253,254,255,256,257,258,259,260,261,262,266,267,268,275,276,277,278,279,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,304,305,306,310,311,312,313,314,315,316,317,318,319,320,326,327,328,332,333,334,335,336,337,338,339,340,341,348,349,350,354,355,356,357,358,359,360,370,371,372,378,379,392,393,394,414,415,416,417,436,437,438,439,458,459,460,461,480,481,482,483,494 +9191 - 9,10,11,12,13,30,31,32,33,34,35,36,53,54,55,56,57,58,59,80,81,82,102,103,104,125,126,147,148,169,170,191,192,205,206,207,212,213,214,225,226,227,228,229,230,231,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,266,267,268,269,270,275,276,277,278,288,289,290,296,297,298,299,300,301,310,311,312,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,344,345,346,354,355,356,357,358,359,360,361,366,367,368,377,378,379,380,388,389,390,410,411,412,432,433,434,487 +9192 - 51,52,72,73,74,94,95,96,115,116,117,118,137,138,139,146,158,159,160,161,167,168,169,180,181,182,189,190,191,192,202,203,204,205,206,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,299,300,301,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,454,455,456,457,476,477,478,489 +9193 - 71,72,73,74,75,76,94,95,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,126,145,146,147,148,149,169,170,171,191,192,193,212,213,214,215,233,234,235,236,255,256,257,258,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,466,467,468,469,492 +9194 - 52,53,54,55,56,72,73,74,75,76,77,78,79,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,124,125,126,136,137,138,139,145,146,147,148,159,160,167,168,169,170,181,182,183,189,190,191,203,204,205,206,207,210,211,212,213,226,227,228,229,230,232,233,234,235,249,250,251,252,253,254,255,256,273,274,275,276,277,278,279,296,297,298,299,300,301,302,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,367,368,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,449,450,451,452,453,471,472,473,474,493 +9195 - 8,9,10,11,12,13,14,30,31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,79,80,81,82,83,103,104,105,106,124,125,126,127,144,145,146,147,148,149,163,164,165,166,167,168,169,170,185,186,187,188,189,190,191,207,208,209,210,211,212,213,214,233,234,235,236,257,258,259,279,280,281,301,302,303,308,309,310,311,312,322,323,324,325,330,331,332,333,334,344,345,346,347,352,353,354,355,356,364,365,366,367,368,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,488 +9196 - 12,13,14,33,34,35,36,54,55,56,75,76,77,78,97,98,99,119,120,121,140,141,142,143,162,163,164,184,185,186,206,207,227,228,229,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,299,300,301,315,316,317,321,322,323,337,338,339,344,345,346,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,491 +9197 - 12,13,14,15,33,34,35,36,54,55,56,57,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,181,182,183,203,204,205,213,214,215,216,217,224,225,226,232,233,234,235,236,237,238,239,246,247,248,253,254,255,256,257,258,259,260,261,268,269,270,273,274,275,276,277,278,281,282,283,290,291,292,294,295,296,297,298,302,303,304,305,312,313,314,316,317,318,324,325,326,327,334,335,336,337,338,339,340,341,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,491 +9198 - 51,52,57,58,73,74,79,80,81,94,95,101,102,103,115,116,117,123,124,125,137,138,139,146,147,158,159,160,167,168,169,179,180,181,189,190,191,201,202,203,211,212,213,223,224,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,299,300,301,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,456,476,477,489 +9199 - 75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,147,148,149,150,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,444,445,446,447,448,465,466,467,468,469,492 +9200 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,100,101,102,103,104,105,114,115,116,117,118,119,121,122,123,124,125,126,138,139,142,143,144,145,146,147,161,162,163,164,165,166,167,168,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,256,257,258,259,260,279,280,281,282,301,302,303,304,323,324,325,326,344,345,346,347,352,353,354,355,364,365,366,367,368,369,374,375,376,377,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,488 +9201 - 54,55,56,57,75,76,77,78,79,80,84,85,96,97,98,99,100,101,106,107,108,118,119,120,122,123,128,129,130,140,141,144,149,150,151,152,162,163,170,171,172,173,174,184,185,190,191,192,193,194,195,207,208,210,211,212,213,214,215,229,230,231,232,233,234,235,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,318,319,320,335,336,337,341,342,356,357,358,359,363,364,365,378,379,380,385,386,387,400,401,402,407,408,409,422,423,424,425,428,429,430,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +9202 - 48,49,50,57,58,70,71,72,79,80,81,91,92,93,94,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,160,168,169,170,179,180,181,190,191,192,201,202,203,204,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,475,476,477,489 +9203 - 35,36,37,38,57,58,59,60,78,79,80,81,82,99,100,101,102,103,104,120,121,122,123,125,126,141,142,143,144,147,148,149,162,163,164,165,170,171,183,184,185,186,192,193,204,205,206,207,214,215,225,226,227,228,235,236,237,247,248,249,257,258,259,268,269,270,279,280,281,290,291,292,301,302,303,312,313,314,322,323,324,334,335,344,345,346,356,357,365,366,367,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +9204 - 54,55,56,57,58,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,115,116,117,118,119,120,124,125,126,127,136,137,138,139,140,141,146,147,148,149,158,159,160,161,167,168,169,170,171,181,182,183,184,185,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,299,300,301,302,315,316,317,318,322,323,324,325,337,338,339,340,345,346,347,348,359,360,361,362,368,369,370,381,382,383,390,391,392,403,404,405,406,411,412,413,414,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,493 +9205 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,121,122,127,128,129,148,149,150,151,168,169,170,171,172,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,257,258,259,279,280,281,301,302,303,309,310,311,322,323,324,325,330,331,332,343,344,345,346,352,353,354,362,363,364,365,366,367,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,420,421,422,423,424,425,426,427,428,488 +9206 - 14,15,35,36,37,56,57,58,77,78,79,99,100,120,121,122,141,142,143,163,164,165,185,186,206,207,208,228,229,230,249,250,251,271,272,273,293,294,295,299,300,315,316,320,321,322,323,324,337,338,339,342,343,344,345,346,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,405,406,407,408,409,491 +9207 - 123,124,125,126,127,142,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,173,174,175,187,188,189,190,191,192,193,194,195,204,205,206,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,288,289,290,298,299,300,310,311,312,313,321,322,333,334,335,336,337,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,403,404,405,406,407,408,490 +9208 - 7,8,9,29,30,31,51,52,53,54,73,74,75,76,95,96,97,98,117,118,119,120,139,140,141,142,161,162,163,164,183,184,185,190,191,205,206,207,210,211,212,213,214,227,228,229,231,232,233,234,235,236,237,249,250,251,252,253,254,255,258,259,260,271,272,273,274,275,276,280,281,282,293,294,295,296,297,302,303,304,315,316,317,318,324,325,326,338,339,340,345,346,347,348,360,361,362,367,368,369,383,384,385,387,388,389,390,391,405,406,407,408,409,410,411,412,428,429,430,431,432,433,491 +9209 - 35,36,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,169,170,171,172,173,179,180,181,182,183,184,185,186,187,192,193,194,195,196,200,201,202,203,204,205,206,207,208,215,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,324,325,326,327,328,329,332,333,334,335,336,337,339,340,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,485 +9210 - 29,30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,79,80,81,93,94,95,96,101,102,103,116,117,118,123,124,125,139,140,141,144,145,146,147,162,166,167,168,169,187,188,189,190,191,209,210,211,212,231,232,233,252,253,254,255,273,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,362,368,369,370,371,381,382,383,385,386,387,388,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,454,455,456,457,487 +9211 - 11,12,13,32,33,34,35,36,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,486 +9212 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,144,145,146,147,148,156,157,158,159,160,161,164,167,168,169,170,171,178,179,180,181,182,183,184,185,186,187,188,191,192,193,194,202,203,204,205,206,207,208,209,210,211,213,214,215,216,225,226,227,228,229,230,231,232,233,235,236,237,238,239,250,252,254,257,258,259,260,261,278,279,280,281,282,299,300,301,302,303,304,321,322,323,324,325,326,342,343,344,345,346,347,348,363,364,365,366,367,368,369,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,448,449,450,451,452,453,454,471,472,473,474,475,494 +9213 - 33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,160,161,162,163,164,165,168,169,170,171,181,182,183,184,185,186,190,191,192,193,203,204,205,206,207,211,212,213,214,215,226,227,233,234,235,236,254,255,256,257,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,432,433,434,435,436,446,447,448,449,450,451,456,457,487 +9214 - 57,58,59,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,166,167,168,182,183,184,185,188,189,190,205,206,207,209,210,211,227,228,229,230,231,232,233,250,251,252,253,254,273,274,275,276,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,365,382,383,385,386,387,403,404,405,407,408,409,425,426,427,428,429,430,431,448,449,450,451,452,470,471,472,473,493 +9215 - 57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,147,148,149,150,151,160,161,162,163,164,165,166,167,168,169,170,171,172,173,183,184,185,186,187,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,279,280,281,282,294,295,296,301,302,303,304,324,325,326,327,330,331,332,346,347,348,352,353,354,355,367,368,369,370,374,375,376,377,378,379,380,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,488 +9216 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,128,129,130,131,137,138,139,140,141,142,151,152,153,158,159,160,161,162,163,173,174,175,180,181,182,183,184,195,196,197,202,203,204,205,217,218,219,223,224,225,226,227,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,281,282,283,284,288,289,290,291,302,303,304,305,306,310,311,312,313,324,325,326,327,332,333,334,335,343,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +9217 - 38,39,40,60,61,62,81,82,83,84,93,103,104,105,106,114,115,116,125,126,127,128,136,137,138,146,147,148,149,150,157,158,159,160,168,169,170,171,179,180,181,182,189,190,191,192,193,201,202,203,204,211,212,213,214,223,224,225,226,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,363,364,365,366,367,385,386,387,388,389,407,408,409,410,429,430,431,432,451,452,453,489 +9218 - 12,13,14,15,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,162,163,164,184,185,186,205,206,207,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +9219 - 82,83,84,85,86,101,102,103,104,105,106,107,108,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,205,206,207,208,209,210,226,227,228,229,230,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,320,321,322,323,332,333,342,343,344,345,353,354,355,356,357,358,359,360,362,363,364,365,366,375,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,448,449,490 +9220 - 75,76,77,78,79,96,97,98,100,101,102,118,119,123,124,125,140,141,145,146,147,161,162,167,168,169,183,184,188,189,190,205,206,210,211,212,213,227,228,233,234,235,249,250,254,255,256,271,272,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,338,339,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,494 +9221 - 104,105,106,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,254,255,256,257,258,259,276,277,278,279,280,281,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,432,449,450,451,452,453,470,471,472,473,474,475,492 +9222 - 30,31,32,33,34,35,36,37,50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,99,100,103,104,105,106,125,126,127,128,146,147,148,149,150,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,300,301,302,303,308,322,323,324,325,330,331,332,343,344,345,346,347,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,448,449,488 +9223 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,148,149,150,151,160,161,162,163,164,165,170,171,172,181,182,183,184,185,191,192,193,194,195,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,356,357,358,359,360,364,365,366,367,378,379,380,381,386,387,388,389,400,401,402,403,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +9224 - 51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,104,105,106,107,114,115,116,117,118,119,123,124,125,126,127,128,129,136,137,138,139,140,146,147,148,149,150,158,159,160,161,162,167,168,169,170,171,181,182,183,184,185,186,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,252,253,254,255,256,257,258,269,270,271,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,344,345,346,360,361,362,366,367,368,382,383,384,385,389,390,405,406,407,408,410,411,412,413,427,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,493 +9225 - 54,55,57,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,204,205,206,211,212,213,214,215,216,217,218,222,223,224,225,226,227,237,238,239,240,243,244,245,246,247,248,260,261,262,265,266,267,268,269,282,283,284,287,288,289,290,291,304,305,306,309,310,311,312,313,325,326,327,328,331,332,333,334,335,336,337,338,339,340,342,343,344,345,346,347,348,349,350,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,485 +9226 - 71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,146,147,148,167,168,169,170,189,190,191,192,211,212,213,232,233,234,235,254,255,256,257,276,277,278,297,298,299,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,446,447,448,449,450,468,469,470,471,492 +9227 - 34,35,36,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +9228 - 11,12,13,33,34,35,54,55,56,76,77,78,97,98,99,100,119,120,121,140,141,142,162,163,164,183,184,185,205,206,207,227,228,229,238,239,240,241,248,249,250,251,258,259,260,261,262,270,271,272,279,280,281,282,283,292,293,294,299,300,301,302,303,314,315,316,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,359,360,361,362,363,364,365,381,382,383,384,385,404,405,406,407,491 +9229 - 34,35,36,37,38,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,125,126,127,128,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,164,165,166,169,170,171,172,181,182,183,184,185,186,191,192,193,194,203,204,205,206,213,214,215,216,234,235,236,237,255,256,257,258,259,277,278,279,280,281,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,355,356,357,358,359,360,361,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,431,432,433,443,444,445,446,447,453,454,487 +9230 - 45,46,47,48,49,50,51,52,53,67,68,69,70,71,72,73,74,75,76,77,90,91,92,93,94,95,96,97,98,99,100,101,118,119,120,121,122,123,140,141,142,143,144,145,161,162,163,164,165,166,167,183,184,185,186,187,188,189,205,206,207,208,209,210,227,228,229,230,231,232,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,280,281,297,298,299,300,301,302,303,304,323,324,325,326,327,345,346,347,348,349,350,366,367,368,369,370,371,387,388,389,390,391,392,393,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,470,471,472,473,474,475,488 +9231 - 50,51,52,53,54,55,56,57,58,59,60,61,62,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,148,149,150,151,156,157,158,159,160,169,170,171,172,173,178,179,180,188,189,190,191,192,193,194,195,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,323,324,325,333,338,339,345,346,347,354,355,356,357,358,359,366,367,368,369,375,376,377,378,379,380,381,382,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +9232 - 8,9,10,11,12,13,14,30,31,32,33,34,35,36,51,52,53,54,57,58,59,73,74,80,81,82,95,96,102,103,104,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,228,234,235,247,248,249,250,251,252,253,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,290,291,292,296,297,298,299,300,301,302,312,313,314,319,320,321,322,323,324,325,326,334,335,336,341,342,343,344,345,346,347,348,349,356,357,358,362,363,364,365,369,370,371,378,379,380,381,382,383,384,385,386,401,402,403,404,405,406,407,425,426,427,428,487 +9233 - 61,62,83,84,85,104,105,106,107,117,118,125,126,127,128,129,138,139,140,147,148,149,150,160,161,162,163,168,169,170,171,172,181,182,183,184,185,189,190,191,192,193,203,204,205,206,211,212,213,214,225,226,227,228,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,489 +9234 - 48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,97,98,99,100,101,102,103,122,123,124,142,143,144,145,162,163,164,165,166,183,184,185,186,203,204,205,206,207,208,225,226,227,228,229,230,231,232,251,252,253,254,255,275,276,277,278,279,299,300,301,302,322,323,324,325,345,346,347,367,368,369,389,390,391,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,488 +9235 - 105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,222,223,224,225,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,280,281,296,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,345,360,361,362,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,424,425,426,427,428,429,430,446,447,448,449,450,467,468,469,470,471,472,492 +9236 - 139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,204,205,225,226,227,245,246,247,248,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,295,296,297,298,299,300,301,323,324,345,346,366,367,379,380,387,388,389,401,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,490 +9237 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,165,166,170,171,180,181,182,183,184,187,188,190,191,192,193,202,203,204,205,206,207,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,336,337,338,339,343,344,345,346,357,358,359,360,364,365,366,367,368,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,469,470,471,472,493 +9238 - 28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,59,60,73,76,77,78,79,80,81,82,102,103,104,105,124,125,126,127,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,251,252,253,273,274,295,296,297,298,318,319,320,321,322,341,342,343,344,357,358,359,365,366,367,378,379,380,381,387,388,389,400,401,402,403,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,488 +9239 - 93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,187,188,189,190,191,192,194,195,201,202,203,204,205,208,209,210,213,215,216,217,224,225,226,227,228,229,230,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,320,321,322,323,324,343,344,345,346,364,365,366,367,385,386,387,388,389,407,408,409,410,428,429,430,431,450,451,452,453,471,472,473,474,475,494 +9240 - 33,34,35,54,55,56,57,75,76,77,78,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,144,145,146,147,161,162,163,168,169,170,182,183,184,185,190,191,192,193,204,205,206,213,214,215,226,227,228,236,237,238,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,324,325,326,335,336,337,346,347,348,357,358,359,367,368,369,380,381,382,388,389,390,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +9241 - 78,79,80,81,82,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,194,195,196,201,202,203,204,205,206,207,208,209,210,211,212,216,217,218,219,223,224,225,226,227,230,231,232,233,238,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,324,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,366,367,368,369,370,376,377,378,379,380,381,382,383,384,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,485 +9242 - 75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,128,139,140,141,148,149,150,151,152,153,161,162,168,169,170,171,172,173,174,175,183,184,191,192,193,194,195,196,205,206,211,212,213,214,215,216,217,227,228,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,294,295,296,297,315,316,317,318,319,320,336,337,338,340,341,342,343,356,357,358,359,363,364,365,378,379,380,381,386,387,388,400,401,409,410,421,422,423,431,432,443,444,445,452,453,454,466,467,468,469,472,473,474,475,493 +9243 - 34,35,36,37,56,57,58,59,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,213,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,380,381,382,383,384,385,401,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,486 +9244 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,104,105,106,107,115,116,117,118,119,120,128,129,137,138,139,140,141,150,159,160,161,162,172,181,182,183,191,192,193,194,203,204,205,206,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,280,281,282,283,294,295,296,297,301,302,303,304,305,322,323,324,325,326,343,344,345,346,347,354,355,356,364,365,366,367,368,376,377,378,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,494 +9245 - 32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,102,103,104,105,115,116,117,118,119,124,125,126,127,137,138,139,140,146,147,148,149,159,160,168,169,170,171,190,191,192,193,211,212,213,214,232,233,234,235,236,253,254,255,256,257,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,388,389,390,391,392,398,399,400,401,402,403,412,413,414,421,422,423,435,436,437,457,458,459,487 +9246 - 29,30,31,32,33,34,35,51,52,53,54,55,56,57,58,79,80,81,101,102,103,123,124,125,144,145,146,165,166,167,186,187,188,206,207,208,209,225,226,227,228,229,230,245,246,247,248,249,250,251,252,253,268,269,270,272,273,274,275,276,277,297,298,299,300,320,321,322,323,343,344,345,357,358,366,367,368,379,380,387,388,389,401,402,403,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +9247 - 58,59,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,167,168,169,170,171,172,183,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,295,296,297,298,299,300,301,302,303,322,323,324,325,330,331,332,344,345,346,347,352,353,354,355,356,357,366,367,368,369,375,376,377,378,379,380,381,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,472,473,474,475,488 +9248 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,103,104,105,116,117,118,119,125,126,127,137,138,139,140,141,146,147,148,149,159,160,161,167,168,169,170,182,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,314,315,316,317,318,323,324,325,335,336,337,338,339,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,421,422,423,424,425,443,444,445,487 +9249 - 73,83,84,85,94,95,96,104,105,106,107,115,116,117,118,126,127,128,129,137,138,139,140,147,148,149,150,151,159,160,161,169,170,171,172,173,180,181,182,183,190,191,192,193,194,201,202,203,204,205,211,212,213,214,215,223,224,225,226,233,234,235,236,237,244,245,246,247,248,254,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,450,451,452,453,489 +9250 - 24,25,26,27,28,46,47,48,49,50,51,52,53,54,69,70,72,73,74,75,76,77,78,97,98,99,100,101,102,103,122,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,277,278,279,280,281,301,302,303,304,324,325,326,346,347,348,349,368,369,370,371,389,390,391,392,393,398,399,400,401,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,444,445,446,447,448,449,450,451,452,453,454,455,456,488 +9251 - 120,121,122,123,124,125,126,127,128,129,130,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,207,208,209,211,212,213,214,215,216,217,226,227,228,233,234,235,236,237,238,254,255,256,257,258,259,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,429,445,446,447,448,449,467,468,469,470,471,492 +9252 - 34,35,55,56,57,76,77,78,97,98,99,119,120,121,126,140,141,142,147,148,149,162,163,164,168,169,170,183,184,185,189,190,191,205,206,207,210,211,212,227,228,231,232,233,249,250,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,316,317,318,319,320,321,322,325,326,339,340,341,342,343,344,345,346,347,348,361,362,363,364,365,366,367,368,383,384,405,406,427,428,449,450,489 +9253 - 74,75,76,77,78,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,172,173,174,175,179,180,181,182,183,185,186,187,188,189,194,195,196,197,201,202,203,204,207,208,209,215,216,217,218,223,224,225,226,229,230,231,235,236,237,238,239,240,245,246,247,248,249,252,253,256,257,258,259,260,268,269,270,271,272,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,385,386,387,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,493 +9254 - 53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,122,123,139,140,141,143,144,145,160,161,162,165,166,167,168,182,183,184,187,188,189,190,204,205,210,211,212,225,226,227,231,232,233,234,248,249,253,254,255,256,257,270,271,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,344,345,346,366,367,368,387,388,389,390,408,409,410,411,412,424,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,494 +9255 - 74,75,76,77,78,95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,138,139,140,141,148,149,159,160,161,162,169,170,171,182,183,184,185,186,187,188,189,190,191,192,193,194,204,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,473,494 +9256 - 75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,147,148,149,159,160,161,162,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,210,211,212,213,214,224,225,226,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,452,471,472,473,494 +9257 - 102,103,104,105,106,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,190,191,192,193,200,201,202,203,204,205,206,211,212,213,214,223,224,225,226,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,469,470,471,472,492 +9258 - 33,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,145,146,147,161,162,163,164,167,168,169,182,183,184,185,189,190,191,204,205,206,207,211,212,213,214,226,227,228,233,234,235,236,247,248,249,250,255,256,257,258,268,269,270,271,277,278,279,280,290,291,292,293,299,300,301,302,312,313,314,315,321,322,323,334,335,336,337,343,344,345,357,358,359,360,363,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +9259 - 104,105,106,107,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,199,200,201,202,203,204,205,206,207,208,212,213,214,215,216,221,222,223,224,225,226,227,233,234,235,236,237,244,245,246,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,492 +9260 - 98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,168,169,170,171,189,190,191,192,211,212,213,233,234,235,254,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,492 +9261 - 33,34,35,36,37,53,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,149,150,151,152,159,160,161,162,163,164,165,171,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,207,217,218,219,223,224,225,226,227,228,239,240,241,245,246,247,248,249,250,261,262,263,266,267,268,269,270,271,282,283,284,285,288,289,290,291,292,303,304,305,306,307,310,311,312,313,314,325,326,327,328,329,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,485 +9262 - 111,112,113,114,116,117,118,119,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,180,181,182,183,187,188,189,190,191,192,193,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,257,274,275,276,277,278,279,296,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,389,406,407,408,409,410,411,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,476,492 +9263 - 55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,126,127,128,129,136,137,138,139,140,148,149,150,151,169,170,171,172,190,191,192,193,194,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,279,280,281,282,294,295,296,297,302,303,304,308,309,310,324,325,326,331,332,333,345,346,347,348,353,354,355,366,367,368,369,370,375,376,377,378,379,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,469,470,472,488 +9264 - 8,9,10,11,12,29,30,31,32,33,34,35,36,51,52,54,55,56,57,58,59,79,80,81,101,102,103,123,124,125,144,145,146,165,166,167,168,186,187,188,189,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,256,257,258,259,272,279,280,281,282,293,302,303,304,314,315,316,324,325,326,335,336,337,345,346,347,357,358,359,366,367,368,369,379,380,381,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,488 +9265 - 57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,320,338,339,340,341,360,361,362,363,382,383,384,385,403,404,405,406,407,426,427,428,447,448,449,450,470,471,472,486 +9266 - 27,28,29,30,31,32,33,34,35,48,49,50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,78,79,80,81,82,83,84,92,93,103,104,105,106,107,127,128,129,149,150,151,169,170,171,172,173,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,279,280,281,282,302,303,304,325,326,346,347,348,366,367,368,369,374,375,376,384,385,386,387,388,389,390,391,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,418,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,488 +9267 - 57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,167,168,169,170,171,179,180,181,182,185,186,189,190,191,192,193,201,202,203,204,205,207,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,343,344,345,346,358,359,360,365,366,367,368,379,380,381,385,386,387,388,389,390,401,402,403,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +9268 - 97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,145,146,147,148,158,159,160,161,162,167,168,169,170,171,179,180,181,182,183,189,190,191,192,193,201,202,203,204,209,210,211,212,213,214,215,222,223,224,225,230,231,232,233,235,236,237,244,245,246,247,250,251,252,253,254,257,258,259,266,267,268,270,271,272,273,274,275,279,280,281,289,290,291,292,293,294,295,300,301,302,303,311,312,313,314,315,316,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,431,432,433,453,454,455,475,476,477,494 +9269 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,148,149,150,159,160,161,162,171,172,180,181,182,183,190,191,193,194,202,203,204,205,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,298,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,494 +9270 - 97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,169,170,171,172,177,190,191,192,193,212,213,214,233,234,235,236,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,403,404,405,406,425,426,427,446,447,448,449,467,468,469,470,492 +9271 - 34,35,54,55,56,57,58,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,146,147,148,159,160,161,162,163,164,168,169,170,182,183,184,185,190,191,192,212,213,214,227,228,229,230,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,318,319,320,321,322,323,324,325,326,332,333,334,338,339,340,341,342,343,345,346,347,348,349,354,355,356,357,359,360,361,362,363,364,368,369,370,371,376,377,378,379,380,381,382,383,384,385,391,392,393,399,400,401,402,403,404,405,406,413,414,415,422,423,424,425,436,437,458,459,487 +9272 - 34,35,36,37,38,54,55,56,57,58,59,60,75,76,77,78,81,82,96,97,98,103,104,117,118,119,138,139,140,160,161,181,182,183,203,204,208,209,210,211,212,213,214,224,225,226,229,230,231,232,233,234,235,236,246,247,250,251,252,257,258,259,268,269,272,273,280,281,289,290,291,294,295,296,297,302,303,311,312,313,318,319,324,325,334,335,346,347,356,357,358,368,369,379,380,381,389,390,391,401,402,403,404,410,411,412,424,425,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,491 +9273 - 34,35,36,56,57,58,59,77,78,79,80,81,99,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,385,402,403,404,405,406,424,425,426,427,428,446,447,448,449,486 +9274 - 10,11,12,13,14,31,32,33,34,53,54,55,74,75,76,95,96,97,117,118,119,139,140,141,160,161,162,182,183,184,204,205,206,212,213,214,226,227,228,232,233,234,235,236,248,249,250,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,301,302,315,316,317,318,319,320,323,324,325,337,338,339,340,341,342,344,345,346,347,360,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,407,408,409,410,411,491 +9275 - 55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,147,148,149,150,160,161,162,163,170,171,172,182,183,184,192,193,194,204,205,206,212,213,214,215,216,226,227,228,229,230,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,323,336,337,338,339,343,344,345,357,358,359,365,366,367,379,380,386,387,388,389,401,402,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +9276 - 3,4,5,6,25,26,27,28,29,47,48,49,50,51,69,70,71,72,73,91,92,93,94,113,114,115,116,135,136,137,146,147,148,149,150,157,158,159,167,168,169,170,171,172,173,178,179,180,188,189,190,191,192,193,194,195,196,200,201,202,209,210,211,212,213,214,215,216,217,218,222,223,224,231,232,233,234,238,239,240,241,244,245,246,252,253,254,255,256,261,262,263,266,267,268,269,273,274,275,276,277,283,284,285,289,290,291,292,295,296,297,298,299,305,306,307,311,312,313,314,315,317,318,319,320,326,327,328,329,334,335,336,337,338,339,340,341,342,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,405,407,408,409,410,411,412,413,414,415,430,431,432,433,434,435,436,491 +9277 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,143,160,161,162,163,164,182,183,184,185,203,204,205,206,207,213,214,215,216,225,226,227,228,234,235,236,237,238,239,246,247,248,249,250,254,255,256,257,258,259,260,261,268,269,270,271,272,276,277,278,279,280,281,282,283,284,289,290,291,292,293,297,298,299,300,301,302,303,304,305,306,311,312,313,314,319,320,321,322,325,326,327,328,333,334,335,336,337,341,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,491 +9278 - 57,58,59,60,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,187,188,189,190,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,425,426,427,428,447,448,449,450,470,471,486 +9279 - 149,150,151,152,153,164,165,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,277,291,297,298,299,312,313,314,319,320,321,333,334,335,336,337,338,340,341,342,355,357,358,359,360,361,362,363,364,380,381,382,383,384,385,490 +9280 - 45,46,47,48,49,50,67,68,69,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,118,119,120,121,122,123,124,125,143,144,145,146,164,165,166,167,185,186,187,188,189,206,207,208,209,210,227,228,229,230,231,249,250,251,252,271,272,273,274,275,294,295,296,297,298,317,318,319,320,321,341,342,343,344,345,364,365,366,367,368,388,389,390,391,392,393,411,412,413,414,415,416,434,435,436,437,438,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,480,488 +9281 - 28,42,43,63,64,65,85,86,87,95,96,106,107,108,109,116,117,118,128,129,130,131,138,139,140,141,149,150,151,152,159,160,161,162,170,171,172,173,174,180,181,182,183,184,191,192,193,194,195,202,203,204,205,213,214,215,216,217,223,224,225,226,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,320,321,322,323,332,333,334,335,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,450,451,452,489 +9282 - 54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,276,295,296,297,317,318,319,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,471,472,486 +9283 - 101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,206,213,214,215,216,227,234,235,236,237,238,255,256,257,258,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,424,425,426,427,428,446,447,448,449,450,468,469,470,471,492 +9284 - 95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,137,138,139,144,145,159,160,166,167,181,182,183,188,189,204,205,210,211,226,227,232,233,254,255,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +9285 - 29,30,31,32,33,34,35,36,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,124,125,126,127,128,145,146,147,148,149,150,165,166,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,267,273,274,277,278,279,280,281,282,288,289,290,301,302,303,304,310,311,312,324,325,326,332,333,334,335,344,345,346,347,348,354,355,356,357,358,359,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +9286 - 54,55,76,77,78,97,98,99,100,101,119,120,121,122,140,141,142,162,163,164,167,168,169,183,184,185,186,189,190,191,192,205,206,207,211,212,227,228,229,233,234,248,249,250,255,256,270,271,272,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,341,342,343,358,359,360,363,364,365,385,386,387,407,408,409,429,430,431,451,452,473,474,489 +9287 - 63,64,73,74,84,85,86,87,94,95,96,97,105,106,107,108,109,116,117,118,126,127,128,129,130,137,138,139,140,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,173,180,181,182,183,190,191,192,193,194,201,202,203,204,211,212,213,214,215,223,224,225,226,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +9288 - 52,53,54,55,74,75,76,77,78,79,96,97,98,99,100,101,117,118,119,139,140,141,161,162,163,183,184,185,205,206,207,210,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,278,279,280,300,301,302,322,323,324,344,345,346,366,367,368,387,388,389,390,408,409,410,411,429,430,431,432,450,451,452,453,471,472,473,490 +9289 - 56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,339,340,341,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,486 +9290 - 10,11,12,31,32,33,34,53,54,74,75,76,96,97,117,118,119,139,140,141,161,162,163,183,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,249,250,251,254,255,256,271,272,273,277,278,279,293,294,295,299,300,301,315,316,317,322,323,324,338,339,340,344,345,346,360,361,362,363,367,368,383,384,385,386,387,388,389,390,406,407,408,409,410,411,412,429,430,431,432,433,491 +9291 - 55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,172,182,183,184,191,192,193,194,204,205,206,207,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,357,358,359,360,361,362,363,364,365,379,380,381,384,385,386,387,400,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,493 +9292 - 35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,106,107,108,117,118,119,120,121,129,130,138,139,140,141,151,152,158,159,160,161,162,173,174,180,181,182,183,194,195,196,201,202,203,204,216,217,218,222,223,224,225,238,239,240,243,244,245,246,247,259,260,261,262,265,266,267,268,281,282,283,287,288,289,303,304,305,309,310,311,324,325,326,331,332,333,345,346,347,353,354,355,356,357,366,367,368,369,376,377,378,379,380,381,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,447,448,449,450,485 +9293 - 7,8,9,10,28,29,30,31,32,50,51,52,53,72,73,74,93,94,95,96,114,115,116,117,136,137,138,139,158,159,160,161,180,181,182,191,192,201,202,203,204,212,213,214,215,223,224,225,226,233,234,235,236,237,238,245,246,247,248,254,255,256,257,258,259,260,261,267,268,269,270,276,277,278,279,280,281,282,283,289,290,291,292,297,298,299,300,304,305,306,311,312,313,314,315,316,317,318,319,320,321,322,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,393,491 +9294 - 71,92,93,94,106,107,114,115,116,128,129,135,136,137,149,150,151,157,158,171,172,173,178,179,180,193,194,195,199,200,201,215,216,220,221,222,223,224,225,226,227,236,237,238,242,243,244,245,246,247,248,249,250,251,258,259,260,264,265,266,271,272,273,274,275,276,280,281,282,286,295,296,297,298,299,300,301,302,303,320,321,322,323,324,325,345,346,347,367,368,369,389,390,410,411,412,432,433,434,454,455,456,476,477,489 +9295 - 75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,148,149,158,159,160,161,162,163,170,171,179,180,181,182,183,191,192,193,201,202,203,204,212,213,214,215,216,223,224,225,226,227,229,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,301,302,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +9296 - 55,56,57,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,146,147,148,168,169,170,189,190,191,192,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,397,398,399,400,420,487 +9297 - 35,36,37,57,58,59,79,80,81,82,100,101,102,103,104,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,403,404,405,406,425,426,427,428,447,448,449,486 +9298 - 3,4,5,24,25,26,46,47,48,68,69,70,90,91,92,112,113,114,134,135,136,137,146,147,148,149,150,156,157,158,159,166,167,168,169,170,171,172,173,174,178,179,180,181,186,187,188,189,190,191,192,193,194,195,196,200,201,202,203,204,207,208,209,210,211,212,213,215,216,217,218,219,222,223,224,225,226,228,229,230,231,232,233,234,238,239,240,241,245,246,247,248,249,250,251,252,253,261,262,263,267,268,269,270,271,272,273,274,283,284,285,290,291,292,293,294,295,296,305,306,307,312,313,314,315,316,317,318,326,327,328,329,335,336,337,338,339,340,341,347,348,349,350,351,358,359,360,361,362,363,364,365,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,428,429,430,431,432,433,434,435,436,491 +9299 - 52,60,61,62,73,74,75,82,83,84,85,94,95,96,97,103,104,105,106,116,117,118,119,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,168,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,211,212,213,214,215,223,224,225,226,227,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,489 +9300 - 77,78,79,80,81,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,189,190,191,192,193,194,195,196,200,201,202,203,204,205,206,210,211,212,213,214,215,216,217,222,223,224,225,226,227,232,233,234,235,236,237,238,239,243,244,245,246,247,253,254,255,256,257,258,259,260,265,266,267,268,275,276,277,278,279,280,281,287,288,289,290,291,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,364,365,366,367,386,387,388,389,407,408,409,410,429,430,431,432,433,451,452,453,454,455,473,474,475,476,494 +9301 - 143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,175,184,185,186,187,188,189,190,191,192,193,194,195,196,197,205,206,207,208,209,210,227,228,229,249,250,251,252,253,271,272,273,274,275,276,296,297,298,299,311,312,313,319,320,321,333,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,361,362,363,364,380,381,382,383,384,385,490 +9302 - 47,48,49,50,51,52,53,54,69,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,192,213,214,215,236,237,238,258,259,260,281,282,303,304,325,326,346,347,348,356,357,358,368,369,378,379,380,389,390,391,400,401,402,403,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,488 +9303 - 52,53,54,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,170,171,172,173,174,180,181,182,183,184,185,186,187,194,195,196,202,203,204,205,206,207,208,216,217,218,224,225,226,227,228,229,230,238,239,240,245,246,247,248,249,250,251,252,260,261,262,267,268,269,270,272,273,282,283,284,288,289,290,291,292,295,303,304,305,306,310,311,312,313,314,324,325,326,327,328,332,333,334,335,336,346,347,348,349,355,356,357,358,359,366,367,368,369,370,371,377,378,379,380,381,382,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +9304 - 29,30,31,32,51,52,53,54,55,74,75,76,77,78,96,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,428,429,430,431,432,451,452,453,486 +9305 - 37,38,58,59,60,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,385,402,403,404,405,406,424,425,426,427,446,447,448,486 +9306 - 38,39,40,41,42,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,96,97,98,118,119,120,139,140,141,160,161,162,163,181,182,183,184,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,257,258,259,260,261,267,268,269,281,282,283,289,290,304,305,306,311,312,326,327,334,335,347,348,349,356,357,358,368,369,370,371,379,380,381,389,390,391,392,401,402,403,404,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,490 +9307 - 52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,125,126,127,128,129,136,137,138,139,140,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,280,281,295,300,301,302,303,308,309,322,323,324,325,330,331,344,345,346,347,353,354,365,366,367,368,375,376,377,386,387,388,389,397,398,399,400,401,402,404,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,488 +9308 - 56,57,58,59,76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,168,169,170,171,182,183,184,185,190,191,192,193,204,205,206,212,213,214,215,226,227,228,234,235,236,237,247,248,249,256,257,258,259,269,270,271,278,279,280,290,291,292,293,300,301,302,312,313,314,321,322,323,324,334,335,336,343,344,345,346,356,357,358,364,365,366,367,379,380,385,386,387,388,401,402,403,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +9309 - 9,10,11,12,31,32,33,34,53,54,55,74,75,76,77,95,96,97,98,117,118,119,120,138,139,140,141,159,160,161,162,163,169,170,171,181,182,183,184,190,191,192,193,194,202,203,204,205,206,211,212,213,214,215,216,217,224,225,226,227,232,233,234,235,236,237,238,239,245,246,247,248,249,253,254,255,256,257,258,259,260,261,262,267,268,269,270,275,276,277,278,279,282,283,284,289,290,291,292,297,298,299,300,304,305,306,311,312,313,314,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,491 +9310 - 74,75,76,77,96,97,98,99,100,101,117,118,119,120,121,122,123,138,139,140,141,142,144,145,146,160,161,162,163,166,167,168,182,183,184,188,189,190,204,205,206,210,211,212,226,227,228,232,233,234,235,248,249,250,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,320,321,322,342,343,344,364,365,366,386,387,388,407,408,409,410,429,430,431,432,451,452,453,474,475,476,494 +9311 - 82,83,84,93,94,95,103,104,105,106,115,116,117,118,125,126,127,128,136,137,138,139,140,146,147,148,149,150,158,159,160,161,168,169,170,171,180,181,182,183,190,191,192,201,202,203,211,212,213,214,222,223,224,225,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +9312 - 92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,142,143,144,145,146,147,156,157,158,159,160,166,167,168,187,188,189,190,209,210,211,212,231,232,233,252,253,254,255,259,260,261,262,263,274,275,276,277,278,279,280,281,282,283,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,360,361,362,363,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470,471,492 +9313 - 53,54,55,56,57,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,170,171,183,184,185,192,193,194,205,206,207,208,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,323,337,338,339,343,344,345,358,359,360,364,365,366,367,380,381,386,387,388,402,403,404,406,407,408,409,410,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,469,470,471,472,493 +9314 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,94,95,96,97,100,101,102,103,115,116,117,118,122,123,124,125,138,139,145,146,147,160,167,168,169,190,191,212,213,233,234,235,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,319,320,321,322,323,324,325,326,336,337,338,339,341,342,343,344,346,347,348,349,359,360,361,362,363,364,365,366,371,372,382,383,384,385,386,387,388,404,405,406,407,408,409,427,428,429,430,450,451,487 +9315 - 76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,170,171,172,179,180,181,182,183,192,193,194,201,202,203,213,214,215,216,223,224,225,226,234,235,236,237,238,245,246,247,248,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,474,494 +9316 - 31,32,33,52,53,54,55,56,72,73,74,75,76,77,93,94,95,96,97,98,114,115,116,117,118,136,137,138,158,159,160,168,169,170,171,172,179,180,181,188,189,190,191,192,193,194,195,201,202,203,209,210,211,212,213,214,215,216,217,218,223,224,231,232,233,238,239,240,245,246,252,253,254,260,261,262,267,268,274,275,276,282,283,284,289,290,291,295,296,297,304,305,306,311,312,313,314,317,318,319,325,326,327,328,333,334,335,336,337,339,340,341,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,427,428,429,430,450,451,491 +9317 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,160,161,162,163,168,169,170,183,184,185,186,205,206,207,208,209,210,211,212,229,230,231,232,233,234,252,253,254,255,273,274,275,276,277,278,295,296,297,298,299,300,316,317,318,320,321,322,337,338,339,342,343,344,359,360,361,363,364,365,366,380,381,382,384,385,386,387,388,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,469,470,471,493 +9318 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,116,117,118,119,139,140,141,160,161,162,163,182,183,184,185,204,205,206,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,279,280,281,282,291,292,293,294,295,296,301,302,303,304,314,315,316,323,324,325,326,345,346,347,348,366,367,368,369,387,388,389,390,391,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,490 +9319 - 146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,226,227,228,229,230,247,248,249,269,270,271,272,273,291,292,293,294,295,296,297,311,312,313,314,317,318,319,333,334,335,336,337,338,339,340,341,357,358,359,360,361,362,363,381,382,383,384,490 +9320 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,121,122,123,124,138,139,140,143,144,145,146,159,160,161,165,166,167,168,181,182,183,187,188,189,190,203,204,205,209,210,211,212,225,226,227,231,232,233,247,248,249,252,253,254,255,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,316,319,320,321,341,342,343,363,364,365,385,386,387,388,408,409,410,430,431,432,453,454,455,475,476,477,478,494 +9321 - 31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,103,104,105,117,118,119,120,125,126,127,139,140,141,142,143,147,148,149,150,168,169,170,171,172,190,191,192,193,194,211,212,213,214,215,233,234,235,236,237,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,367,368,369,370,371,376,377,378,379,380,381,382,383,384,390,391,392,393,394,398,399,400,401,402,403,404,414,415,416,421,422,423,424,425,436,437,438,444,445,487 +9322 - 73,74,75,76,77,94,95,96,97,98,99,100,116,117,118,119,120,121,122,138,139,140,142,143,144,145,160,161,162,164,165,166,167,181,182,183,186,187,188,189,190,204,205,206,209,210,211,212,226,227,228,229,231,232,233,234,248,249,250,251,252,253,254,255,256,272,273,274,275,276,277,296,297,298,299,300,320,321,322,343,344,345,365,366,367,388,389,410,411,412,432,433,434,452,453,454,455,456,472,473,474,475,476,477,494 +9323 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,143,144,145,146,165,166,167,168,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,486 +9324 - 49,50,51,52,70,71,72,73,74,75,76,92,93,94,95,96,97,98,115,117,118,119,120,121,140,141,142,143,144,163,164,165,166,186,187,188,208,209,210,211,231,232,233,253,254,255,256,276,277,278,298,299,300,317,318,319,320,321,322,338,339,340,341,342,343,344,359,360,361,362,363,364,365,366,382,383,384,385,386,387,388,389,390,409,410,411,412,413,432,433,434,435,436,456,457,458,459,479,480,481,487 +9325 - 36,37,38,39,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,170,171,172,173,181,182,183,184,185,186,187,188,193,194,195,202,203,204,205,206,207,208,209,215,216,217,224,225,226,227,228,237,238,239,245,246,247,248,249,259,260,261,267,268,269,270,271,280,281,282,283,288,289,290,291,292,301,302,303,304,305,310,311,312,313,321,322,323,324,325,326,327,332,333,334,335,341,342,343,344,345,346,347,348,349,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,485 +9326 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,122,123,124,125,135,136,137,138,143,144,145,146,147,164,165,166,167,168,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,237,249,250,251,257,258,259,279,280,281,300,301,302,303,321,322,323,324,342,343,344,345,346,363,364,365,366,367,383,384,385,386,387,388,398,399,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,464,465,466,467,468,469,488 +9327 - 103,104,105,106,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,204,205,206,207,208,209,212,213,214,215,223,224,225,226,227,228,229,233,234,235,236,237,245,246,247,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,344,361,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,448,449,450,451,469,470,471,472,492 +9328 - 98,99,100,101,102,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,159,160,161,162,163,168,169,170,180,181,182,183,190,191,192,202,203,204,213,214,215,224,225,226,235,236,237,238,239,247,248,249,250,259,260,261,262,270,271,272,273,283,284,285,294,295,296,297,317,318,319,340,341,342,363,364,385,386,387,408,409,430,431,452,453,474,475,490 +9329 - 9,10,11,30,31,32,33,34,52,53,54,55,73,74,75,76,77,94,95,96,97,98,116,117,118,119,120,137,138,139,140,141,159,160,161,162,163,170,171,172,180,181,182,183,184,191,192,193,194,195,201,202,203,204,205,212,213,214,215,216,217,218,223,224,225,226,227,233,234,235,236,237,238,239,240,244,245,246,247,248,254,255,256,257,258,259,260,261,262,266,267,268,269,270,275,276,277,278,279,280,281,282,283,284,288,289,290,291,297,298,299,300,301,305,306,307,310,311,312,313,319,320,321,322,323,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,491 +9330 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,83,84,99,100,101,102,120,121,122,123,142,143,144,145,163,164,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,340,341,342,343,344,358,359,360,362,363,364,365,366,367,380,381,382,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,446,447,448,449,450,491 +9331 - 10,11,12,13,31,32,33,34,35,53,54,55,56,57,75,76,77,78,79,96,97,98,99,118,119,120,121,139,140,141,142,143,160,161,162,163,164,182,183,184,185,191,192,193,194,203,204,205,206,207,212,213,214,215,216,217,225,226,227,228,229,233,234,235,236,237,238,239,246,247,248,249,250,254,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,283,290,291,292,293,297,298,299,300,301,302,303,304,305,311,312,313,314,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,408,409,410,491 +9332 - 12,13,33,34,35,55,56,57,76,77,78,98,99,119,120,121,140,141,142,162,163,169,170,171,183,184,185,190,191,192,193,194,205,206,211,212,213,214,215,216,226,227,228,232,233,234,236,237,248,249,253,254,255,258,259,270,271,275,276,277,279,280,291,292,293,296,297,298,301,302,313,314,315,318,319,320,322,323,324,335,336,337,340,341,342,343,344,345,357,358,359,362,363,364,365,366,380,381,382,383,384,385,386,402,403,404,405,406,407,491 +9333 - 49,50,51,52,53,54,55,56,57,58,59,60,61,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,145,146,147,148,149,150,166,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,325,326,327,330,331,332,346,347,348,349,353,354,355,367,368,369,370,371,375,376,377,378,379,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +9334 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,102,103,115,116,117,118,123,124,125,126,135,136,137,138,139,147,148,157,158,159,169,170,179,180,191,192,213,214,235,236,256,257,258,278,279,280,299,300,301,320,321,322,341,342,343,362,363,364,383,384,385,386,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +9335 - 55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,146,147,148,149,150,155,156,157,158,159,160,161,167,168,169,170,171,172,177,178,179,180,187,188,189,190,191,192,193,199,200,201,207,208,209,210,211,212,213,214,222,223,224,228,229,230,231,232,233,234,235,246,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,298,299,300,301,302,303,304,324,325,326,333,334,345,346,347,348,355,356,357,367,368,369,370,377,378,379,380,381,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +9336 - 10,11,12,13,14,15,16,30,31,32,33,34,35,36,37,38,39,49,50,51,52,53,54,55,56,59,60,61,62,69,70,71,72,73,74,75,81,82,83,84,90,91,92,93,94,103,104,105,106,125,126,127,128,147,148,149,150,168,169,170,171,190,191,192,193,211,212,213,214,215,232,233,234,235,236,254,255,256,257,272,273,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,353,354,355,356,357,359,360,361,362,363,364,365,366,367,368,369,370,371,372,375,376,377,378,379,380,381,382,383,384,385,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,411,412,413,414,415,416,420,421,422,423,424,425,426,427,435,436,487 +9337 - 55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,189,190,191,192,193,194,210,211,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,322,323,324,330,331,344,345,346,347,352,353,354,355,365,366,367,368,369,374,375,376,377,378,379,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,488 +9338 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,138,139,141,142,143,144,145,146,162,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,226,227,228,229,248,249,250,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,324,344,345,346,366,367,368,387,388,389,390,408,409,410,411,412,429,430,431,432,433,449,450,451,452,453,454,455,471,472,473,474,475,476,488 +9339 - 37,38,39,59,60,61,62,80,81,82,83,84,101,102,103,104,105,122,123,124,125,126,127,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +9340 - 73,74,75,79,80,95,96,97,101,102,116,117,118,123,124,138,139,140,144,145,160,161,162,166,167,182,183,184,188,189,204,205,206,210,211,226,227,228,232,233,236,237,249,250,254,255,256,257,258,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,319,320,321,342,343,364,365,386,387,408,409,430,431,453,454,475,476,489 +9341 - 102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,201,202,203,204,205,206,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,318,319,320,321,322,323,339,340,341,342,343,344,360,361,362,363,364,365,381,382,383,384,385,386,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,467,468,469,470,492 +9342 - 47,48,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,120,121,122,123,124,125,144,145,146,147,164,165,166,167,168,169,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,226,227,228,229,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,295,296,297,298,299,300,301,319,320,321,322,323,324,343,344,345,346,347,366,367,368,369,370,389,390,391,392,403,404,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,447,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,488 +9343 - 56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,128,129,130,138,139,140,141,142,143,150,151,152,160,161,162,163,164,171,172,173,174,182,183,184,185,192,193,194,195,196,213,214,215,216,217,234,235,236,237,238,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,332,333,334,335,336,337,338,339,340,341,342,343,344,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,388,389,390,397,398,399,400,401,402,403,404,410,411,412,420,421,422,423,424,433,487 +9344 - 93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,162,163,171,172,173,174,179,180,181,182,193,194,195,196,201,202,203,214,215,216,217,222,223,224,225,235,236,237,238,239,244,245,246,247,256,257,258,259,260,266,267,268,278,279,280,281,288,289,290,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,469,470,471,472,492 +9345 - 76,77,78,79,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,125,138,139,140,141,142,145,146,147,160,161,162,163,167,168,169,181,182,183,184,189,190,191,204,205,210,211,212,231,232,233,234,250,251,252,253,254,255,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,342,343,344,345,346,356,357,358,365,366,367,368,369,389,390,391,392,412,413,414,415,435,436,437,438,458,459,460,461,482,483,487 +9346 - 54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,473,474,475,486 +9347 - 31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,126,127,128,129,136,137,138,139,140,141,147,148,149,150,151,159,160,161,168,169,170,171,172,173,187,188,189,190,191,192,193,194,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,259,260,274,275,276,280,281,282,286,287,302,303,304,308,309,310,324,325,326,327,330,331,332,333,346,347,348,349,352,353,354,355,356,357,366,367,368,369,370,371,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,488 +9348 - 48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,121,122,123,124,125,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,206,207,208,209,229,230,231,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,302,322,323,324,345,346,347,368,369,370,380,381,390,391,392,401,402,403,404,405,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,472,473,474,475,476,488 +9349 - 9,10,11,30,31,32,33,34,52,53,54,55,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,159,160,161,162,163,169,170,171,180,181,182,183,184,189,190,191,192,193,194,195,202,203,204,205,210,211,212,213,214,215,216,217,223,224,225,226,231,232,233,234,235,236,237,238,239,240,245,246,247,248,253,254,255,256,257,260,261,262,267,268,269,274,275,276,277,283,284,289,290,291,296,297,298,299,304,305,306,311,312,313,318,319,320,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,491 +9350 - 48,49,50,51,52,69,70,71,72,73,74,75,83,84,85,90,91,92,93,94,95,96,97,98,103,104,105,106,107,111,112,113,114,117,118,119,120,123,124,125,126,127,128,133,134,135,136,144,145,146,147,155,156,157,158,159,165,166,167,168,178,179,180,181,182,183,186,187,188,189,200,201,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,299,300,301,302,303,304,305,315,316,317,318,324,325,326,327,337,338,339,340,346,347,348,349,359,360,361,362,369,370,371,381,382,383,384,391,392,393,402,403,404,405,406,407,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,493 +9351 - 52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,117,118,119,120,122,123,124,125,126,127,128,139,140,141,146,147,148,149,150,161,162,163,168,169,170,171,172,183,184,185,186,188,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,312,313,314,315,316,320,321,322,334,335,336,337,343,344,345,356,357,358,365,366,367,378,379,380,386,387,388,389,400,401,402,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,467,468,469,470,471,472,473,493 +9352 - 93,94,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,169,170,171,172,190,191,192,193,194,212,213,214,215,234,235,236,256,257,258,277,278,279,280,297,298,299,300,301,302,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,358,359,360,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,492 +9353 - 62,63,64,65,81,82,83,84,85,86,87,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,184,185,186,187,188,189,206,207,208,227,228,229,230,231,248,249,250,251,252,253,270,271,272,273,274,275,276,292,293,294,296,297,298,314,315,318,319,320,340,341,342,354,355,360,361,362,363,364,376,377,378,379,380,381,382,383,384,385,398,399,400,401,402,403,404,405,406,407,420,421,422,423,424,425,426,427,490 +9354 - 76,77,78,79,80,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,146,147,148,149,150,151,152,153,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,182,183,184,185,186,195,196,203,204,205,206,207,225,226,227,228,229,247,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,382,383,384,385,386,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,466,467,468,469,470,490 +9355 - 35,36,56,57,58,59,78,79,80,81,100,101,102,103,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,449,486 +9356 - 12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,121,122,139,140,141,142,143,144,161,162,163,164,165,166,182,183,184,185,186,187,204,205,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,270,271,272,273,274,275,292,293,294,295,296,297,298,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,405,406,407,408,409,410,411,412,413,414,431,432,433,434,491 +9357 - 40,41,61,62,63,83,84,85,94,95,104,105,106,107,116,117,118,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,169,170,171,172,181,182,183,184,190,191,192,193,202,203,204,205,212,213,214,215,224,225,226,227,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,342,343,344,363,364,365,366,385,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,489 +9358 - 53,54,55,56,57,73,74,75,76,77,78,79,94,95,96,97,100,101,115,116,117,121,122,123,126,127,128,137,138,143,144,146,147,148,149,150,159,160,165,166,167,168,169,170,181,182,183,188,189,190,191,203,204,205,206,209,210,211,227,228,229,230,231,232,250,251,252,253,254,273,274,275,276,295,296,297,298,299,316,317,318,319,320,321,338,339,342,343,344,360,361,364,365,366,381,382,383,386,387,388,403,404,405,408,409,426,427,429,430,431,448,449,450,451,452,470,471,472,473,493 +9359 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,190,191,192,203,204,205,206,212,213,214,225,226,227,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,471,472,473,474,475,494 +9360 - 36,37,38,39,40,41,57,58,59,60,61,62,63,78,79,80,81,82,83,84,85,99,100,101,102,103,104,120,121,122,123,124,125,141,142,143,144,145,146,163,164,165,166,167,184,185,186,187,188,205,206,207,208,209,227,228,229,230,238,239,240,248,249,250,251,260,261,262,269,270,271,272,273,280,281,282,283,291,292,293,294,295,301,302,303,304,305,313,314,315,316,322,323,324,325,326,335,336,337,338,342,343,344,345,346,357,358,359,360,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,446,447,448,449,450,451,485 +9361 - 31,32,33,34,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,168,169,170,171,172,173,174,179,180,181,182,183,184,191,192,193,194,195,196,201,202,203,204,205,215,216,217,218,223,224,225,226,237,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,283,284,285,288,289,290,291,304,305,306,307,310,311,312,313,325,326,327,328,329,332,333,334,335,336,337,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,485 +9362 - 51,52,53,54,55,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,113,114,115,116,117,119,120,121,122,135,136,137,142,143,144,157,158,159,164,165,166,178,179,180,181,182,183,184,185,186,187,188,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,254,255,256,257,258,259,260,262,276,277,278,279,280,298,299,300,301,302,318,319,320,321,322,323,324,325,340,341,342,343,344,345,346,347,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,449,450,451,452,453,454,472,473,474,475,493 +9363 - 8,9,10,29,30,31,32,51,52,53,54,72,73,74,75,94,95,96,97,115,116,117,118,137,138,139,140,158,159,160,161,162,180,181,182,183,192,193,202,203,204,205,212,213,214,215,216,223,224,225,226,233,234,235,236,237,238,239,245,246,247,248,254,255,256,257,258,259,260,261,262,267,268,269,275,276,277,278,279,280,282,283,284,289,290,291,292,297,298,299,300,305,306,311,312,313,314,315,316,318,319,320,321,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,491 +9364 - 53,54,55,56,57,58,59,60,61,62,63,64,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,137,138,139,140,157,158,159,160,161,162,179,180,181,182,183,200,201,202,203,204,205,206,207,208,209,222,223,224,225,226,227,228,229,230,231,232,233,245,246,247,248,249,250,251,252,253,254,255,274,275,276,277,278,279,298,299,300,301,302,321,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,453,469,470,471,472,473,474,490 +9365 - 79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,149,150,151,152,158,159,160,161,162,163,164,165,166,167,171,172,173,174,179,180,181,182,186,187,189,191,192,193,194,195,196,201,202,203,208,209,212,213,214,215,216,217,223,224,225,231,233,234,235,236,237,245,246,247,248,254,255,256,257,258,268,269,270,271,272,273,276,277,278,291,292,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,339,340,341,342,343,344,362,363,364,365,366,367,383,384,385,387,388,389,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9366 - 61,62,63,81,82,83,84,85,101,102,103,104,105,106,107,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,160,161,162,163,164,165,181,182,183,184,185,186,203,204,205,206,225,226,227,247,248,249,250,251,270,271,272,273,274,275,294,295,296,297,298,299,318,319,320,321,322,343,344,345,366,367,368,382,383,384,389,390,404,405,406,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,477,490 +9367 - 72,73,74,75,76,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,173,174,175,180,181,182,184,185,186,187,188,194,195,196,197,202,203,204,205,206,207,208,209,210,214,215,216,217,218,219,224,225,226,227,228,229,230,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,364,365,366,380,381,382,386,387,388,402,403,407,408,409,410,424,425,426,428,429,430,431,432,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,493 +9368 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,99,100,101,102,122,123,124,143,144,145,146,164,165,166,167,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,257,258,259,260,261,262,266,267,268,269,270,271,281,282,283,284,304,305,306,307,326,327,328,329,348,349,350,357,358,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,451,452,453,454,488 +9369 - 31,32,52,53,54,73,74,75,76,77,94,95,96,97,98,99,115,116,117,118,119,120,136,137,138,139,140,141,143,144,145,146,147,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,222,223,224,225,227,228,229,237,238,239,240,244,245,246,247,249,260,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,310,311,312,313,314,315,316,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,405,406,407,485 +9370 - 90,91,103,104,105,112,113,114,115,116,122,123,124,125,126,127,135,136,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,188,189,190,191,210,211,212,232,233,234,254,255,256,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,407,408,429,430,431,451,452,453,473,474,475,492 +9371 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,165,166,167,168,169,170,171,172,181,182,183,184,190,191,192,193,203,204,205,211,212,213,214,215,225,226,227,232,233,234,235,236,248,249,250,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,315,316,317,318,319,320,337,338,339,340,341,342,343,358,359,360,361,363,364,365,380,381,382,386,387,388,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474,493 +9372 - 97,98,99,100,101,102,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,168,169,170,180,181,182,183,184,190,191,192,202,203,204,205,206,212,213,214,224,225,226,227,234,235,236,246,247,248,249,256,257,258,268,269,270,271,278,279,280,290,291,292,300,301,302,322,323,324,343,344,345,365,366,367,386,387,388,408,409,410,429,430,431,432,450,451,452,453,471,472,473,474,492 +9373 - 33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,103,104,105,113,114,115,116,117,118,119,120,125,126,127,134,135,136,137,138,139,140,141,142,147,148,149,151,152,156,157,158,159,160,161,162,163,164,169,170,171,172,173,174,175,179,180,181,191,192,193,194,195,196,197,213,214,215,217,218,234,235,236,237,239,256,257,258,271,272,273,274,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,339,340,341,342,343,344,345,350,355,356,357,358,360,361,362,363,364,365,366,367,368,371,372,373,376,377,378,379,380,381,382,383,384,385,386,388,389,390,391,393,394,398,399,400,401,402,403,404,405,406,412,413,414,415,416,420,421,422,423,424,425,426,435,443,444,445,446,487 +9374 - 95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,182,183,184,203,204,205,206,225,226,227,228,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,290,291,292,293,294,295,296,297,298,299,313,314,315,318,319,320,321,322,342,343,344,364,365,366,385,386,387,406,407,408,409,427,428,429,430,431,449,450,451,452,469,470,471,472,473,490 +9375 - 84,85,98,105,106,107,119,120,121,127,128,129,140,141,142,143,148,149,150,151,161,162,163,164,165,169,170,171,172,183,184,185,186,191,192,193,194,204,205,206,207,212,213,214,215,225,226,227,228,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,383,384,385,405,406,407,426,427,428,448,449,450,470,471,489 +9376 - 9,10,11,30,31,32,33,51,52,53,73,74,78,79,80,94,95,96,100,101,102,103,116,117,123,124,125,126,137,138,139,147,148,149,159,160,161,170,171,172,181,182,193,194,195,202,203,204,216,217,224,225,226,238,239,246,247,260,261,268,269,282,283,290,291,304,305,312,313,325,326,327,334,335,346,347,348,356,357,358,368,369,370,379,380,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,485 +9377 - 32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,62,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,104,105,106,114,115,116,117,118,126,127,128,147,148,149,150,168,169,170,171,172,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,279,280,281,282,294,302,303,304,308,309,310,324,325,326,330,331,332,333,334,346,347,348,353,354,355,356,357,358,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,488 +9378 - 51,52,53,73,74,75,94,95,96,97,115,116,117,118,124,137,138,139,140,145,146,147,159,160,161,167,168,169,170,180,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,228,229,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478,489 +9379 - 102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,211,212,213,214,215,224,232,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,296,297,298,299,300,317,318,319,320,321,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,424,425,426,427,428,446,447,448,449,467,468,469,470,492 +9380 - 58,59,60,80,81,82,83,102,103,104,105,112,113,114,115,125,126,127,134,135,136,137,147,148,149,155,156,157,158,159,169,170,171,172,176,177,178,179,191,192,193,194,198,199,200,201,213,214,215,216,220,221,222,223,225,226,227,228,229,230,236,237,238,242,243,244,245,246,247,248,249,250,251,252,253,254,255,258,259,260,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,286,287,288,289,290,291,293,294,295,296,297,298,299,300,301,302,303,304,309,310,311,312,320,321,322,323,324,325,326,344,345,346,347,348,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,457,458,459,479,480,481,489 +9381 - 36,37,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,379,380,381,382,383,401,402,403,404,405,423,424,425,426,445,446,447,448,486 +9382 - 14,15,16,35,36,37,56,57,58,59,78,79,80,99,100,101,120,121,122,123,141,142,143,144,163,164,165,184,185,186,187,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,270,271,272,273,279,280,281,293,294,295,301,302,303,314,315,316,323,324,325,336,337,338,345,346,347,358,359,360,361,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +9383 - 118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,202,203,204,205,212,213,214,215,216,233,234,235,236,237,255,256,257,258,259,276,277,278,279,280,297,298,299,300,301,318,319,320,321,322,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,492 +9384 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,122,140,141,142,143,161,162,163,164,182,183,184,185,188,189,190,191,204,205,206,207,209,210,211,212,213,214,215,225,226,227,228,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,258,259,260,268,269,270,271,273,274,275,280,281,282,290,291,292,293,295,296,302,303,304,312,313,314,315,317,318,323,324,325,326,335,336,337,339,340,341,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +9385 - 9,10,11,31,32,33,34,53,54,55,74,75,76,77,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,169,170,171,172,173,174,182,183,184,185,189,190,191,192,193,194,195,196,203,204,205,206,210,211,212,213,214,215,216,217,218,219,224,225,226,227,228,232,233,234,235,236,237,238,239,240,241,244,246,247,248,249,253,254,255,256,257,261,262,263,266,267,268,269,270,275,276,277,278,281,282,283,284,285,289,290,291,292,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,318,319,320,321,322,323,324,325,326,327,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,402,403,404,491 +9386 - 70,71,72,73,74,75,76,77,78,79,80,81,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,225,226,227,228,229,230,247,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,344,345,346,347,348,349,366,367,368,369,370,371,379,380,381,382,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,488 +9387 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,169,170,180,181,182,183,191,192,193,202,203,204,213,214,215,224,225,226,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,317,318,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,494 +9388 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,145,164,165,166,167,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,450,451,452,453,486 +9389 - 61,62,63,73,74,83,84,85,95,96,97,104,105,106,107,116,117,118,119,126,127,128,129,137,138,139,140,141,147,148,149,150,158,159,160,161,162,168,169,170,171,172,179,180,181,182,183,189,190,191,192,193,201,202,203,204,211,212,213,214,222,223,224,225,226,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,427,428,429,449,450,471,472,489 +9390 - 56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,127,128,139,140,141,142,143,161,162,163,164,183,184,185,186,205,206,207,208,228,229,230,231,250,251,252,253,254,273,274,275,276,296,297,298,299,319,320,321,341,342,343,363,364,365,366,385,386,387,388,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +9391 - 35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,97,98,99,100,101,104,105,106,118,119,120,121,122,123,126,127,128,139,140,141,142,143,144,145,148,149,150,151,161,162,163,164,165,166,170,171,172,173,183,184,185,186,191,192,193,194,205,206,213,214,215,216,235,236,237,238,251,252,253,256,257,258,259,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,339,340,341,342,343,344,345,346,347,355,356,357,359,360,361,362,363,364,368,369,370,377,378,379,380,381,382,383,384,385,390,391,392,398,399,400,401,402,403,404,405,414,415,420,421,422,423,424,425,426,443,444,445,446,487 +9392 - 33,34,35,36,37,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,103,116,117,118,119,127,128,129,130,137,138,139,140,145,146,147,148,149,150,151,152,153,160,161,162,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,228,229,230,231,232,249,250,251,252,253,254,255,271,272,273,274,275,276,277,278,292,293,294,295,298,299,300,301,313,314,315,316,321,322,323,335,336,337,343,344,345,356,357,358,365,366,367,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,493 +9393 - 94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,166,167,168,169,170,171,180,181,182,183,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,469,470,471,472,473,474,494 +9394 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,429,430,431,451,452,453,486 +9395 - 96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,192,193,194,195,202,203,204,205,214,215,216,217,224,225,226,227,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,317,318,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,494 +9396 - 116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,272,273,274,275,276,277,278,279,280,281,290,291,292,298,299,300,301,302,303,313,314,322,323,324,325,336,337,338,344,345,346,347,358,359,360,361,362,363,365,366,367,368,369,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,450,453,454,490 +9397 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,104,105,106,107,118,119,120,121,122,127,128,129,140,141,142,143,148,149,150,151,162,163,164,170,171,172,185,186,192,193,194,213,214,215,216,235,236,237,256,257,258,269,270,271,272,273,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,354,355,356,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,389,390,391,398,399,400,401,402,403,404,405,412,413,414,420,421,422,423,424,425,435,442,443,444,445,446,487 +9398 - 52,53,73,74,75,85,86,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,115,116,117,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,170,171,179,180,181,182,202,203,204,205,206,207,208,225,226,227,228,229,230,231,232,251,252,253,254,255,275,276,277,278,298,299,300,321,322,323,343,344,345,365,366,367,385,386,387,388,405,406,407,408,409,410,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,472,490 +9399 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,149,150,151,152,153,159,160,161,162,163,164,165,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,207,217,218,219,224,225,226,227,228,240,241,245,246,247,248,249,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,292,304,305,306,307,310,311,312,313,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,359,360,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,485 +9400 - 37,38,39,59,60,61,62,80,81,82,83,84,101,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,445,446,447,486 +9401 - 18,19,39,40,41,61,62,63,82,83,84,85,93,104,105,106,115,116,125,126,127,128,137,138,147,148,149,150,158,159,160,169,170,171,180,181,182,190,191,192,193,196,197,201,202,203,204,212,213,214,215,216,217,218,219,222,223,224,225,233,234,235,236,237,238,239,240,244,245,246,247,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,342,343,344,345,364,365,366,367,385,386,387,388,389,407,408,409,410,430,431,489 +9402 - 49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,121,122,123,124,125,126,127,135,136,146,147,148,149,168,169,170,171,190,191,192,193,212,213,214,233,234,235,236,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,336,337,338,339,340,357,358,359,360,378,379,380,381,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,446,447,448,449,450,451,452,453,454,455,456,457,458,459,476,477,478,479,480,487 +9403 - 75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,162,168,169,170,180,181,182,183,190,191,192,202,203,204,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,494 +9404 - 48,49,50,68,69,70,71,72,90,91,92,93,112,113,114,134,135,136,146,147,148,156,157,158,167,168,169,170,171,178,179,180,181,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,234,235,236,237,246,247,248,249,250,251,252,253,256,257,258,259,271,272,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,367,368,369,389,390,391,392,411,412,413,414,415,434,435,436,437,438,439,457,458,459,460,461,489 +9405 - 60,61,82,83,84,93,103,104,105,106,114,115,124,125,126,127,136,137,138,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,182,189,190,191,192,193,200,201,202,203,211,212,213,214,222,223,224,225,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +9406 - 83,84,85,86,92,93,105,106,107,108,114,115,116,126,127,128,129,130,135,136,137,138,148,149,150,151,152,156,157,158,159,160,170,171,172,173,177,178,179,180,181,192,193,194,195,199,200,201,202,203,213,214,215,216,221,222,223,224,234,235,236,237,238,243,244,245,246,247,248,249,250,251,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,341,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,489 +9407 - 53,54,55,56,57,58,65,74,75,76,77,78,79,80,81,87,96,97,98,99,100,101,102,103,104,109,117,118,119,120,121,122,123,124,125,126,127,131,138,139,140,141,142,143,146,147,148,149,160,161,162,163,164,165,169,170,171,172,181,182,183,184,185,186,192,193,194,202,203,204,205,206,214,215,216,223,224,225,226,227,237,238,245,246,247,248,249,259,260,261,263,267,268,269,270,281,282,283,285,288,289,290,291,292,303,304,305,307,310,311,312,313,323,324,325,326,327,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,395,399,400,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,485 +9408 - 15,16,17,36,37,38,39,57,58,59,60,79,80,81,100,101,102,121,122,123,124,142,143,144,164,165,166,185,186,187,206,207,208,228,229,230,249,250,251,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,314,315,316,317,318,319,320,321,322,336,337,338,339,343,344,358,359,360,364,365,366,380,381,382,383,385,386,387,403,404,405,406,407,408,409,426,427,428,429,491 +9409 - 122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,234,235,236,237,245,246,247,256,257,258,259,277,278,279,280,299,300,301,302,320,321,322,323,342,343,344,345,363,364,365,366,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,453,471,472,473,474,492 +9410 - 32,33,34,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,486 +9411 - 35,36,37,57,58,59,78,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,427,445,446,447,448,486 +9412 - 74,75,76,95,96,97,98,117,118,119,120,121,138,139,140,141,142,143,144,160,161,162,163,164,165,166,167,182,183,184,185,186,187,188,189,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,292,293,294,295,297,298,299,300,319,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,455,474,475,476,477,494 +9413 - 50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,147,148,149,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,258,259,260,271,272,273,274,275,276,277,280,281,282,293,294,295,296,297,302,303,304,311,315,316,317,318,324,325,326,327,332,333,334,346,347,348,354,355,356,357,367,368,369,370,377,378,379,380,381,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,488 +9414 - 56,59,60,77,78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,140,141,142,143,144,145,160,161,162,163,164,166,167,168,180,181,182,183,184,188,189,190,200,201,202,203,204,210,211,212,222,223,224,232,233,234,244,245,246,247,248,249,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,303,317,318,319,320,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +9415 - 33,34,35,36,37,38,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,126,127,128,138,139,140,141,142,148,149,150,160,161,162,170,171,172,191,192,193,194,213,214,215,234,235,236,237,255,256,257,258,271,272,273,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,344,354,355,356,357,358,359,360,361,362,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,409,410,411,412,413,420,421,422,423,424,425,434,435,436,442,443,444,445,457,458,487 +9416 - 69,70,71,72,73,74,75,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,169,170,171,172,190,191,192,193,211,212,213,214,215,232,233,234,235,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,361,362,363,364,382,383,384,385,404,405,406,407,425,426,427,428,447,448,449,450,451,468,469,470,471,472,473,492 +9417 - 95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,169,170,171,180,181,182,183,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,276,277,278,279,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471,472,494 +9418 - 62,63,76,77,82,83,84,85,86,97,98,99,100,104,105,106,107,118,119,120,121,125,126,127,139,140,141,142,146,147,148,149,161,162,163,167,168,169,170,182,183,184,189,190,191,204,205,206,210,211,212,213,225,226,227,232,233,234,247,248,249,253,254,255,256,269,270,271,274,275,276,277,291,292,293,294,295,296,297,298,314,315,316,317,318,319,320,339,340,341,360,361,362,363,382,383,384,404,405,406,425,426,427,428,447,448,449,450,469,470,471,489 +9419 - 32,33,34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,147,148,149,150,151,152,158,159,160,161,162,163,170,171,172,173,174,180,181,182,183,184,193,194,195,196,201,202,203,204,205,215,216,217,218,222,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,281,282,283,284,288,289,290,291,303,304,305,306,310,311,312,313,324,325,326,327,328,332,333,334,335,345,346,347,348,349,350,354,355,356,357,358,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,485 +9420 - 34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,317,318,319,320,339,340,341,342,362,363,364,383,384,385,386,406,407,408,409,428,429,430,431,451,452,486 +9421 - 55,56,57,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,472,473,474,486 +9422 - 40,41,48,49,50,60,61,62,63,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,136,137,138,158,159,160,180,181,182,187,188,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,256,257,258,259,260,270,280,281,282,303,304,305,325,326,327,347,348,349,354,355,369,370,371,376,377,378,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,490 +9423 - 33,54,55,56,57,76,77,78,79,98,99,100,101,102,120,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,205,206,207,208,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,325,326,327,328,329,333,334,335,336,337,338,339,340,341,348,349,350,351,355,356,357,358,359,360,361,362,372,373,377,378,379,380,381,382,487 +9424 - 101,102,103,104,122,123,124,125,126,127,133,134,135,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,198,199,200,201,202,203,204,205,206,207,208,209,212,213,214,215,222,223,224,225,226,227,228,233,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,303,320,321,322,323,324,325,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,413,430,431,432,433,434,435,452,453,454,455,456,457,475,476,477,492 +9425 - 30,31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,137,138,142,143,144,145,146,164,165,166,167,168,186,187,188,189,206,207,208,209,210,211,212,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,298,299,300,301,302,321,322,323,324,337,338,343,344,345,346,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,488 +9426 - 12,13,14,33,34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,164,165,166,185,186,187,207,208,209,228,229,230,231,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,324,337,338,339,340,343,344,345,346,359,360,361,362,365,366,367,382,383,384,385,386,387,388,389,405,406,407,408,409,410,428,429,430,431,491 +9427 - 59,60,61,80,81,82,83,102,103,104,105,117,118,123,124,125,126,138,139,140,141,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,214,225,226,227,228,229,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,320,321,322,323,324,340,341,342,343,344,345,346,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,472,473,474,489 +9428 - 75,76,77,78,79,95,96,97,98,99,100,101,102,103,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,145,146,147,148,149,150,151,158,159,160,161,162,169,170,171,172,173,179,180,181,182,191,192,193,194,195,201,202,203,214,215,216,222,223,224,236,237,238,244,245,246,258,259,266,267,268,280,281,288,289,290,301,302,303,311,312,313,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,389,390,411,412,432,433,434,454,455,456,476,477,478,494 +9429 - 55,56,57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,134,135,136,137,138,139,140,141,142,143,144,145,149,150,151,152,156,157,158,159,160,161,162,163,164,165,178,179,180,181,182,183,184,185,186,201,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,272,273,274,275,276,277,278,295,296,297,298,299,300,301,319,320,321,322,323,324,341,342,343,344,345,346,364,365,366,367,368,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,476,490 +9430 - 7,8,29,30,31,51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,118,119,140,141,162,163,167,168,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,228,229,230,231,235,236,237,250,251,252,258,259,272,273,274,280,281,282,294,295,296,301,302,303,304,314,316,317,322,323,324,325,326,335,336,344,345,346,347,358,359,360,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,411,427,428,429,430,431,432,490 +9431 - 9,10,11,12,30,31,32,33,34,52,53,54,55,56,74,75,76,77,95,96,97,98,99,117,118,119,120,121,138,139,140,141,142,160,161,162,163,164,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,301,302,303,304,313,314,315,316,317,318,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,391,404,405,406,407,408,409,410,411,491 +9432 - 27,28,29,30,31,48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,120,121,122,123,124,144,145,146,166,167,168,169,189,190,191,192,211,212,213,214,234,235,236,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,285,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,404,405,406,487 +9433 - 92,93,94,104,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,199,200,201,202,208,212,213,214,215,221,222,223,234,235,236,237,244,255,256,257,258,259,277,278,279,280,281,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,427,428,429,430,431,448,449,450,451,452,470,471,472,473,474,492 +9434 - 94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,158,159,166,167,188,189,190,210,211,212,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,492 +9435 - 32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,124,125,126,140,141,142,147,148,149,150,151,162,163,164,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,360,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,493 +9436 - 99,100,101,102,103,104,105,106,107,108,109,116,117,118,121,122,123,124,125,126,127,128,129,130,131,138,139,140,143,144,145,146,147,148,149,150,158,159,160,161,162,166,179,180,181,182,183,201,202,203,204,205,223,224,225,226,227,228,229,230,231,246,247,248,249,250,251,252,253,254,255,272,273,274,275,276,277,278,297,298,299,300,301,321,322,323,336,343,344,345,357,358,359,364,365,366,367,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,426,427,428,429,430,490 +9437 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,144,145,146,147,148,158,159,160,161,162,168,169,170,180,181,182,183,190,191,192,193,202,203,204,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,494 +9438 - 48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,114,115,118,119,120,121,139,140,141,142,143,161,162,163,164,182,183,184,185,186,187,205,206,207,208,209,210,228,229,230,231,232,233,234,252,253,254,255,256,257,276,277,278,279,280,300,301,302,303,323,324,325,326,345,346,347,348,367,368,369,370,388,389,390,391,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,488 +9439 - 76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,169,170,171,172,173,180,181,182,183,184,185,188,193,194,195,196,201,202,203,204,205,206,215,216,217,218,222,223,224,225,226,227,237,238,239,240,244,245,246,247,248,259,260,261,262,266,267,268,269,281,282,283,284,287,288,289,290,291,302,303,304,305,309,310,311,312,323,324,325,326,327,331,332,333,334,343,344,345,346,347,348,349,353,354,355,356,357,358,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,448,485 +9440 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,486 +9441 - 55,56,57,58,59,77,78,79,80,81,98,99,100,101,102,120,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,321,338,339,340,341,342,343,360,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473,486 +9442 - 30,31,32,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,119,120,121,122,123,135,136,142,143,144,145,164,165,166,167,185,186,187,188,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,271,272,273,274,277,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,358,359,366,367,368,369,380,381,382,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,488 +9443 - 54,55,56,57,76,77,78,79,80,98,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,346,347,348,349,350,351,354,355,356,357,358,359,360,361,370,371,372,373,378,379,487 +9444 - 12,13,14,33,34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,97,98,99,100,101,102,103,119,120,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,231,232,233,234,247,248,249,250,253,254,255,267,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,294,295,296,297,298,310,311,312,315,316,317,318,319,326,327,332,333,334,336,337,338,339,340,341,342,347,348,349,354,355,356,357,358,359,360,361,362,363,364,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,406,407,408,409,410,411,412,413,414,487 +9445 - 31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,125,126,127,128,146,147,148,149,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,300,301,302,303,322,323,324,325,334,335,343,344,345,346,347,355,356,357,358,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +9446 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,405,406,407,427,428,429,449,450,451,472,473,486 +9447 - 39,40,41,60,61,62,63,81,82,83,84,85,92,93,94,95,103,104,105,106,115,116,117,118,125,126,127,128,129,137,138,139,140,147,148,149,150,151,158,159,160,161,162,169,170,171,172,180,181,182,183,184,190,191,192,193,194,200,201,202,203,204,205,206,211,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,428,429,430,431,450,451,452,453,489 +9448 - 57,58,59,60,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,137,138,139,140,144,145,146,166,167,168,188,189,209,210,211,231,232,233,253,254,255,274,275,276,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,384,385,405,406,407,428,429,449,450,451,471,472,473,492 +9449 - 59,60,61,62,63,80,81,82,83,84,85,86,92,93,94,101,102,103,104,105,106,107,108,109,113,114,115,116,117,122,123,124,125,126,127,128,129,130,131,135,136,137,138,139,142,143,144,145,146,147,148,149,150,151,152,153,157,158,159,160,161,162,164,165,166,167,168,169,174,175,179,180,181,182,183,184,185,186,187,188,201,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,323,340,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +9450 - 53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,125,126,127,128,137,138,147,148,149,168,169,170,171,189,190,191,192,193,210,211,212,213,214,232,233,234,235,253,254,255,256,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,358,359,360,361,362,368,369,370,380,381,382,383,388,389,390,391,401,402,403,404,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,487 +9451 - 9,10,11,12,13,30,31,32,33,34,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,159,160,161,162,163,181,182,183,184,185,203,204,205,206,207,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,403,404,405,406,407,408,409,410,491 +9452 - 53,54,74,75,76,96,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,296,297,298,318,319,320,340,341,342,363,364,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,486 +9453 - 97,98,99,100,101,102,103,104,105,106,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,213,214,215,216,217,220,221,222,233,234,235,236,237,238,239,255,256,257,258,259,260,277,278,279,280,281,282,298,299,300,301,302,303,320,321,322,323,324,325,341,342,343,344,345,346,362,363,364,365,366,367,384,385,386,387,388,389,405,406,407,408,409,410,426,427,428,429,430,431,447,448,449,450,451,452,469,470,471,472,473,492 +9454 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,94,95,96,97,99,100,101,102,103,104,105,115,116,117,125,126,127,136,137,138,148,149,150,158,159,160,171,172,173,180,181,182,194,195,203,204,205,216,217,224,225,238,239,246,247,261,262,268,269,283,284,289,290,291,305,306,311,312,326,327,328,333,334,348,349,355,356,357,370,371,378,379,380,391,392,400,401,402,403,412,413,414,423,424,425,426,427,428,429,430,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,485 +9455 - 31,32,33,34,35,36,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,124,125,126,140,141,142,143,150,151,163,164,165,166,170,171,172,173,174,185,186,187,188,189,190,191,192,193,194,195,196,207,208,209,210,211,212,213,214,215,216,217,218,229,230,231,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,341,342,343,344,355,356,357,358,359,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,493 +9456 - 56,57,58,59,60,61,62,63,64,65,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,113,114,115,116,117,118,119,135,136,137,138,157,158,159,160,161,162,180,181,182,183,184,185,186,204,205,206,207,208,209,210,228,229,230,231,232,233,252,253,254,255,256,277,278,279,291,292,300,301,302,311,312,313,314,323,324,325,333,334,335,346,347,355,356,357,368,369,370,377,378,379,390,391,392,399,400,401,402,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,490 +9457 - 77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,170,171,172,173,181,182,183,184,185,191,192,193,194,203,204,205,206,211,212,213,214,215,224,225,226,227,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,449,450,451,452,470,471,472,473,474,494 +9458 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,126,127,128,140,141,142,148,149,150,162,163,164,170,171,172,184,185,186,192,193,194,206,207,208,213,214,215,228,229,230,234,235,236,251,252,253,255,256,257,273,274,275,276,277,278,295,296,297,298,299,317,318,319,320,338,339,340,341,358,359,360,361,362,363,380,381,382,384,385,401,402,403,406,407,423,424,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,493 +9459 - 54,59,60,61,73,74,75,76,77,80,81,82,83,84,94,95,96,97,98,99,100,102,103,104,105,106,107,115,116,117,118,119,120,121,122,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,146,147,148,149,150,151,152,157,158,159,160,161,162,171,172,173,174,178,179,180,181,182,193,194,195,196,199,200,201,202,203,204,215,216,217,218,221,222,223,224,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,281,282,283,284,287,288,289,290,303,304,305,306,309,310,311,312,324,325,326,327,328,331,332,333,334,335,336,337,338,343,344,345,346,347,348,349,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,485 +9460 - 52,53,54,55,56,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,116,117,118,119,121,122,123,124,125,138,139,140,145,146,147,160,161,162,168,169,182,183,184,189,190,191,192,204,205,206,209,210,211,212,213,214,226,227,228,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,302,303,317,318,319,320,324,325,339,340,341,346,347,360,361,362,367,368,369,382,383,384,388,389,390,391,404,405,406,409,410,411,412,426,427,428,429,430,431,432,433,449,450,451,452,453,454,471,472,473,474,475,493 +9461 - 34,35,36,37,38,55,56,57,58,59,60,77,78,79,80,81,82,99,100,101,102,103,104,121,122,123,124,125,126,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,213,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,342,357,358,359,360,361,362,363,379,380,381,382,383,384,385,401,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448,449,486 +9462 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,74,75,76,77,96,97,98,99,117,118,119,120,139,140,141,142,161,162,163,164,182,183,184,185,191,192,193,194,195,204,205,206,207,211,212,213,214,215,216,217,226,227,228,232,233,234,235,236,237,238,239,248,249,250,253,254,255,256,257,258,259,260,261,270,271,272,274,275,276,277,281,282,283,292,293,294,295,296,297,298,299,303,304,305,314,315,316,317,318,319,320,323,324,325,326,336,337,338,339,340,341,342,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,426,427,428,429,491 +9463 - 34,35,36,37,56,57,58,59,60,78,79,80,81,82,83,101,102,103,104,105,124,125,126,127,146,147,148,149,165,168,169,170,171,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,315,316,317,318,319,320,321,322,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,370,371,372,376,377,378,379,380,381,382,383,384,400,401,402,403,404,487 +9464 - 10,11,31,32,33,52,53,54,55,73,74,75,76,94,95,96,97,116,117,118,138,139,140,145,146,159,160,161,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,272,273,280,281,282,292,293,294,302,303,304,314,315,316,317,324,325,326,336,337,338,339,340,346,347,348,359,360,361,362,363,364,367,368,369,382,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,412,428,429,430,431,432,491 +9465 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,119,123,124,125,126,145,146,147,148,167,168,169,170,171,188,189,190,191,192,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,323,336,337,342,343,344,345,357,358,359,360,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,447,448,449,450,451,488 +9466 - 72,73,74,93,94,95,96,97,98,115,116,117,118,119,120,121,137,138,140,141,142,143,144,163,164,165,166,167,186,187,188,189,190,209,210,211,212,232,233,234,254,255,256,269,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,364,365,366,367,487 +9467 - 72,73,74,84,85,86,93,94,95,96,105,106,107,108,115,116,117,118,119,127,128,129,130,137,138,139,140,141,148,149,150,151,152,158,159,160,161,162,169,170,171,172,173,174,179,180,181,182,183,190,191,192,193,194,195,200,201,202,203,204,205,206,207,208,211,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,319,320,321,322,323,324,325,326,328,341,342,343,344,345,346,363,364,365,366,367,368,384,385,386,387,388,389,406,407,408,409,410,428,429,430,431,449,450,451,452,453,472,473,474,489 +9468 - 12,13,14,15,34,35,36,37,57,58,59,60,80,81,82,102,103,104,124,125,126,146,147,148,168,169,189,190,191,210,211,212,213,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,357,358,359,360,367,368,379,380,381,383,384,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,487 +9469 - 73,74,79,80,81,82,83,84,94,95,96,97,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,188,196,202,203,204,205,206,207,224,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,271,272,273,274,275,276,277,294,295,296,297,298,299,300,317,318,319,320,321,322,340,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,490 +9470 - 73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,121,122,124,125,126,127,136,137,138,149,150,151,158,159,160,170,171,172,173,181,182,190,191,192,193,194,203,204,205,211,212,213,214,215,226,227,228,229,232,233,234,235,248,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,322,338,339,340,341,342,343,344,345,359,360,361,362,365,366,367,381,382,383,388,389,390,403,404,410,411,412,425,426,427,432,433,434,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +9471 - 9,10,11,12,13,30,31,32,33,34,35,52,53,54,55,56,73,74,75,76,77,78,95,96,97,98,99,116,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,164,181,182,183,184,185,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,427,428,429,430,431,432,491 +9472 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,126,137,138,139,140,141,159,160,161,181,182,183,203,204,205,224,225,226,227,228,246,247,248,249,250,251,252,253,268,269,270,271,272,273,274,275,276,277,295,296,297,298,299,300,301,319,320,321,322,323,324,344,345,346,347,367,368,369,389,390,391,400,401,410,411,412,413,422,423,424,425,426,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,490 +9473 - 93,94,95,96,99,100,101,102,103,104,105,106,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,211,212,213,214,215,221,222,223,224,225,232,233,234,235,236,237,244,245,246,254,255,256,257,258,259,275,276,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,384,385,386,387,388,405,406,407,408,409,410,426,427,428,429,430,431,446,447,448,449,450,451,452,467,468,469,470,471,472,473,492 +9474 - 68,69,70,71,72,73,74,75,76,77,78,79,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,120,121,122,123,124,133,134,142,143,144,145,163,164,165,166,183,184,185,186,187,205,206,207,208,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,301,302,303,304,324,325,326,345,346,347,366,367,368,369,387,388,389,390,408,409,410,411,427,428,429,430,431,432,447,448,449,450,451,452,453,469,470,471,472,473,488 +9475 - 32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,124,125,126,127,139,140,141,146,147,148,151,152,161,162,163,164,169,170,171,172,173,174,175,183,184,185,186,187,191,192,193,194,195,196,197,205,206,207,208,209,211,212,213,214,215,216,217,218,219,227,228,229,230,231,232,233,234,235,236,237,238,239,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,333,334,335,336,337,338,339,340,341,355,356,357,358,359,361,362,363,364,376,377,378,379,380,381,382,383,384,385,386,398,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,450,493 +9476 - 56,57,58,59,60,61,62,63,64,65,77,78,79,80,81,82,83,84,85,86,87,98,99,100,101,102,103,104,105,106,120,121,122,141,142,143,144,145,163,164,165,166,167,183,184,185,186,187,205,206,207,227,228,229,249,250,271,272,273,293,294,295,316,317,318,319,339,340,341,342,363,364,365,386,387,388,399,400,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +9477 - 74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,147,148,149,159,160,161,162,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,205,210,211,212,213,214,215,224,225,226,227,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,494 +9478 - 72,73,81,82,93,94,95,103,104,115,116,117,118,125,126,137,138,139,146,147,148,159,160,161,168,169,170,181,182,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,272,276,277,278,298,299,300,320,321,322,341,342,343,363,364,365,385,386,387,407,408,409,429,430,431,451,452,453,473,474,475,489 +9479 - 78,79,80,81,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,199,200,201,202,203,204,205,206,207,210,211,212,213,214,221,222,223,224,225,226,231,232,233,234,235,236,253,254,255,256,257,275,276,277,278,279,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,453,471,472,473,474,475,492 +9480 - 55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,125,126,127,128,139,140,141,149,150,160,161,162,171,172,173,181,182,183,193,194,195,203,204,205,215,216,225,226,227,237,238,246,247,248,258,259,260,268,269,270,280,281,282,290,291,292,301,302,303,312,313,323,324,325,334,335,336,344,345,346,356,357,358,365,366,367,378,379,380,387,388,389,401,402,403,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,469,470,471,472,473,485 +9481 - 7,8,9,10,29,30,31,32,50,51,52,53,54,72,73,74,75,94,95,96,97,115,116,117,118,119,137,138,139,140,159,160,161,162,181,182,183,184,190,191,192,193,203,204,205,206,210,211,212,213,214,215,216,225,226,227,228,230,231,232,233,234,235,236,237,238,239,240,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,303,304,305,306,313,314,315,316,317,318,319,320,325,326,327,328,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +9482 - 32,33,34,54,55,76,77,98,99,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,318,319,340,341,342,362,363,364,385,386,407,408,429,430,431,452,453,486 +9483 - 58,59,60,80,81,82,102,103,104,124,125,126,139,140,141,145,146,147,148,160,161,162,163,167,168,169,182,183,184,185,189,190,191,203,204,205,206,207,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,319,320,321,322,324,325,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475,489 +9484 - 82,83,84,96,97,98,99,100,103,104,105,117,118,119,120,121,122,125,126,138,139,140,141,146,147,148,159,160,161,162,168,169,170,181,182,183,190,191,192,203,204,205,212,213,215,225,226,227,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,429,430,431,451,452,473,474,489 +9485 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,168,169,170,171,172,182,183,184,185,186,191,192,193,194,195,204,205,206,207,208,213,214,215,216,226,227,228,229,230,235,236,237,238,248,249,250,251,256,257,258,259,260,269,270,271,272,273,278,279,280,281,282,291,292,293,294,295,299,300,301,302,303,304,312,313,314,315,316,320,321,322,323,324,325,334,335,336,337,338,342,343,344,345,346,347,356,357,358,359,360,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +9486 - 52,53,54,74,75,76,96,97,98,119,120,121,141,142,143,163,164,165,185,186,187,207,208,209,230,231,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,385,386,407,408,429,430,451,452,473,474,486 +9487 - 77,78,79,80,81,82,83,84,85,86,93,94,95,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,149,150,151,152,153,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,202,203,204,205,206,207,208,225,226,227,228,229,230,231,248,249,250,251,252,253,254,272,273,274,275,276,277,278,295,296,297,298,299,300,301,319,320,321,322,323,342,343,344,345,346,365,366,367,368,369,387,388,389,390,391,409,410,411,412,421,422,428,429,430,431,432,433,434,443,444,445,446,447,448,449,450,451,452,453,454,455,466,467,468,469,470,471,472,473,474,475,476,490 +9488 - 10,11,12,30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,93,94,95,115,116,136,137,138,158,159,180,181,191,202,203,210,211,212,213,214,215,224,225,231,232,233,234,235,236,237,238,246,247,248,252,253,254,258,259,260,269,270,273,274,275,281,282,283,291,292,293,295,296,297,303,304,305,314,315,316,317,318,319,325,326,327,336,337,338,339,340,341,347,348,349,359,360,361,362,363,364,369,370,382,383,384,385,386,387,389,390,391,392,405,406,407,408,409,410,411,412,413,429,430,431,432,433,434,491 +9489 - 32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,103,104,117,118,119,120,124,125,126,139,140,141,142,147,161,162,163,164,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,314,315,316,317,318,320,321,322,323,336,337,338,339,342,343,344,345,358,359,360,361,365,366,367,380,381,382,383,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,493 +9490 - 55,56,57,58,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,191,192,193,194,195,201,202,203,204,205,206,207,208,214,215,216,217,223,224,225,226,227,228,229,236,237,238,239,245,246,247,248,249,250,258,259,260,261,267,268,269,270,271,272,280,281,282,283,289,290,291,292,293,294,300,301,302,303,304,305,311,312,313,314,315,316,322,323,324,325,326,333,334,335,336,337,338,342,343,344,345,346,347,355,356,357,358,359,360,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473,485 +9491 - 32,33,34,35,36,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,167,168,169,170,171,172,173,174,175,180,181,182,183,184,193,194,195,196,197,201,202,203,204,205,206,215,216,217,218,219,222,223,224,225,226,227,237,238,239,240,241,244,245,246,247,248,259,260,261,262,263,266,267,268,269,270,281,282,283,284,288,289,290,291,292,302,303,304,305,306,310,311,312,313,314,324,325,326,327,328,332,333,334,335,336,337,338,345,346,347,348,349,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,485 +9492 - 51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,100,101,102,103,104,105,106,115,116,117,118,119,125,126,127,128,129,136,137,138,139,140,148,149,150,151,158,159,160,161,162,171,172,173,174,180,181,182,183,184,194,195,196,202,203,204,205,216,217,218,224,225,226,227,238,239,240,246,247,248,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,302,303,304,305,311,312,313,314,324,325,326,327,333,334,335,336,345,346,347,348,355,356,357,358,366,367,368,369,377,378,379,380,387,388,389,390,391,400,401,402,408,409,410,411,422,423,424,425,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,485 +9493 - 125,126,127,128,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,220,221,222,223,224,225,226,227,228,229,230,231,234,235,236,237,238,242,243,244,245,246,247,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,303,319,320,321,322,323,324,341,342,343,344,345,362,363,364,365,366,367,383,384,385,386,387,388,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +9494 - 78,79,80,99,100,101,102,119,120,121,122,123,124,140,141,142,143,144,145,146,162,163,164,165,166,167,168,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,254,255,270,271,272,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473,474,494 +9495 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,163,164,165,166,167,168,169,184,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,227,229,230,231,232,233,234,235,236,237,245,246,247,248,249,255,256,257,258,259,266,267,268,269,270,271,278,279,280,281,288,289,290,291,292,299,300,301,302,303,310,311,312,313,320,321,322,323,324,332,333,334,335,336,337,340,341,342,343,344,345,346,354,355,356,357,358,359,360,361,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,488 +9496 - 10,11,12,32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,162,163,164,168,169,170,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,236,237,238,249,250,251,252,253,254,258,259,260,271,272,273,274,275,276,277,280,281,282,292,293,294,295,297,298,299,301,302,303,314,315,316,322,323,324,325,336,337,338,343,344,345,346,358,359,360,361,364,365,366,367,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,426,427,428,429,430,491 +9497 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,171,172,173,181,182,183,184,185,186,203,204,205,206,207,225,226,227,228,229,230,247,248,249,250,251,252,253,270,271,272,273,274,275,276,293,294,295,296,297,298,299,316,317,318,319,320,321,322,340,341,342,343,344,345,363,364,365,366,367,378,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,474,490 +9498 - 36,37,58,59,60,71,72,80,81,82,93,94,95,102,103,115,116,117,124,125,138,139,146,147,160,161,167,168,169,181,182,183,189,190,191,203,204,205,211,212,213,225,226,233,234,235,246,247,248,255,256,257,267,268,269,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,489 +9499 - 60,61,62,81,82,83,84,102,103,104,105,106,116,117,118,124,125,126,127,137,138,139,140,141,145,146,147,148,149,159,160,161,162,163,167,168,169,170,180,181,182,183,184,188,189,190,191,192,201,202,203,204,205,206,209,210,211,212,213,222,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,318,319,320,321,322,323,324,325,339,340,341,342,343,361,362,363,364,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +9500 - 48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,124,125,126,135,136,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,278,279,280,281,302,303,304,324,325,326,327,346,347,348,349,367,368,369,370,371,375,389,390,391,392,396,397,398,409,410,411,412,413,414,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,466,467,468,469,470,471,472,473,474,475,488 +9501 - 10,11,12,13,31,32,33,34,35,36,52,55,56,57,58,59,78,79,80,81,82,101,102,103,104,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,182,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,334,335,336,337,338,339,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,488 +9502 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,105,106,107,108,117,118,119,120,121,127,128,129,130,138,139,140,141,149,150,151,152,159,160,161,162,171,172,173,174,180,181,182,183,193,194,195,196,202,203,204,215,216,217,223,224,225,230,231,236,237,238,239,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,276,278,279,280,281,282,291,292,300,301,302,303,312,313,314,322,323,324,333,334,335,343,344,345,355,356,357,363,364,365,366,377,378,379,385,386,387,399,400,401,405,406,407,408,421,422,423,424,425,426,427,428,443,444,445,446,447,448,449,465,466,467,468,469,487 +9503 - 9,10,11,30,31,32,33,34,52,53,54,55,56,73,74,75,76,77,94,95,96,97,98,99,116,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,181,182,183,184,185,189,190,191,192,203,204,205,206,207,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,301,302,303,304,312,313,314,315,316,317,318,319,322,323,324,325,326,334,335,336,337,338,339,340,341,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +9504 - 30,31,32,33,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,122,123,124,125,126,127,138,139,140,141,146,147,148,149,150,159,160,161,162,163,169,170,171,172,181,182,183,184,191,192,193,194,203,204,205,206,214,215,216,217,224,225,226,227,228,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,280,281,282,283,290,291,292,293,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,345,346,347,348,349,356,357,358,359,366,367,368,369,370,378,379,380,381,382,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +9505 - 32,33,53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,123,139,140,141,142,143,144,145,164,165,166,167,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,319,320,321,322,323,324,325,333,334,335,336,337,338,343,344,345,346,347,348,349,350,351,366,367,368,369,370,371,372,373,390,391,392,393,394,395,487 +9506 - 52,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,118,119,120,140,141,142,161,162,163,183,184,185,205,206,207,227,228,248,249,250,251,252,271,272,273,274,275,276,294,295,296,297,298,299,300,320,321,322,323,343,344,345,366,367,378,388,389,399,400,401,409,410,411,422,423,424,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475,490 +9507 - 53,54,55,56,57,58,75,76,77,78,79,80,96,97,98,99,100,101,102,119,120,121,122,123,124,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,342,360,361,362,363,381,382,383,384,403,404,405,406,425,426,427,428,447,448,449,450,469,470,471,486 +9508 - 8,9,10,11,12,29,30,31,32,33,34,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,94,95,96,97,99,100,101,102,117,118,122,123,124,144,145,146,147,166,167,168,169,188,189,190,210,211,212,232,233,234,249,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,413,414,415,423,424,425,426,427,428,429,487 +9509 - 99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,149,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,178,179,180,181,182,183,184,185,186,190,191,192,193,200,201,202,203,204,205,206,212,213,214,215,223,224,225,234,235,236,237,254,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,320,321,322,323,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,492 +9510 - 56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,273,274,275,276,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,427,428,449,450,451,471,472,473,486 +9511 - 100,101,102,103,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,181,182,183,184,185,186,187,188,189,190,191,192,200,201,202,203,204,205,206,207,208,210,211,212,213,214,222,223,224,225,226,227,228,232,233,234,235,236,245,246,247,248,254,255,256,257,275,276,277,278,279,280,296,297,298,299,300,301,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,492 +9512 - 95,96,97,98,99,100,102,116,117,118,119,120,121,122,123,124,125,138,139,140,144,145,146,147,159,160,161,166,167,168,169,181,182,183,189,190,191,203,204,211,212,225,226,233,234,247,248,249,254,255,256,269,270,271,275,276,277,278,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,321,322,323,338,339,340,343,344,345,365,366,367,388,389,410,411,432,433,434,454,455,456,477,478,494 +9513 - 99,100,101,102,103,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,165,166,168,169,170,171,183,184,185,186,188,189,190,191,192,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,319,320,321,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,494 +9514 - 59,60,61,80,81,82,83,102,103,104,115,116,123,124,125,126,137,138,139,145,146,147,148,159,160,161,167,168,169,170,181,182,183,189,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,298,299,300,301,302,313,314,321,322,323,324,343,344,345,346,365,366,367,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,456,475,476,477,489 +9515 - 76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,139,140,141,142,143,145,146,147,148,160,161,162,163,167,168,169,170,182,183,184,185,189,190,191,192,193,204,205,206,210,211,212,213,214,225,226,227,228,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,315,316,319,320,321,322,341,342,343,344,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,494 +9516 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,486 +9517 - 56,57,58,59,77,78,79,80,81,98,99,100,101,102,103,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,426,427,428,429,448,449,450,451,470,471,472,486 +9518 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,91,92,93,94,95,98,99,100,101,113,114,115,121,122,123,124,134,135,136,144,145,146,156,157,158,166,167,168,188,189,190,209,210,211,212,231,232,233,251,252,253,254,255,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,322,323,324,345,346,347,367,368,369,384,388,389,390,391,405,406,407,410,411,412,427,428,430,431,432,433,434,449,450,451,452,453,454,455,471,472,473,474,475,488 +9519 - 33,34,35,36,54,55,56,57,58,59,77,78,79,80,81,82,99,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,294,295,296,297,298,299,300,301,302,303,304,305,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,368,369,370,371,372,373,377,378,379,380,381,382,383,393,394,400,401,402,403,487 +9520 - 38,39,60,61,82,83,104,105,125,126,127,139,140,147,148,149,160,161,162,169,170,171,181,182,183,190,191,192,203,204,205,212,213,214,225,226,234,235,236,246,247,248,255,256,257,259,268,269,277,278,279,280,281,290,291,292,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,335,336,337,338,339,340,342,343,344,364,365,366,386,387,407,408,409,429,430,431,452,453,489 +9521 - 59,60,61,72,73,74,81,82,83,94,95,96,97,103,104,105,116,117,118,119,124,125,126,127,138,139,140,146,147,148,149,159,160,161,162,167,168,169,170,171,180,181,182,183,184,189,190,191,192,202,203,204,205,206,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,310,311,312,313,314,320,321,322,323,324,325,326,327,328,329,342,343,344,345,349,350,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,489 +9522 - 50,51,72,73,74,94,95,96,105,106,107,115,116,117,126,127,128,129,137,138,139,148,149,150,158,159,160,170,171,172,180,181,182,192,193,201,202,203,204,205,206,207,208,209,212,213,214,215,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,275,276,277,278,279,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,407,408,409,429,430,431,451,452,453,473,474,475,489 +9523 - 7,8,9,10,11,29,30,31,32,51,52,53,54,72,73,74,75,76,94,95,96,97,116,117,118,119,138,139,140,141,159,160,161,162,163,181,182,183,184,185,203,204,205,206,212,213,214,225,226,227,228,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,324,325,326,327,336,337,338,339,340,341,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,371,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,491 +9524 - 29,30,31,32,33,50,51,52,53,54,55,56,73,75,76,77,78,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,205,206,207,208,209,210,226,227,228,229,230,231,232,247,248,249,250,251,252,253,269,270,271,272,273,274,275,276,291,292,293,294,295,296,297,298,299,314,315,316,317,319,320,321,337,338,341,342,343,344,364,365,366,386,387,388,389,409,410,411,412,431,432,433,434,435,436,455,456,457,458,487 +9525 - 102,103,104,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,211,212,213,214,215,221,222,223,224,225,226,227,233,234,235,236,237,243,244,245,246,247,254,255,256,257,258,259,275,276,277,278,279,280,281,282,297,298,299,300,301,302,303,304,317,318,319,320,321,322,323,324,325,339,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,448,449,450,451,452,470,471,472,473,474,492 +9526 - 34,35,36,56,57,58,78,79,80,100,101,102,121,122,123,124,143,144,145,146,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,486 +9527 - 121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,151,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,208,209,213,214,215,216,217,220,221,222,223,224,225,226,233,234,235,236,237,238,242,243,244,245,246,255,256,257,258,259,260,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +9528 - 53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,184,185,186,187,206,207,208,209,228,229,230,231,250,251,252,253,272,273,274,275,294,295,296,297,316,317,318,319,339,340,341,361,362,363,364,384,385,386,406,407,408,409,428,429,430,431,432,451,452,453,454,455,456,457,474,475,476,477,478,486 +9529 - 55,56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,109,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,149,150,151,152,153,158,159,160,161,162,163,164,165,166,180,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,273,274,275,276,277,278,297,298,299,300,301,319,320,321,322,323,333,334,341,342,343,344,345,355,356,357,364,365,366,367,368,377,378,379,380,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,490 +9530 - 8,9,10,11,29,30,31,32,33,34,50,51,52,53,54,55,71,72,73,74,93,94,95,96,114,115,116,117,136,137,138,158,159,160,179,180,181,182,201,202,203,223,224,225,234,235,236,237,238,239,245,246,247,248,255,256,257,258,259,260,261,262,263,267,268,269,270,276,277,278,279,280,281,282,283,284,285,290,291,292,293,297,298,299,300,306,307,313,314,315,316,319,320,321,328,329,335,336,337,338,339,340,341,342,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,406,407,408,409,410,411,412,413,414,491 +9531 - 62,63,64,83,84,85,86,96,97,98,104,105,106,107,108,117,118,119,120,121,126,127,128,129,139,140,141,142,147,148,149,150,151,160,161,162,163,164,169,170,171,172,180,181,182,183,184,185,190,191,192,193,201,202,203,204,205,206,207,208,209,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,318,319,320,321,322,323,324,325,326,339,340,341,342,343,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,424,425,426,427,428,445,446,447,448,449,467,468,469,470,489 +9532 - 11,12,13,14,15,16,17,32,33,34,35,36,37,38,39,53,54,55,56,61,62,74,75,76,77,84,96,97,98,117,118,119,138,139,140,160,161,162,181,182,183,203,204,224,225,226,246,247,248,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,280,281,290,291,295,296,297,298,300,301,302,303,304,305,312,313,317,318,319,325,326,327,334,335,336,347,348,349,356,357,358,367,368,369,370,379,380,381,382,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,491 +9533 - 59,60,61,62,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,150,151,152,153,159,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,248,249,250,251,252,253,254,271,272,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,345,355,356,357,364,365,366,367,378,379,380,381,386,387,388,389,390,400,401,402,403,404,405,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,490 +9534 - 160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,199,200,201,202,203,204,205,217,218,221,222,223,224,238,239,240,243,244,245,246,260,261,262,266,267,268,281,282,283,289,290,291,302,303,304,312,313,323,324,325,335,344,345,346,347,365,366,367,368,386,387,388,389,407,408,409,410,429,430,431,451,452,492 +9535 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,148,149,150,151,152,158,159,160,161,162,163,164,170,171,172,173,174,178,179,180,181,182,183,184,185,192,193,194,195,196,200,201,202,203,204,205,206,214,215,216,217,218,222,223,224,225,226,227,236,237,238,239,240,244,245,246,247,248,258,259,260,261,262,265,266,267,268,269,279,280,281,282,283,284,287,288,289,290,291,301,302,303,304,305,309,310,311,312,313,321,322,323,324,325,326,331,332,333,334,335,342,343,344,345,346,347,348,353,354,355,356,357,358,362,363,364,365,366,367,368,369,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,469,470,471,485 +9536 - 54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,139,140,144,145,146,147,166,167,168,169,187,188,189,190,208,209,210,211,212,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,293,294,295,299,300,301,321,322,323,334,335,343,344,345,356,357,358,364,365,366,367,378,379,380,381,386,387,388,389,401,402,403,404,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,453,469,470,471,472,473,488 +9537 - 76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,160,161,162,163,164,167,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,206,211,212,213,214,224,225,226,227,232,233,234,235,236,246,247,248,249,253,254,255,256,257,258,268,269,270,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,494 +9538 - 53,54,55,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,114,115,116,117,118,122,123,135,136,137,138,145,146,157,158,159,160,167,168,169,179,180,181,182,183,184,189,190,191,202,203,204,205,206,207,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,274,275,276,277,297,298,299,300,318,319,320,321,322,323,340,341,342,344,345,346,347,363,364,367,368,369,385,386,390,391,392,408,409,413,414,430,431,432,434,435,436,453,454,455,456,457,458,475,476,477,478,479,493 +9539 - 79,80,81,82,83,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,169,170,171,172,182,183,184,185,186,187,191,192,193,194,203,204,205,206,207,212,213,214,215,224,225,226,227,228,234,235,236,237,246,247,248,249,254,255,256,257,258,259,267,268,269,270,271,275,276,277,278,279,280,281,289,290,291,292,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,333,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,364,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,451,452,453,454,473,474,475,476,494 +9540 - 98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,142,143,149,150,151,152,156,157,158,159,160,161,162,163,164,172,173,174,177,178,179,180,184,185,186,187,193,194,195,196,199,200,201,208,209,210,214,215,216,217,231,232,233,234,235,236,237,254,255,256,257,258,276,277,278,279,296,297,298,299,300,301,317,318,319,320,321,322,323,338,339,340,341,344,345,359,360,361,366,367,381,382,383,387,388,389,403,404,405,408,409,410,425,426,427,428,429,430,431,432,448,449,450,451,452,472,493 +9541 - 54,55,56,57,58,76,77,78,79,80,81,97,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,452,468,469,470,471,472,473,493 +9542 - 55,56,57,58,59,76,77,78,79,80,81,98,99,100,102,103,119,120,121,123,124,125,126,140,141,142,146,147,148,162,163,168,169,170,183,184,185,191,192,205,206,212,213,214,226,227,228,234,235,248,249,256,257,270,271,277,278,279,292,293,299,300,313,314,321,322,335,336,342,343,357,358,364,365,379,380,385,386,401,402,406,407,408,423,424,427,428,429,445,446,447,448,449,450,468,469,470,471,485 +9543 - 34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,168,169,170,171,172,182,183,184,185,186,187,190,191,192,193,194,203,204,205,206,207,208,212,213,214,215,216,225,226,227,228,229,234,235,236,237,238,247,248,249,250,256,257,258,259,260,268,269,270,271,272,277,278,279,280,281,282,290,291,292,293,294,298,299,300,301,302,303,311,312,313,314,315,320,321,322,323,324,333,334,335,336,337,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +9544 - 34,35,36,56,57,58,77,78,79,99,100,101,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,361,362,363,382,383,384,385,386,404,405,406,407,408,427,428,429,449,450,451,486 +9545 - 10,11,12,13,14,32,33,34,35,36,37,55,56,57,58,59,79,80,81,101,102,103,122,123,124,125,144,145,146,147,166,167,168,169,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,346,347,348,349,350,355,356,357,358,359,360,361,362,369,370,371,372,377,378,379,380,381,382,383,400,401,402,403,404,487 +9546 - 121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,151,152,161,162,163,164,165,166,167,168,169,170,171,172,173,174,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,320,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,494 +9547 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,168,169,170,171,172,173,174,180,181,182,183,184,185,186,187,191,192,193,194,195,196,202,203,204,205,206,207,214,215,216,217,218,223,224,225,226,227,228,236,237,238,239,240,244,245,246,247,248,249,258,259,260,261,262,265,266,267,268,269,270,271,280,281,282,283,284,287,288,289,290,291,292,302,303,304,305,306,309,310,311,312,313,322,323,324,325,326,327,328,331,332,333,334,335,342,343,344,345,346,347,348,349,353,354,355,356,357,358,359,361,362,363,364,365,366,367,368,369,370,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,468,469,485 +9548 - 28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,326,343,344,345,346,347,348,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +9549 - 34,35,36,37,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,145,146,147,148,149,164,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,292,293,294,297,298,299,300,301,314,320,321,322,323,335,336,337,342,343,344,345,357,358,359,360,361,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,488 +9550 - 33,34,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,139,140,141,143,144,148,149,150,161,162,163,165,166,170,171,172,183,184,185,192,193,194,204,205,206,214,215,216,226,227,228,236,237,238,248,249,250,257,258,259,269,270,271,272,279,280,281,291,292,293,300,301,302,313,314,315,322,323,324,335,336,337,343,344,345,346,357,358,359,364,365,366,367,379,380,381,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +9551 - 32,33,34,35,36,37,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,159,160,161,162,163,164,165,180,181,182,183,184,185,186,202,203,204,205,206,207,208,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,318,319,320,321,322,323,324,341,342,343,344,345,346,347,364,365,366,367,368,369,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,490 +9552 - 34,35,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,165,166,167,187,188,189,208,209,210,211,230,231,232,252,253,254,274,275,276,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,486 +9553 - 8,9,10,11,12,29,30,31,32,33,34,51,52,53,54,55,73,74,75,76,77,95,96,97,98,116,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,204,205,206,210,211,212,226,227,228,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,301,302,303,304,305,314,315,316,317,318,319,320,324,325,326,327,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,383,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,491 +9554 - 55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,140,141,142,143,145,146,147,148,149,161,162,163,164,169,170,171,183,184,185,192,193,194,204,205,206,207,214,215,216,226,227,228,236,237,238,247,248,249,250,258,259,260,269,270,271,280,281,282,291,292,293,301,302,303,304,313,314,315,323,324,325,335,336,337,345,346,347,356,357,358,366,367,368,378,379,380,387,388,389,401,402,403,407,408,409,410,423,424,425,428,429,430,431,445,446,447,448,449,450,451,452,453,468,469,470,471,472,473,485 +9555 - 57,58,59,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,406,423,424,425,426,427,445,446,447,448,467,468,469,486 +9556 - 11,12,13,14,31,32,33,34,35,36,52,53,54,55,57,58,59,73,74,75,76,79,80,81,94,95,96,97,102,103,116,117,123,124,125,138,139,145,146,147,167,168,188,189,190,210,211,212,231,232,233,252,253,254,274,275,276,295,296,297,316,317,318,319,337,338,339,340,359,360,361,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,414,423,424,425,426,427,428,487 +9557 - 35,36,37,38,39,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,119,120,121,122,123,124,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,172,173,174,185,186,187,188,189,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,269,270,271,272,273,274,275,276,277,278,290,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,323,333,334,335,336,337,338,341,342,343,344,345,355,356,357,358,359,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,493 +9558 - 76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,126,127,128,137,138,139,140,141,149,150,158,159,160,161,171,172,180,181,182,193,194,201,202,203,215,216,223,224,225,236,237,238,244,245,246,258,259,260,266,267,268,280,281,288,289,290,298,301,302,303,310,311,312,313,314,315,316,317,318,319,320,323,324,325,332,333,334,335,336,337,338,339,340,344,345,346,357,358,366,367,368,387,388,389,408,409,410,411,430,431,432,451,452,453,473,474,475,494 +9559 - 8,9,10,11,12,30,31,32,33,34,51,52,53,54,55,73,74,75,76,77,94,95,96,97,98,116,117,118,119,137,138,139,140,141,159,160,161,162,163,166,167,168,169,170,171,180,181,182,183,184,187,188,189,190,191,192,193,194,195,202,203,204,205,206,208,209,210,211,212,213,214,215,216,217,218,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,268,269,270,271,272,273,274,275,276,277,281,282,283,284,285,290,291,292,293,294,295,296,297,304,305,306,307,312,313,314,315,316,317,318,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,409,410,411,412,491 +9560 - 98,99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,146,147,148,149,163,164,168,169,170,171,184,185,186,190,191,192,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,252,253,254,255,256,276,277,278,297,298,299,318,319,320,340,341,342,361,362,363,364,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +9561 - 60,61,62,63,82,83,84,85,104,105,106,107,117,118,119,125,126,127,128,139,140,141,142,147,148,149,150,160,161,162,163,164,168,169,170,171,181,182,183,184,185,189,190,191,192,193,202,203,204,205,206,207,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,318,319,320,321,322,323,324,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,448,449,450,451,470,471,472,489 +9562 - 10,11,12,13,14,15,31,32,33,34,53,54,74,75,76,96,97,117,118,139,140,161,162,182,183,184,204,205,226,227,233,234,248,249,254,255,256,257,258,270,271,274,275,276,277,278,279,280,292,293,295,296,302,303,314,315,317,318,324,325,336,337,338,345,346,347,359,360,367,368,381,382,383,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +9563 - 10,11,12,13,14,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,143,160,161,162,163,164,181,182,183,184,185,187,188,189,190,191,192,203,204,205,206,207,208,209,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +9564 - 39,40,61,62,83,84,105,106,117,118,126,127,128,139,140,148,149,150,161,162,169,170,171,181,182,183,191,192,193,203,204,205,213,214,215,224,225,226,234,235,236,246,247,248,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,316,317,318,321,322,323,333,334,343,344,345,355,365,366,387,388,408,409,410,411,430,431,432,452,453,454,489 +9565 - 55,56,57,77,78,79,80,81,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,203,204,205,206,207,208,209,210,211,215,216,217,218,219,223,224,225,226,227,228,229,237,238,239,240,241,245,246,247,248,249,250,251,258,259,260,261,262,267,268,269,270,271,272,280,281,282,283,289,290,291,292,293,301,302,303,304,305,311,312,313,314,315,322,323,324,325,326,327,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452,468,469,470,471,472,485 +9566 - 34,35,36,37,54,55,56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,123,124,125,141,142,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,209,210,211,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,336,337,338,339,343,344,345,357,358,359,360,365,366,367,378,379,380,381,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,493 +9567 - 57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,147,148,149,160,161,162,163,164,165,168,169,170,171,172,181,182,183,184,185,190,191,192,193,202,203,204,205,206,211,212,213,214,215,224,225,226,227,232,233,234,235,236,237,246,247,248,249,253,254,255,256,257,258,267,268,269,270,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,333,334,335,336,337,338,339,340,341,342,343,356,357,358,359,360,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,449,450,451,472,473,494 +9568 - 4,5,6,7,8,9,26,27,28,29,30,31,32,48,49,50,51,52,53,54,55,74,75,76,77,78,97,98,99,100,101,120,121,122,123,143,144,145,146,165,166,167,168,187,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,275,276,277,278,279,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,390,391,392,393,402,403,404,405,406,407,408,426,427,428,487 +9569 - 54,55,75,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,246,247,248,249,250,251,252,253,254,255,267,268,269,270,271,272,273,274,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,344,345,346,347,348,349,350,351,355,356,357,358,359,368,369,370,371,372,373,487 +9570 - 53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,127,128,129,136,137,138,139,149,150,151,158,159,160,161,169,170,171,172,173,180,181,182,183,184,191,192,193,194,195,203,204,205,206,207,211,212,213,214,215,226,227,228,229,230,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,300,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,358,359,360,361,365,366,367,368,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,477,493 +9571 - 12,13,14,15,33,34,35,36,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,118,119,120,121,139,140,141,142,143,160,161,162,163,164,165,182,183,184,185,186,204,205,206,207,208,212,213,214,215,225,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,321,322,323,324,325,335,336,337,338,339,340,342,343,344,345,346,347,357,358,359,360,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +9572 - 100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,189,190,191,192,204,205,206,207,210,211,212,213,232,233,234,253,254,255,256,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,450,470,471,472,492 +9573 - 62,63,64,83,84,85,86,104,105,106,107,108,119,120,125,126,127,128,129,140,141,142,143,147,148,149,150,151,162,163,164,165,168,169,170,171,183,184,185,186,189,190,191,192,193,204,205,206,207,208,210,211,212,213,214,226,227,228,229,231,232,233,234,235,236,247,248,249,250,251,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,336,337,338,339,340,341,342,343,360,361,362,363,364,382,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,470,471,472,489 +9574 - 73,74,75,76,77,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,134,135,136,137,138,142,143,144,156,157,158,164,165,166,167,186,187,188,189,208,209,210,211,231,232,233,253,254,255,256,257,258,259,260,274,275,276,277,278,279,280,281,282,283,294,295,296,297,298,299,300,301,302,303,304,316,317,318,319,320,338,339,340,341,342,362,363,364,384,385,386,405,406,407,408,427,428,429,449,450,451,471,472,473,474,492 +9575 - 34,35,36,37,38,39,40,54,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,85,99,100,101,104,105,106,107,126,127,128,129,146,147,148,149,150,164,165,166,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,230,231,232,233,234,253,254,255,256,276,277,278,279,298,299,300,301,311,312,313,320,321,322,323,332,333,334,335,341,342,343,344,345,354,355,356,357,363,364,365,366,376,377,378,379,380,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +9576 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,96,97,98,99,103,104,105,117,118,119,124,125,126,127,138,139,140,141,146,147,148,149,150,160,161,162,168,169,170,171,172,181,182,183,184,189,190,191,192,193,194,203,204,205,211,212,213,214,215,225,226,227,233,234,236,237,247,248,249,255,256,257,258,259,269,270,271,276,277,278,279,280,281,291,292,293,298,299,300,301,302,313,314,315,316,320,321,322,323,336,337,338,342,343,344,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,405,406,407,408,409,429,430,431,451,452,453,473,474,475,494 +9577 - 78,79,80,81,98,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,233,234,235,236,237,247,248,249,254,255,256,257,258,259,268,269,270,271,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,340,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,494 +9578 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,119,124,138,139,140,160,161,182,183,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,272,273,278,279,280,301,302,303,324,325,337,338,346,347,358,359,360,367,368,369,381,382,383,388,389,390,391,403,404,405,406,407,409,410,411,412,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,473,474,475,476,490 +9579 - 33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,319,320,321,322,323,334,335,341,342,343,344,345,355,356,357,358,359,362,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,488 +9580 - 89,90,91,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,189,190,191,211,212,213,214,233,234,235,255,256,257,277,278,279,294,295,297,298,299,300,301,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,370,385,386,387,388,391,392,407,408,409,410,429,430,431,451,452,453,473,474,492 +9581 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,190,191,192,193,194,204,205,206,207,208,209,212,213,214,215,216,226,227,228,229,230,234,235,236,237,238,247,248,249,250,251,252,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,290,291,292,293,294,295,299,300,301,302,303,312,313,314,315,316,320,321,322,323,324,325,334,335,336,337,338,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +9582 - 33,34,39,40,53,54,55,56,57,58,60,61,74,75,76,81,82,83,96,97,102,103,104,118,119,124,125,140,141,145,146,147,162,163,166,167,168,185,186,187,188,189,207,208,209,210,229,230,231,250,251,252,253,271,272,273,274,275,276,292,293,294,297,298,314,315,320,321,336,337,342,343,357,358,359,364,365,366,379,380,381,387,388,402,403,404,408,409,410,424,425,426,427,428,429,430,431,448,449,450,451,452,493 +9583 - 33,34,35,36,37,54,55,56,57,58,59,60,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,190,191,192,193,194,195,202,203,204,205,206,207,208,213,214,215,216,217,224,225,226,227,228,235,236,237,238,239,245,246,247,248,249,250,257,258,259,260,261,266,267,268,269,270,271,272,279,280,281,282,283,288,289,290,291,292,293,300,301,302,303,304,310,311,312,313,314,321,322,323,324,325,326,332,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452,485 +9584 - 51,52,53,54,55,56,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,100,101,102,103,104,116,117,118,123,124,125,126,127,138,139,140,146,147,148,149,159,160,161,162,169,170,171,181,182,183,184,191,192,193,203,204,205,214,215,216,225,226,227,236,237,238,247,248,249,258,259,260,269,270,271,280,281,282,291,292,293,302,303,304,313,314,315,323,324,325,326,335,336,337,338,345,346,347,357,358,359,360,367,368,369,380,381,382,388,389,390,391,402,403,404,405,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,471,472,473,474,475,476,485 +9585 - 61,62,63,64,65,80,81,82,83,84,85,86,87,96,100,101,102,103,104,105,106,107,108,109,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,202,203,204,205,206,207,224,225,226,227,228,229,230,247,248,249,250,251,252,253,254,270,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,317,318,319,320,321,322,323,341,342,343,344,345,364,365,366,367,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473,490 +9586 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,102,103,104,105,115,116,117,118,124,125,126,127,128,137,138,139,140,146,147,148,149,150,158,159,160,161,168,169,170,171,180,181,182,190,191,192,202,203,204,205,211,212,213,225,226,227,228,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,277,278,279,299,300,301,321,322,323,343,344,345,346,365,366,367,368,387,388,389,390,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,494 +9587 - 10,11,12,13,31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,95,96,97,98,100,101,102,103,118,122,123,124,125,144,145,146,147,166,167,168,169,187,188,189,190,191,209,210,211,212,213,231,232,233,234,235,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,405,421,422,423,424,425,426,487 +9588 - 35,36,37,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,124,125,126,127,128,139,140,141,142,148,149,150,160,161,162,163,164,170,171,172,182,183,184,185,186,193,194,195,203,204,205,206,207,215,216,217,225,226,227,228,236,237,238,239,246,247,248,249,258,259,260,261,268,269,270,271,279,280,281,282,290,291,292,293,300,301,302,303,304,312,313,314,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,400,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,485 +9589 - 57,58,59,60,61,78,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,160,161,162,163,164,165,166,167,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,317,318,319,320,321,322,323,340,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,490 +9590 - 8,9,10,30,31,32,52,53,54,74,75,76,96,97,98,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,147,148,149,161,162,163,164,165,166,167,168,169,170,171,172,184,185,186,206,207,208,228,229,230,250,251,252,272,273,274,294,295,296,316,317,318,319,320,321,322,323,338,339,340,341,342,343,344,345,346,360,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432,490 +9591 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,147,148,149,150,151,152,153,162,163,164,165,168,169,170,171,172,173,174,184,185,186,187,188,189,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,291,292,293,294,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,333,334,335,336,337,338,340,341,342,343,354,355,356,357,358,359,362,363,364,365,377,378,379,380,381,383,384,385,386,387,398,399,400,401,402,404,405,406,407,408,420,421,422,423,424,425,426,427,428,429,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,493 +9592 - 51,52,53,54,55,56,73,74,75,76,77,78,79,95,96,97,98,99,100,101,102,119,120,121,122,123,124,125,144,145,146,147,148,166,167,168,169,170,189,190,191,192,210,211,212,213,214,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,469,470,471,472,492 +9593 - 34,35,36,37,38,39,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,125,126,127,139,140,141,142,147,148,149,150,151,161,162,163,164,168,169,170,171,172,173,174,183,184,185,186,187,188,189,190,191,192,193,194,195,196,206,207,208,209,210,211,212,213,214,215,216,217,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,313,314,315,316,317,319,320,321,322,323,334,335,336,337,338,339,342,343,344,345,356,357,358,359,360,364,365,366,367,377,378,379,380,381,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,493 +9594 - 34,35,55,56,57,58,75,76,77,78,79,80,81,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,145,146,147,148,161,162,163,164,167,168,169,170,183,184,185,190,191,192,204,205,206,207,212,213,214,225,226,227,228,234,235,236,247,248,249,250,256,257,258,269,270,271,272,278,279,280,291,292,293,299,300,301,302,313,314,315,316,321,322,323,324,335,336,337,338,343,344,345,346,357,358,359,360,364,365,366,367,379,380,381,382,383,386,387,388,389,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,485 +9595 - 31,32,33,34,35,36,37,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,118,119,120,121,140,141,142,143,149,150,162,163,164,165,166,169,170,171,172,173,184,185,186,187,188,189,190,191,192,193,194,195,207,208,209,210,211,212,213,214,215,216,217,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,258,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,314,315,316,317,318,319,320,321,322,323,324,335,336,337,338,339,340,342,343,344,345,346,357,358,359,360,361,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,493 +9596 - 73,74,75,76,77,78,79,94,95,96,97,98,99,100,101,103,104,115,116,117,118,119,120,121,125,126,127,136,137,138,139,147,148,149,158,159,160,169,170,171,180,181,182,190,191,192,193,202,203,211,212,213,214,224,225,232,233,234,235,236,246,247,253,254,255,256,257,258,268,269,270,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,313,314,315,316,317,318,319,322,323,336,337,338,339,340,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,494 +9597 - 99,100,101,102,103,104,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,494 +9598 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,427,428,429,430,449,450,451,486 +9599 - 73,74,75,76,82,83,84,85,95,96,97,98,104,105,106,107,116,117,118,119,120,124,125,126,127,128,129,138,139,140,141,146,147,148,149,150,160,161,162,163,167,168,169,170,171,181,182,183,184,185,188,189,190,191,192,193,203,204,205,206,210,211,212,213,214,224,225,226,227,232,233,234,235,246,247,248,249,253,254,255,256,257,267,268,269,270,271,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,384,385,386,387,388,406,407,408,409,427,428,429,430,449,450,451,452,471,472,473,474,489 +9600 - 54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,94,95,96,97,98,101,102,103,115,116,117,118,123,124,125,136,137,138,139,145,146,158,159,166,167,180,181,182,187,188,189,203,204,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,258,274,275,279,280,281,295,296,297,302,303,317,318,324,325,339,340,346,347,361,362,368,369,383,384,389,390,391,404,405,406,410,411,412,427,428,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,493 +9601 - 33,34,35,36,37,54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,99,100,101,102,103,104,105,124,125,126,127,145,146,147,148,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,272,273,274,276,277,278,279,298,299,300,301,310,311,319,320,321,322,323,332,333,334,341,342,343,344,354,355,356,357,362,363,364,365,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,445,446,447,448,449,450,488 +9602 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,100,101,102,103,104,116,124,125,126,127,147,148,149,169,170,171,191,192,193,212,213,214,215,234,235,236,255,256,257,276,277,278,279,296,297,298,299,317,318,319,320,337,338,339,340,341,358,359,360,361,362,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,429,430,431,432,433,434,442,443,444,445,446,447,487 +9603 - 56,57,58,59,60,61,62,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,127,128,129,130,141,142,143,144,149,150,151,152,163,164,165,166,170,171,172,173,174,185,186,187,188,190,191,192,193,194,195,206,207,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,335,336,337,338,339,340,341,342,356,357,358,359,360,361,362,363,364,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448,449,450,465,466,467,468,469,470,493 +9604 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,120,121,122,123,124,125,126,127,136,137,138,139,140,145,146,147,148,149,158,159,160,161,162,168,169,170,171,180,181,182,183,184,190,191,192,193,194,201,202,203,204,205,212,213,214,215,216,223,224,225,226,227,235,236,237,238,245,246,247,248,249,257,258,259,260,267,268,269,270,279,280,281,282,290,291,292,301,302,303,304,313,314,315,322,323,324,325,326,334,335,336,337,343,344,345,346,347,356,357,358,359,360,365,366,367,368,369,379,380,381,382,383,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,469,470,471,472,473,474,485 +9605 - 57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,147,148,149,150,151,152,161,162,163,164,168,169,170,171,172,173,184,185,186,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,358,359,360,361,362,363,364,365,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,493 +9606 - 14,15,36,37,58,59,80,81,102,103,123,124,125,145,146,147,166,167,168,188,189,209,210,211,231,232,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,290,291,292,294,295,296,297,298,311,312,313,316,317,318,319,320,333,334,335,337,338,339,340,341,342,343,344,356,357,358,359,360,361,363,364,365,366,367,368,369,370,371,378,379,380,381,382,387,388,389,390,391,392,487 +9607 - 79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,109,120,121,122,123,124,125,126,127,128,129,130,131,140,141,142,143,144,145,151,152,153,161,162,163,164,165,166,182,183,184,185,186,187,203,204,205,206,207,225,226,227,228,247,248,249,250,251,252,270,271,272,273,274,275,276,294,295,296,297,298,299,318,319,320,321,322,341,342,343,344,363,364,365,366,377,378,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,490 +9608 - 56,57,58,78,79,80,81,94,95,96,100,101,102,103,115,116,117,118,122,123,124,125,126,137,138,139,140,144,145,146,147,148,159,160,161,162,166,167,168,169,170,181,182,183,184,188,189,190,191,202,203,204,205,206,210,211,212,213,224,225,226,227,228,232,233,234,235,236,246,247,248,249,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,336,337,338,339,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,434,452,453,454,455,456,475,476,477,478,489 +9609 - 56,57,58,59,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,115,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,162,163,164,165,180,181,182,183,184,185,186,187,188,189,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,251,252,253,254,255,256,257,258,275,276,277,278,279,280,298,299,300,301,302,321,322,323,324,343,344,345,346,354,365,366,367,368,375,376,377,386,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,490 +9610 - 69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,156,157,158,162,163,164,165,166,167,178,179,180,182,183,184,185,186,187,188,189,190,191,192,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,234,235,236,237,238,239,245,246,247,258,259,260,261,262,282,283,284,305,306,307,327,328,329,333,334,349,350,351,355,356,369,370,371,372,373,376,377,378,384,385,386,387,388,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,490 +9611 - 92,93,94,95,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,201,202,203,212,213,214,215,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,297,298,299,300,301,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,425,426,427,428,446,447,448,449,467,468,469,470,471,492 +9612 - 31,32,33,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,161,162,163,164,165,166,167,168,169,179,180,181,182,183,184,185,190,191,201,202,212,213,214,216,217,218,223,224,235,236,237,238,239,240,244,245,246,257,258,259,260,261,266,267,268,278,279,280,281,282,289,290,299,300,301,302,303,304,311,312,313,321,322,323,324,325,333,334,335,336,344,345,346,347,356,357,358,359,366,367,368,369,379,380,381,382,383,384,385,386,388,389,390,391,402,403,404,405,406,407,408,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,485 +9613 - 56,57,58,77,78,79,80,81,99,100,101,102,103,122,123,124,125,144,145,146,147,165,166,167,168,169,187,188,189,190,191,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,384,402,403,404,405,424,425,426,427,446,447,448,468,469,470,486 +9614 - 54,55,56,57,75,76,77,78,79,97,98,99,100,101,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,272,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,343,361,362,363,364,365,384,385,386,387,388,406,407,408,409,410,429,430,431,432,452,453,454,474,475,476,486 +9615 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,208,209,210,211,212,213,230,231,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,314,315,320,321,322,323,335,336,337,338,341,342,343,344,345,357,358,359,360,362,363,364,365,366,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,429,430,446,447,448,449,450,488 +9616 - 97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,159,160,161,162,163,164,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,276,277,278,279,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,455,474,475,476,477,494 +9617 - 10,11,12,13,31,32,33,34,35,53,54,55,56,74,75,76,77,78,95,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,164,182,183,184,185,204,205,206,207,212,213,226,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,313,314,315,316,317,318,319,320,324,325,326,327,336,337,338,339,340,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,491 +9618 - 49,50,51,52,53,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,113,114,115,116,118,119,120,121,122,123,135,136,137,141,142,143,144,145,158,159,160,166,167,168,180,181,182,183,188,189,190,203,204,205,206,209,210,211,226,227,228,229,230,231,232,233,249,250,251,252,253,254,273,274,275,276,277,296,297,298,299,300,301,317,318,319,320,321,322,323,324,339,340,341,344,345,346,347,361,362,363,367,368,369,383,384,385,390,391,405,406,407,408,412,413,414,428,429,430,431,434,435,436,451,452,453,454,455,456,457,458,474,475,476,477,478,479,493 +9619 - 77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,160,161,162,163,164,165,166,167,168,169,182,183,184,185,186,203,204,205,206,207,212,213,214,225,226,227,228,232,233,234,235,236,247,248,249,250,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,313,314,315,316,317,318,319,320,321,322,323,337,338,341,342,343,344,362,363,364,365,366,384,385,386,387,405,406,407,408,409,427,428,429,430,449,450,451,452,470,471,472,473,494 +9620 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,116,117,123,124,144,145,146,166,167,187,188,189,208,209,210,229,230,231,250,251,252,271,272,273,293,294,295,296,297,298,316,317,318,319,320,321,342,343,344,365,366,367,388,389,410,411,425,426,431,432,433,448,449,450,452,453,454,455,471,472,473,474,475,488 +9621 - 62,63,64,73,83,84,85,86,94,95,96,105,106,107,108,116,117,118,126,127,128,129,137,138,139,140,141,147,148,149,150,151,159,160,161,162,169,170,171,172,180,181,182,183,184,190,191,192,193,194,202,203,204,205,206,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,309,310,311,312,313,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,385,386,387,388,407,408,409,428,429,430,431,451,452,473,474,489 +9622 - 55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,486 +9623 - 57,58,59,79,80,81,82,101,102,103,104,122,123,124,125,126,143,144,145,146,147,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,320,337,338,339,340,341,359,360,361,362,363,380,381,382,383,384,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,486 +9624 - 13,14,15,34,35,36,37,38,55,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,119,120,121,122,123,124,140,141,142,143,144,162,163,164,165,183,184,185,186,187,204,205,206,207,208,226,227,228,229,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,491 +9625 - 101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,221,222,223,224,225,226,227,233,234,235,236,237,254,255,256,257,258,275,276,277,278,279,280,296,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,361,362,363,364,365,382,383,384,385,386,403,404,405,406,407,408,425,426,427,428,429,446,447,448,449,450,468,469,470,471,492 +9626 - 32,33,54,55,56,76,77,78,98,99,100,101,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,365,366,383,384,385,386,387,388,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +9627 - 11,12,13,32,33,34,35,36,53,54,55,56,57,58,74,75,76,77,78,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,164,182,183,184,185,203,204,205,206,207,212,213,214,215,225,226,227,228,231,232,233,234,235,236,237,238,239,247,248,249,250,252,253,254,255,256,257,258,259,260,261,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,324,325,326,327,335,336,337,338,339,340,341,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,426,427,428,429,430,491 +9628 - 33,34,35,36,37,38,55,56,57,58,59,60,61,76,77,78,79,80,81,82,83,98,99,100,103,104,105,119,120,121,122,124,125,126,127,140,141,142,143,144,147,148,149,162,163,164,165,166,169,170,171,182,183,184,185,187,188,191,192,193,203,204,205,206,210,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,256,257,258,259,268,269,270,271,278,279,280,290,291,292,299,300,301,302,312,313,314,321,322,323,334,335,341,342,343,344,356,357,358,363,364,365,366,378,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +9629 - 78,79,80,81,82,99,100,101,102,103,104,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,168,169,170,171,183,184,185,186,190,191,192,193,204,205,206,207,211,212,213,214,215,226,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,470,471,472,473,494 +9630 - 55,56,57,76,77,78,79,80,98,99,100,101,102,118,119,120,121,122,123,124,139,140,141,142,143,144,145,146,160,161,162,163,164,165,166,167,168,183,184,185,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,453,472,473,474,475,486 +9631 - 34,35,36,37,38,39,53,54,55,56,57,58,59,60,61,62,74,75,76,77,78,79,80,81,82,83,84,103,104,105,106,124,125,126,127,128,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,183,184,185,186,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,255,256,257,258,259,278,279,280,281,300,301,302,303,321,322,323,324,325,332,333,342,343,344,345,346,353,354,355,362,363,364,365,366,367,375,376,377,378,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,442,443,444,445,446,447,448,449,450,488 +9632 - 7,8,9,10,11,28,29,30,31,32,33,34,50,51,52,53,54,55,56,57,71,72,73,74,76,77,78,79,93,94,99,100,101,115,116,121,122,123,124,144,145,146,163,164,165,166,167,168,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,253,254,255,256,270,271,275,276,277,278,291,292,293,297,298,299,300,303,304,305,313,314,315,319,320,321,322,325,326,327,336,337,338,341,342,343,344,345,346,347,348,349,350,358,359,360,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,403,404,405,406,407,408,412,413,425,426,427,428,429,487 +9633 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,125,126,127,128,140,141,147,148,149,150,167,168,169,170,171,172,187,188,189,190,191,192,193,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,298,299,300,301,312,313,314,320,321,322,323,333,334,335,336,342,343,344,345,354,355,356,357,358,363,364,365,366,367,376,377,378,379,380,381,382,383,384,385,386,387,388,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,488 +9634 - 54,55,75,76,85,86,97,98,106,107,108,118,119,120,128,129,130,139,140,141,149,150,151,161,162,163,171,172,173,182,183,184,192,193,194,204,205,206,214,215,216,225,226,227,235,236,237,246,247,248,249,256,257,258,259,268,269,270,275,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,337,338,339,341,342,343,344,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,489 +9635 - 91,92,93,94,95,96,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,190,191,192,193,194,195,199,200,201,202,203,204,212,213,214,215,216,221,222,223,224,234,235,236,237,238,243,244,245,246,255,256,257,258,259,267,276,277,278,279,280,281,298,299,300,301,302,318,319,320,321,322,323,340,341,342,343,344,345,361,362,363,364,365,366,382,383,384,385,386,387,404,405,406,407,408,409,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,492 +9636 - 115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,190,191,192,193,211,212,213,214,232,233,234,235,254,255,256,276,277,297,298,299,318,319,320,340,341,361,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471,472,492 +9637 - 60,61,62,81,82,83,84,102,103,104,105,124,125,126,127,138,139,140,145,146,147,148,160,161,162,167,168,169,170,180,181,182,183,184,188,189,190,191,201,202,203,204,205,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,296,297,298,299,301,302,303,304,318,319,320,321,339,340,341,342,361,362,363,364,382,383,384,385,404,405,406,425,426,427,428,447,448,449,469,470,489 +9638 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,122,123,135,136,137,138,139,157,158,159,160,178,179,180,181,200,201,202,203,204,223,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,325,343,344,345,346,347,348,367,368,369,370,389,390,391,392,409,410,411,412,413,414,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,457,472,473,474,475,476,490 +9639 - 57,58,59,78,79,80,81,82,99,100,101,102,103,104,105,121,122,123,124,125,126,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,358,359,360,361,362,380,381,382,383,384,402,403,404,405,406,424,425,426,427,446,447,448,449,468,469,470,471,486 +9640 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,429,430,431,432,451,452,453,486 +9641 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,150,159,160,161,162,163,164,170,171,172,181,182,183,184,185,192,193,194,201,202,203,204,205,206,213,214,215,216,223,224,225,226,227,234,235,236,237,238,245,246,247,248,255,256,257,258,259,267,268,269,270,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,471,472,473,474,494 +9642 - 73,74,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,146,147,148,149,168,169,170,189,190,191,192,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,316,317,318,319,337,338,339,340,359,360,361,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,447,465,466,467,468,492 +9643 - 59,60,61,62,80,81,82,83,84,101,102,103,104,105,106,122,123,124,125,126,127,128,144,145,146,147,148,149,150,165,166,167,168,169,170,171,186,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,315,316,317,318,319,320,321,322,337,338,339,340,341,342,343,358,359,360,361,362,363,364,379,380,381,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,428,444,445,446,447,448,466,467,468,486 +9644 - 97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,142,143,144,145,146,159,160,161,162,163,165,166,167,168,169,181,182,183,184,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,254,255,256,257,276,277,278,298,299,300,319,320,321,322,341,342,343,362,363,364,365,384,385,386,387,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,494 +9645 - 35,36,37,38,56,57,58,59,60,61,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,182,183,184,185,186,187,188,189,191,192,193,194,195,204,205,206,207,208,209,210,213,214,215,216,217,225,226,227,228,229,230,231,234,235,236,237,238,246,247,248,249,250,251,252,256,257,258,259,260,268,269,270,271,272,273,277,278,279,280,281,282,290,291,292,293,294,299,300,301,302,303,311,312,313,314,315,316,319,320,321,322,323,324,325,333,334,335,336,337,338,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,485 +9646 - 54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,124,125,126,127,128,137,138,139,140,147,148,149,150,151,158,159,160,161,171,172,173,180,181,182,183,194,195,196,201,202,203,204,216,217,218,219,223,224,225,239,240,241,245,246,247,261,262,263,267,268,269,283,284,285,288,289,290,305,306,307,310,311,312,326,327,328,332,333,334,347,348,349,350,354,355,356,357,368,369,370,371,377,378,379,389,390,391,392,399,400,401,402,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,485 +9647 - 13,14,15,16,34,35,36,37,38,39,55,56,57,58,59,60,76,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,166,183,184,185,186,187,205,206,207,208,209,226,227,228,229,230,231,248,249,250,251,252,256,257,258,259,260,269,270,271,272,273,274,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,491 +9648 - 72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,137,138,140,141,142,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,452,471,472,473,492 +9649 - 57,58,59,60,61,62,63,79,80,81,82,83,84,85,86,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,128,129,130,138,139,140,141,142,143,144,145,151,152,153,158,159,160,161,162,163,164,165,166,167,173,174,175,180,181,182,183,184,185,188,195,196,197,201,202,203,204,217,218,219,223,224,225,239,240,241,244,245,246,247,260,261,262,263,266,267,268,282,283,284,288,289,290,302,303,304,305,306,310,311,312,323,324,325,326,327,332,333,334,344,345,346,347,348,354,355,356,357,363,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,485 +9650 - 54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,125,126,127,136,137,138,139,140,141,146,147,148,149,158,159,160,161,167,168,169,170,171,180,181,182,188,189,190,191,192,202,203,204,209,210,211,212,213,225,226,227,228,231,232,233,234,247,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,293,294,295,296,297,298,316,317,318,319,320,321,338,339,340,341,342,343,344,359,360,361,362,364,365,366,367,381,382,383,388,389,390,403,404,405,406,407,408,411,412,413,426,427,428,429,430,431,432,433,434,435,451,452,453,454,455,456,457,476,477,478,479,493 +9651 - 32,33,34,35,54,55,56,57,76,77,78,79,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,404,405,406,407,408,426,427,428,429,430,449,450,451,452,486 +9652 - 34,35,36,55,56,57,58,77,78,79,80,98,99,100,101,120,121,122,123,142,143,144,145,164,165,166,186,187,188,208,209,210,229,230,231,232,251,252,253,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,407,408,409,427,428,429,430,431,450,451,452,453,486 +9653 - 27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,119,122,123,124,125,126,135,136,137,138,145,146,147,148,167,168,169,170,188,189,190,191,192,209,210,211,212,213,214,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,278,293,294,295,296,297,298,299,315,316,317,318,319,320,336,337,338,339,340,341,347,348,349,350,351,357,358,359,360,361,362,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,445,446,447,448,449,450,451,452,453,454,455,456,487 +9654 - 8,9,10,11,29,30,31,32,33,34,50,51,52,53,54,55,56,57,58,71,72,73,74,75,77,78,79,80,94,95,96,97,99,100,101,102,117,122,123,124,144,145,146,147,166,167,168,169,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,289,290,291,292,293,294,295,296,297,298,299,300,301,302,310,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,424,425,426,427,428,487 +9655 - 47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,135,136,137,144,145,146,147,148,149,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,315,318,319,320,321,322,323,324,325,326,343,344,345,346,347,348,366,367,368,369,370,382,383,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,488 +9656 - 11,12,13,14,32,33,34,35,36,53,54,55,75,76,96,97,98,118,119,120,140,141,162,163,184,185,206,207,228,229,250,251,272,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,322,323,337,338,339,344,345,346,359,360,361,362,366,367,368,382,383,384,388,389,405,406,407,408,409,410,411,428,429,430,431,432,491 +9657 - 59,60,80,81,82,93,94,102,103,104,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,189,190,191,192,193,201,202,203,204,211,212,213,214,215,216,223,224,225,226,227,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,316,317,318,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,406,407,408,409,427,428,429,430,449,450,451,452,472,473,474,489 +9658 - 94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,160,161,162,167,168,169,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,257,275,276,277,278,297,298,299,300,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,430,449,450,451,471,472,473,492 +9659 - 60,61,62,63,76,77,78,79,80,81,82,83,84,85,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,159,160,161,162,181,182,183,184,186,187,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,299,300,301,302,322,323,324,325,335,336,344,345,346,347,357,358,366,367,368,369,378,379,380,388,389,390,400,401,402,403,404,405,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,490 +9660 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,100,101,102,103,104,123,124,125,126,143,144,145,146,147,163,164,165,166,167,168,169,183,184,185,186,187,188,189,204,205,206,207,208,209,226,227,228,229,230,231,232,249,250,251,252,253,254,255,256,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,323,324,325,336,337,338,345,346,347,358,359,360,361,368,369,370,380,381,382,383,384,385,389,390,391,392,403,404,405,406,407,408,409,410,411,412,413,414,426,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,488 +9661 - 11,12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,96,97,98,99,117,118,119,120,121,139,140,141,142,160,161,162,163,182,183,184,185,203,204,205,206,225,226,227,228,247,248,249,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,491 +9662 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,123,124,125,127,135,136,137,138,139,140,148,149,150,157,158,159,160,161,168,169,170,171,172,179,180,181,182,183,184,185,186,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,295,296,297,300,301,302,303,316,317,318,322,323,324,325,326,338,339,340,344,345,346,347,348,360,361,362,367,368,369,370,382,383,384,388,389,390,391,404,405,406,410,411,412,413,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,472,473,474,475,476,493 +9663 - 92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,177,178,179,180,181,191,192,193,194,212,213,214,215,216,234,235,236,237,255,256,257,258,277,278,279,280,298,299,300,301,302,320,321,322,323,341,342,343,344,345,363,364,365,366,384,385,386,387,388,406,407,408,409,427,428,429,430,431,448,449,450,451,452,453,470,471,472,473,474,475,492 +9664 - 32,33,34,35,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,103,104,105,106,107,116,117,118,119,127,128,129,130,137,138,139,151,152,153,158,159,160,161,173,174,175,180,181,182,196,197,201,202,203,204,217,218,219,223,224,225,239,240,241,245,246,260,261,262,266,267,268,282,283,284,288,289,290,303,304,305,310,311,312,324,325,326,327,332,333,334,345,346,347,348,354,355,356,366,367,368,369,377,378,386,387,388,389,390,399,400,401,402,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,485 +9665 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,105,113,114,115,116,117,118,119,121,122,125,126,127,128,135,136,137,138,139,145,146,147,148,149,150,157,158,159,160,161,162,166,167,168,169,170,171,172,179,180,181,182,183,184,185,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,250,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,315,316,317,318,321,322,323,324,325,336,337,338,339,344,345,346,347,358,359,360,361,366,367,368,369,379,380,381,382,388,389,390,391,401,402,403,404,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,476,477,493 +9666 - 95,96,97,98,99,100,106,107,116,117,118,119,120,122,127,128,129,130,137,138,139,140,148,149,150,151,158,159,160,161,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,212,213,214,223,224,225,226,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,294,295,296,298,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,489 +9667 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,158,159,160,165,166,167,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +9668 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,182,183,184,185,188,189,190,191,192,211,212,213,214,233,234,235,236,255,256,257,258,276,277,278,279,280,298,299,300,301,302,320,321,322,323,324,342,343,344,345,363,364,365,366,367,384,385,386,387,388,406,407,408,409,410,427,428,429,430,431,432,448,449,450,451,452,453,470,471,472,473,474,492 +9669 - 82,83,84,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,167,168,169,172,173,174,178,179,180,181,182,183,187,188,189,190,194,195,196,200,201,202,203,204,210,211,216,217,218,222,223,224,232,233,238,239,240,243,244,245,260,261,262,265,266,267,282,283,284,287,288,289,303,304,305,306,309,310,311,324,325,326,327,331,332,333,345,346,347,348,349,353,354,355,356,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,485 +9670 - 58,59,60,75,76,77,78,79,80,81,95,96,97,98,99,100,101,102,116,117,118,119,120,138,139,140,159,160,161,181,182,202,203,204,224,225,226,246,247,248,249,250,251,252,269,270,271,272,273,274,275,276,277,294,295,296,297,298,299,300,301,320,321,322,323,324,344,345,346,367,368,389,390,411,412,432,433,434,447,448,452,453,454,455,470,471,472,473,474,475,476,490 +9671 - 35,36,37,38,57,58,59,60,61,78,79,80,81,82,83,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,165,166,167,168,169,186,187,188,189,190,191,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,271,272,273,274,275,276,277,293,294,295,296,297,298,299,315,316,317,318,319,336,337,338,339,340,341,357,358,359,360,361,362,363,379,380,381,382,383,384,401,402,403,404,405,406,423,424,425,426,427,445,446,447,448,449,486 +9672 - 51,52,59,60,72,73,74,80,81,82,94,95,96,102,103,104,116,117,118,124,125,126,138,139,140,146,147,148,160,161,162,168,169,170,182,183,184,190,191,192,203,204,205,206,212,213,214,224,225,226,227,228,229,234,235,236,246,247,248,249,250,251,252,253,254,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,311,312,313,314,319,320,321,322,323,324,325,326,333,334,335,344,345,346,347,348,355,356,366,367,368,369,370,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,477,478,479,489 +9673 - 27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,120,121,122,123,124,125,144,145,146,147,166,167,168,169,188,189,190,191,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,307,313,314,315,316,317,318,319,320,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,487 +9674 - 35,36,37,57,58,59,79,80,100,101,102,122,123,124,144,145,146,165,166,167,168,187,188,189,209,210,211,230,231,232,252,253,254,273,274,275,295,296,297,317,318,319,338,339,340,341,360,361,362,382,383,384,404,405,406,426,427,428,449,450,486 +9675 - 47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,258,274,275,276,277,278,279,280,281,299,300,301,302,303,322,323,324,325,344,345,346,347,348,367,368,369,370,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,469,470,471,472,473,474,475,488 +9676 - 57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,136,137,138,139,158,159,160,161,163,164,165,166,167,168,179,180,181,182,183,184,185,186,187,188,189,190,191,192,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,249,250,257,258,259,260,268,269,279,280,281,282,301,302,303,304,323,324,325,326,345,346,347,348,366,367,368,369,370,380,381,388,389,390,391,401,402,403,409,410,411,412,424,425,426,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +9677 - 23,24,38,39,40,60,61,62,81,82,83,84,92,93,94,103,104,105,106,114,115,116,117,125,126,127,135,136,137,138,139,147,148,149,157,158,159,160,168,169,170,171,178,179,180,181,190,191,192,193,200,201,202,203,211,212,213,214,222,223,224,233,234,235,236,244,245,246,247,248,249,250,251,252,254,255,256,257,261,262,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,314,315,316,317,318,319,320,321,322,323,324,325,326,327,340,341,342,343,361,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,429,448,449,450,489 +9678 - 9,10,11,12,30,31,32,33,34,52,53,54,55,73,74,75,76,77,95,96,97,98,99,116,117,118,119,120,138,139,140,141,142,160,161,162,163,167,168,169,170,181,182,183,184,185,187,188,189,190,191,192,193,194,203,204,205,206,209,210,211,212,213,214,215,216,217,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,247,248,249,250,251,252,253,254,255,259,260,261,262,269,270,271,272,273,274,275,276,281,282,283,284,291,292,293,294,295,296,297,298,303,304,305,306,314,315,316,317,318,319,324,325,326,327,328,336,337,338,339,340,341,345,346,347,348,349,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,428,429,430,431,432,491 +9679 - 58,59,60,61,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,271,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,356,365,366,367,368,377,378,379,387,388,389,390,400,401,402,403,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +9680 - 30,31,32,33,34,35,36,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,102,103,104,124,125,126,146,147,148,167,168,169,170,188,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,336,337,338,339,346,347,358,359,360,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,446,447,448,449,487 +9681 - 10,11,12,13,14,31,32,33,34,35,36,52,53,54,55,56,57,73,74,75,76,77,78,95,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,159,160,161,162,163,181,182,183,184,192,193,203,204,205,206,210,211,212,213,214,215,216,217,224,225,226,227,228,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,491 +9682 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,101,102,103,104,105,118,119,120,126,127,139,140,141,148,149,161,162,170,171,183,184,192,193,194,204,205,214,215,216,226,227,236,237,248,249,258,259,269,270,271,279,280,281,291,292,293,300,301,302,313,314,322,323,324,335,336,337,343,344,345,357,358,364,365,366,379,380,386,387,388,401,402,403,407,408,409,423,424,425,427,428,429,430,445,446,447,448,449,450,451,468,469,470,471,472,485 +9683 - 50,51,52,71,72,73,74,75,76,94,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,141,142,143,144,145,146,147,165,166,167,168,169,188,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,387,405,406,407,408,426,427,428,429,430,447,448,449,450,451,469,470,471,472,492 +9684 - 12,13,14,15,32,33,34,35,36,37,54,55,56,75,76,77,96,97,98,118,119,139,140,141,161,162,163,183,184,189,190,205,206,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,257,258,259,271,272,273,280,281,292,293,294,302,303,304,313,314,315,316,325,326,337,338,339,347,348,360,361,368,369,370,382,383,384,385,389,390,391,405,406,407,408,409,410,411,412,429,430,431,432,433,491 +9685 - 53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,97,98,99,100,101,102,105,106,115,116,117,118,119,120,121,122,123,126,127,128,136,137,138,139,140,147,148,149,150,159,160,161,169,170,171,172,180,181,182,183,184,190,191,192,193,194,203,204,205,206,207,208,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,296,297,298,299,300,301,302,317,318,319,320,321,322,323,324,338,339,340,341,342,344,345,346,359,360,361,362,363,366,367,368,381,382,383,384,388,389,390,403,404,405,409,410,411,412,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,456,470,471,472,473,474,475,476,493 +9686 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,101,102,103,104,113,114,115,116,117,118,119,124,125,126,127,134,135,136,137,138,139,140,147,148,149,150,155,156,157,158,160,161,162,170,171,172,173,177,178,182,183,184,193,194,195,199,204,205,215,216,217,226,227,238,239,248,249,260,261,270,271,282,283,284,292,293,304,305,314,315,326,327,336,337,347,348,349,358,359,360,369,370,371,380,381,382,391,392,402,403,404,405,412,413,414,425,426,427,428,431,432,433,434,435,448,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,485 +9687 - 75,76,77,78,79,95,96,97,98,99,100,101,117,118,119,120,121,122,123,124,138,139,140,141,144,145,146,160,161,162,166,167,168,182,183,184,186,187,188,189,190,204,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,250,251,255,256,257,277,278,279,299,300,301,321,322,323,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +9688 - 32,33,34,35,53,54,55,56,57,58,75,76,77,79,80,81,98,99,101,102,103,124,125,145,146,147,167,168,169,189,190,191,211,212,232,233,234,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,301,315,316,317,318,319,320,322,323,324,325,337,338,339,340,341,344,345,346,347,358,359,360,361,362,379,380,381,382,383,384,401,402,403,404,405,422,423,424,425,444,445,446,487 +9689 - 54,55,56,57,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,165,166,167,168,172,173,174,179,180,181,182,183,184,188,189,193,194,195,196,200,201,202,203,204,215,216,217,218,221,222,223,224,225,237,238,239,240,243,244,245,246,259,260,261,262,265,266,267,268,280,281,282,283,284,287,288,289,290,302,303,304,305,306,309,310,311,312,323,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,365,366,367,368,369,370,375,376,377,378,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,485 +9690 - 74,75,76,77,78,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,139,144,145,146,147,148,156,157,158,159,160,167,168,169,170,171,178,179,180,181,190,191,192,193,199,200,201,202,212,213,214,215,221,222,223,224,235,236,237,238,243,244,245,246,256,257,258,259,260,265,266,267,268,269,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,347,365,366,367,368,369,387,388,389,390,391,409,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +9691 - 33,34,35,55,56,57,58,77,78,79,80,81,99,100,101,102,103,112,113,120,121,122,123,124,125,142,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,360,361,362,363,364,382,383,384,385,386,404,405,406,407,408,426,427,428,429,448,449,450,451,486 +9692 - 34,35,55,56,57,75,76,77,78,79,80,96,97,98,99,100,101,117,118,119,120,127,128,129,138,139,140,141,148,149,150,160,161,162,169,170,171,182,183,184,191,192,193,204,205,206,207,212,213,214,227,228,229,233,234,235,236,249,250,251,252,254,255,256,257,272,273,274,275,276,277,278,294,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,388,405,406,407,408,409,410,427,428,429,430,431,432,450,451,452,453,493 +9693 - 26,27,28,29,30,31,32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,115,120,121,122,123,124,125,126,127,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,229,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,292,293,294,295,296,297,313,314,315,316,317,318,334,335,336,337,338,339,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,487 +9694 - 9,10,11,12,13,14,15,31,32,33,34,35,36,37,52,53,54,55,57,58,59,73,74,75,76,79,80,81,82,95,96,97,101,102,103,104,117,118,119,123,124,125,126,139,140,141,142,143,145,146,147,148,162,163,164,165,166,167,168,169,170,189,190,191,192,211,212,213,214,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,292,293,294,295,297,298,299,300,301,313,314,315,316,319,320,321,322,323,324,335,336,337,338,341,342,343,344,345,346,347,357,358,359,360,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,389,390,391,402,403,404,405,406,407,408,411,412,413,414,424,425,426,427,428,429,434,435,436,487 +9695 - 48,49,50,51,52,53,54,55,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,488 +9696 - 95,96,97,98,99,100,101,102,116,117,118,119,123,124,125,137,138,139,146,147,159,160,168,169,180,181,190,191,202,203,211,212,213,224,225,226,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,271,272,273,277,278,279,300,301,322,323,344,345,365,366,387,388,409,410,431,432,453,454,475,476,494 +9697 - 60,61,62,72,73,81,82,83,84,85,93,94,95,96,103,104,105,106,115,116,117,125,126,127,137,138,139,146,147,148,149,159,160,161,168,169,170,180,181,182,183,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,228,229,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,405,406,407,408,426,427,428,429,448,449,450,451,470,471,472,489 +9698 - 10,11,31,32,53,54,74,75,76,96,97,98,118,119,139,140,141,161,162,167,168,169,170,171,172,183,184,188,189,190,191,192,193,194,195,205,206,209,210,211,216,217,227,228,230,231,232,238,239,248,249,250,251,252,253,259,260,261,270,271,272,273,274,280,281,282,292,293,294,295,296,301,302,303,314,315,316,317,318,322,323,324,336,337,339,340,343,344,345,358,359,360,361,362,363,364,365,366,380,381,382,383,384,385,386,387,403,404,405,406,407,408,491 +9699 - 74,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,140,141,142,149,150,151,161,162,163,164,183,184,185,186,204,205,206,207,208,209,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,343,344,345,346,364,365,366,367,386,387,388,389,408,409,410,411,423,424,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,490 +9700 - 48,58,59,69,70,71,80,81,82,91,92,93,102,103,113,114,115,124,125,126,135,136,137,146,147,158,159,160,168,169,170,180,181,182,190,191,192,203,204,205,212,213,214,226,227,228,233,234,235,248,249,250,251,254,255,256,257,271,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,318,321,322,323,343,344,345,365,366,367,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,489 +9701 - 12,13,14,15,33,34,35,36,37,38,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,95,96,97,98,99,100,101,116,117,118,119,120,121,122,137,138,139,140,141,142,159,160,161,162,163,180,181,182,183,184,185,201,202,203,204,205,213,214,215,216,217,224,225,226,227,234,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,262,267,268,269,270,275,276,277,278,279,280,281,282,283,289,290,291,292,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,401,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,491 +9702 - 62,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,156,157,158,159,179,180,191,192,193,194,200,201,202,209,210,211,212,213,214,215,216,217,218,222,223,224,228,229,230,231,232,233,234,235,236,237,238,239,240,241,244,245,246,248,249,250,251,252,262,263,266,267,268,269,270,271,272,284,285,288,289,290,291,292,306,307,310,311,312,313,327,328,329,332,333,334,349,350,354,355,356,370,371,376,377,391,392,393,398,399,400,411,412,413,414,421,422,429,430,432,433,434,435,451,452,453,454,455,456,474,475,476,490 +9703 - 70,71,72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,166,167,168,169,170,190,191,192,212,213,214,233,234,235,236,254,255,256,257,258,276,277,278,279,280,297,298,299,300,301,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,404,405,406,407,408,424,425,426,427,428,429,446,447,448,449,450,467,468,469,470,471,492 +9704 - 94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,177,178,189,190,191,210,211,212,213,232,233,234,235,254,255,256,257,276,277,278,279,298,299,300,301,320,321,322,342,343,344,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,473,474,475,492 +9705 - 31,32,33,34,35,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,107,114,115,116,117,118,128,129,136,137,138,139,140,149,150,151,158,159,160,161,162,163,164,168,169,170,171,172,173,182,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,292,293,294,295,296,297,299,300,301,314,315,316,317,321,322,323,324,335,336,337,338,343,344,345,346,356,357,358,359,365,366,367,368,378,379,380,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,493 +9706 - 51,52,53,54,55,56,57,58,59,60,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,94,95,96,97,100,101,102,103,104,105,106,107,108,116,117,118,138,139,140,159,160,161,180,181,182,183,184,185,186,187,188,200,201,202,203,204,205,206,207,208,209,210,211,212,213,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,243,244,245,246,256,257,258,259,260,265,266,280,281,282,283,304,305,306,326,327,328,336,348,349,350,356,357,358,369,370,371,372,378,379,380,390,391,392,393,400,401,402,403,404,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,471,472,473,474,475,490 +9707 - 98,99,100,101,102,103,119,120,121,122,123,124,125,126,140,141,142,143,144,145,146,147,148,161,162,163,164,165,167,168,169,170,182,183,184,185,189,190,191,192,204,205,206,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,298,299,300,301,319,320,321,322,341,342,343,344,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +9708 - 29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,70,71,72,78,79,80,92,93,100,101,102,114,115,122,123,124,144,145,165,166,167,185,186,187,188,189,190,191,206,207,208,209,210,211,212,213,214,215,227,228,229,230,235,236,237,249,250,258,259,260,280,281,282,302,303,304,324,325,326,346,347,367,368,369,378,379,388,389,390,400,401,402,403,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,488 +9709 - 56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,171,172,173,174,181,182,183,184,185,193,194,195,196,203,204,205,206,215,216,217,218,224,225,226,227,228,236,237,238,239,240,245,246,247,248,249,257,258,259,260,261,267,268,269,270,279,280,281,282,283,289,290,291,292,300,301,302,303,304,311,312,313,314,321,322,323,324,325,333,334,335,336,342,343,344,345,346,347,355,356,357,358,363,364,365,366,367,368,377,378,379,380,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,451,466,467,468,469,470,471,472,485 +9710 - 10,11,31,32,33,53,54,74,75,76,96,97,118,119,139,140,141,145,146,147,161,162,163,165,166,167,168,169,170,183,184,186,187,188,191,192,193,205,206,208,209,214,215,216,227,228,230,231,236,237,238,248,249,250,252,253,259,260,270,271,272,274,275,281,282,292,293,294,296,297,302,303,304,314,315,316,318,319,324,325,337,338,340,341,344,345,346,347,359,360,361,363,364,365,366,367,368,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,491 +9711 - 53,54,55,58,59,73,74,75,76,77,78,80,81,82,93,94,95,96,97,98,99,100,102,103,104,115,116,117,118,119,120,124,125,126,137,138,139,140,145,146,147,148,159,160,161,162,163,166,167,168,169,182,183,184,185,186,188,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,252,253,254,255,273,274,275,276,277,278,294,295,296,297,298,299,300,315,316,317,318,320,321,322,323,337,338,339,343,344,345,358,359,360,361,365,366,367,380,381,382,387,388,389,402,403,404,408,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,493 +9712 - 12,13,14,33,34,35,36,55,56,57,58,76,77,78,79,98,99,100,101,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,279,280,281,282,291,292,293,294,301,302,303,304,313,314,315,316,322,323,324,325,326,335,336,337,338,342,343,344,345,346,347,357,358,359,360,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,425,426,427,428,429,491 +9713 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,123,124,125,126,147,148,149,169,170,171,189,190,191,192,209,210,211,212,213,214,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,269,270,271,272,273,274,275,276,277,278,292,293,294,295,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,366,367,368,369,388,389,390,391,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,488 +9714 - 58,59,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,126,127,128,129,138,139,140,141,142,143,144,145,146,149,150,151,159,160,161,162,163,164,165,166,172,173,174,180,181,182,183,184,186,187,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,260,261,262,266,267,268,269,281,282,283,284,288,289,290,303,304,305,310,311,312,325,326,327,332,333,334,346,347,348,349,353,354,355,356,367,368,369,370,375,376,377,378,389,390,391,392,397,398,399,400,410,411,412,413,419,420,421,422,431,432,433,434,435,441,442,443,444,452,453,454,455,463,464,465,474,475,476,477,485 +9715 - 94,95,96,97,98,99,100,101,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,158,159,160,161,166,167,168,169,170,171,180,181,182,187,188,189,191,192,193,202,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,272,276,277,278,298,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,429,430,431,432,451,452,453,473,474,475,494 +9716 - 53,54,55,56,57,74,75,76,77,78,79,86,95,96,97,98,99,100,106,107,108,109,116,117,118,119,126,127,128,129,130,131,138,139,140,141,147,148,149,150,151,160,161,162,163,168,169,170,171,172,182,183,184,185,189,190,191,192,193,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,467,468,469,470,471,493 +9717 - 57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,158,159,160,161,180,181,182,183,203,204,205,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,301,302,303,304,313,314,315,323,324,325,326,346,347,348,349,368,369,370,371,389,390,391,392,393,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,477,490 +9718 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,169,170,180,181,182,183,184,190,191,192,202,203,204,205,211,212,213,214,224,225,226,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,300,301,302,313,314,315,316,317,318,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,433,434,435,455,456,457,477,478,479,494 +9719 - 30,31,32,33,34,35,36,37,38,39,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,103,104,105,117,118,119,120,139,140,141,142,161,162,163,164,183,184,185,186,205,206,207,208,209,210,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,299,300,301,302,303,311,312,322,323,324,325,333,334,345,346,347,355,356,357,367,368,369,370,377,378,379,380,381,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,490 +9720 - 49,50,51,52,53,54,55,69,70,71,72,73,74,75,76,77,78,79,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,122,123,135,136,137,138,139,148,149,150,158,159,160,161,170,171,172,181,182,183,184,192,193,194,204,205,206,207,208,213,214,215,216,227,228,229,230,233,234,235,236,237,251,252,253,254,255,256,273,274,275,276,277,278,296,297,298,299,300,318,319,320,321,322,323,339,340,341,342,343,344,345,346,361,362,363,364,365,366,367,368,383,384,385,386,388,389,390,405,406,407,408,411,412,413,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,474,475,476,478,493 +9721 - 5,6,7,8,9,10,11,26,27,28,29,30,31,32,33,34,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,116,120,121,122,123,124,142,143,144,145,146,147,165,166,167,168,186,187,188,189,190,208,209,210,211,212,229,230,231,232,233,250,251,252,253,254,255,271,272,273,274,275,276,277,292,293,294,295,296,297,298,307,314,315,316,317,318,319,323,324,325,326,327,328,329,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,487 +9722 - 9,10,11,30,31,32,33,51,52,53,54,55,73,74,75,76,95,96,97,98,116,117,118,119,138,139,140,141,159,160,161,162,163,181,182,183,184,203,204,205,206,210,211,212,213,214,215,216,217,225,226,227,228,232,233,234,235,236,237,238,239,240,247,248,249,250,253,254,255,256,257,258,259,260,261,262,269,270,271,272,274,275,276,277,278,280,281,282,283,284,291,292,293,294,295,296,297,298,299,303,304,305,306,313,314,315,316,317,318,319,320,321,323,324,325,326,327,335,336,337,338,340,341,342,343,344,345,346,347,348,349,358,359,360,361,362,363,364,365,366,367,368,369,370,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,426,427,428,429,430,491 +9723 - 12,13,14,15,33,34,35,36,37,53,54,55,56,57,58,74,75,76,77,78,79,80,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,143,159,160,161,162,163,180,181,182,183,184,193,202,203,204,205,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,238,239,245,246,247,248,249,252,253,254,255,256,257,258,259,260,261,267,268,269,270,273,274,275,276,277,278,279,280,281,282,283,289,290,291,292,295,296,297,298,299,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,491 +9724 - 11,12,33,34,55,56,57,77,78,79,99,100,101,121,122,123,143,144,165,166,167,187,188,189,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,429,430,431,486 +9725 - 55,56,57,58,59,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,124,125,126,139,140,141,142,143,145,146,147,148,161,162,163,164,165,167,168,169,184,185,186,187,188,189,190,191,207,208,209,210,211,212,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,294,295,296,297,299,300,301,315,316,317,318,321,322,323,336,337,338,339,343,344,345,346,358,359,360,366,367,368,380,381,382,387,388,389,390,402,403,404,409,410,411,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9726 - 30,31,32,33,34,51,52,53,54,55,56,57,73,74,79,80,94,95,96,101,102,116,117,124,125,138,139,147,148,159,160,161,169,170,181,182,191,192,193,203,204,213,214,215,216,225,226,235,236,237,238,247,248,258,259,269,270,275,276,279,280,281,291,292,297,298,299,301,302,303,313,314,320,321,322,323,324,325,335,336,343,344,345,346,347,357,358,366,367,368,380,381,387,388,389,390,402,403,404,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +9727 - 60,61,62,71,72,81,82,83,84,85,93,94,95,103,104,105,106,107,114,115,116,117,124,125,126,127,136,137,138,139,146,147,148,149,158,159,160,168,169,170,179,180,181,182,190,191,192,201,202,203,211,212,213,214,223,224,225,233,234,235,236,237,238,239,240,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474,489 +9728 - 95,96,97,98,99,100,101,102,116,117,118,119,120,121,122,123,124,125,137,138,139,140,145,146,147,148,158,159,160,161,168,169,170,180,181,182,191,192,202,203,204,212,213,214,215,224,225,226,227,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,298,299,300,301,321,322,323,342,343,344,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,494 +9729 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,120,121,122,123,124,137,138,139,140,141,144,145,146,147,148,158,159,160,161,167,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,211,212,213,214,215,224,225,226,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,299,300,301,302,321,322,323,342,343,344,345,364,365,366,367,386,387,388,407,408,409,410,429,430,431,450,451,452,453,472,473,474,475,494 +9730 - 98,99,100,101,117,118,119,120,121,122,123,124,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,167,168,169,170,171,180,181,182,183,190,191,192,193,201,202,203,204,211,212,213,214,223,224,225,226,231,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,299,300,301,302,313,314,315,316,317,318,321,322,323,324,343,344,345,346,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,474,475,476,494 +9731 - 32,33,34,35,54,55,56,57,58,76,77,78,79,80,98,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,169,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,234,250,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,358,359,360,361,362,363,380,381,382,383,384,402,403,404,405,406,407,424,425,426,427,428,429,447,448,449,450,486 +9732 - 79,80,81,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,166,172,173,174,179,180,181,182,183,195,196,197,201,202,203,217,218,219,222,223,224,225,239,240,241,244,245,246,260,261,262,263,266,267,268,281,282,283,284,288,289,290,301,302,303,304,305,310,311,312,313,321,322,323,324,325,326,333,334,335,336,340,341,342,343,344,345,346,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,485 +9733 - 69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,157,168,169,170,171,190,191,192,193,212,213,214,215,233,234,235,236,254,255,256,257,276,277,278,279,297,298,299,300,319,320,321,322,340,341,342,343,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,408,425,426,427,428,429,430,447,448,449,450,451,468,469,470,471,472,492 +9734 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,123,124,125,133,134,135,136,137,138,145,146,147,155,156,157,158,166,167,168,169,178,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,279,280,281,282,283,302,303,304,305,325,326,327,328,348,349,350,358,370,371,372,379,380,381,391,392,393,394,401,402,403,404,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,446,447,448,449,450,451,452,453,454,455,456,457,469,470,471,472,473,474,475,476,477,488 +9735 - 33,34,35,55,56,57,58,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,386,403,404,405,406,407,426,427,428,429,448,449,450,486 +9736 - 51,52,53,54,55,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,122,123,124,136,137,138,139,144,145,146,158,159,165,166,167,168,181,186,187,188,189,190,203,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,277,278,279,280,292,293,294,295,300,301,302,323,324,325,345,346,347,366,367,368,369,388,389,390,391,409,410,411,412,427,428,429,430,431,432,433,434,449,450,451,452,453,454,455,473,474,475,476,488 +9737 - 29,30,31,32,33,49,50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,121,122,123,124,136,137,138,139,140,144,145,146,159,160,161,166,167,168,188,189,190,191,210,211,212,231,232,233,234,253,254,255,256,274,275,276,277,278,280,295,296,297,298,299,300,301,302,303,304,305,306,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,357,358,359,360,361,362,363,364,371,372,373,378,379,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,445,446,447,487 +9738 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,79,80,81,94,95,96,102,103,116,117,118,124,125,126,137,138,139,145,146,147,148,159,160,161,169,170,171,181,182,191,192,193,202,203,204,214,215,216,224,225,226,236,237,238,246,247,248,259,260,268,269,270,281,282,290,291,292,303,304,312,313,314,325,326,335,336,347,348,357,358,359,368,369,370,379,380,381,389,390,391,402,403,404,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,485 +9739 - 25,26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,104,122,123,124,125,126,143,144,145,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,258,259,275,276,277,278,279,280,281,299,300,301,302,303,304,323,324,325,326,327,345,346,347,348,349,355,364,365,366,367,368,369,370,371,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,488 +9740 - 100,101,102,103,104,105,121,122,123,124,125,126,127,140,141,142,143,144,145,147,148,149,160,161,162,163,164,165,169,170,181,182,183,184,185,190,191,192,202,203,204,205,206,211,212,213,214,223,224,225,233,234,235,246,247,255,256,257,276,277,278,298,299,300,319,320,321,341,342,343,362,363,364,384,385,386,406,407,427,428,429,449,450,451,471,472,473,492 +9741 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,126,138,139,140,141,160,161,162,163,182,183,184,185,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,379,380,381,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475,490 +9742 - 31,32,53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,163,164,165,185,186,187,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,344,363,364,365,366,385,386,387,407,408,409,429,430,431,451,452,453,486 +9743 - 73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,145,146,147,148,149,158,159,160,161,168,169,170,171,179,180,181,182,190,191,192,201,202,203,204,213,214,224,225,226,227,228,229,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,344,345,346,347,365,366,367,368,387,388,389,390,409,410,411,412,430,431,432,433,452,453,454,455,474,475,476,477,494 +9744 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,101,102,103,104,114,115,116,117,124,125,126,127,136,137,138,148,149,150,157,158,159,171,172,173,179,180,181,193,194,195,201,202,216,217,218,223,224,238,239,240,244,245,246,261,262,266,267,268,283,284,289,290,305,306,311,312,326,327,328,333,334,348,349,350,355,356,369,370,371,377,378,379,391,392,400,401,402,410,411,412,413,423,424,425,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,469,470,471,472,473,474,475,476,485 +9745 - 10,11,12,31,32,33,34,53,54,55,56,74,75,76,77,96,97,98,99,117,118,119,120,139,140,141,142,160,161,162,163,168,169,170,181,182,183,184,185,189,190,191,192,193,203,204,205,206,209,210,211,212,213,214,215,216,225,226,227,231,232,233,234,235,236,237,238,247,248,249,252,253,254,255,256,257,258,259,260,269,270,271,273,274,275,276,277,280,281,282,291,292,293,294,295,296,297,298,301,302,303,304,313,314,315,316,317,318,319,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,409,410,491 +9746 - 52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,159,160,161,162,163,164,165,166,167,168,169,180,181,182,183,184,185,186,187,188,189,190,191,192,202,203,204,205,206,207,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,246,247,248,249,256,257,258,259,260,261,268,269,270,280,281,282,283,302,303,304,305,306,325,326,327,328,331,332,347,348,349,350,353,354,355,356,368,369,370,371,372,375,376,377,378,379,380,389,390,391,392,393,394,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,490 +9747 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,146,147,161,162,163,167,182,183,184,188,189,204,205,206,208,209,210,211,212,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,276,277,278,298,299,320,321,341,342,343,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474,494 +9748 - 72,73,74,75,76,79,93,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,211,212,213,224,226,227,232,233,234,235,236,246,247,248,249,250,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,345,346,347,361,362,363,364,365,367,368,369,389,390,391,411,412,413,414,434,435,436,456,457,458,459,479,480,481,494 +9749 - 31,32,33,34,35,53,54,55,56,57,75,76,77,78,79,97,98,99,100,101,102,119,120,121,122,123,124,141,142,143,144,145,146,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,339,340,341,342,343,345,361,362,363,364,365,366,367,368,383,384,385,386,387,388,389,390,405,406,407,408,409,410,411,427,428,429,430,431,432,450,451,452,453,486 +9750 - 26,27,28,29,30,46,47,48,49,50,51,52,53,54,67,68,69,70,71,72,73,74,75,76,77,89,90,97,98,99,100,101,111,120,121,122,123,143,144,145,146,166,167,168,169,189,190,191,211,212,213,234,235,236,256,257,258,278,279,280,294,295,296,300,301,302,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,402,403,404,405,406,407,408,409,412,413,414,415,416,425,426,427,428,429,430,436,437,487 +9751 - 33,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,142,143,144,145,146,163,164,165,166,167,168,185,186,187,188,189,190,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,338,339,340,341,342,360,361,362,363,364,365,382,383,384,385,386,387,404,405,406,407,408,426,427,428,429,430,449,450,451,452,486 +9752 - 32,33,34,35,36,48,49,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,91,92,93,114,115,116,136,137,138,145,146,147,148,159,160,164,165,166,167,168,169,170,171,181,182,183,185,186,187,188,189,192,193,194,203,204,205,206,207,208,209,215,216,217,225,226,227,228,229,230,237,238,239,240,247,248,249,250,261,262,269,270,271,272,283,284,291,292,293,305,306,327,328,349,350,370,371,372,391,392,393,399,400,401,402,403,404,406,409,410,411,412,413,414,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,490 +9753 - 53,54,55,56,75,76,77,78,79,97,98,99,100,101,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,185,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,299,316,317,318,319,320,321,339,340,341,342,343,361,362,363,364,365,383,384,385,386,387,405,406,407,408,409,427,428,429,430,431,449,450,451,452,471,472,473,474,486 +9754 - 34,35,36,37,38,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,103,104,119,120,121,122,125,126,141,142,143,163,164,165,184,185,186,187,206,207,208,211,212,213,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,278,279,280,293,294,295,296,297,298,300,301,302,315,316,317,318,319,321,322,323,337,338,339,340,341,343,344,345,359,360,361,362,363,364,365,366,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,425,426,427,428,429,430,448,449,450,451,491 +9755 - 29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,144,145,146,147,148,159,160,161,162,166,167,168,169,170,188,189,190,191,192,211,212,213,214,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,319,320,321,322,323,326,327,328,329,333,334,335,336,337,340,341,342,343,344,355,356,357,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,445,446,447,448,487 +9756 - 75,76,77,78,79,94,95,96,97,98,99,100,101,102,115,116,117,118,119,120,121,122,123,124,136,137,138,139,140,141,142,143,144,145,146,157,158,159,160,167,173,174,179,180,181,192,193,194,195,196,201,202,203,204,212,213,214,215,216,217,223,224,225,226,227,228,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,295,296,297,298,299,318,319,320,321,322,340,341,342,343,344,361,362,363,365,366,367,384,385,388,389,406,407,408,410,411,428,429,430,431,432,433,451,452,453,454,455,474,475,476,477,493 +9757 - 76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,142,143,149,150,151,159,160,161,162,163,171,172,173,179,180,181,182,183,184,193,194,200,201,202,203,204,205,210,211,212,222,223,224,225,226,227,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,321,322,323,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,452,453,454,473,474,475,476,494 +9758 - 9,10,11,12,13,14,15,30,31,32,33,34,35,36,37,38,51,52,53,54,55,58,59,60,72,73,74,75,81,82,93,94,95,103,104,115,116,117,124,125,126,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,231,232,233,234,235,255,256,257,278,279,280,301,302,323,324,345,346,367,368,375,376,377,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,488 +9759 - 51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,138,139,140,141,159,160,161,162,163,180,181,182,183,184,185,201,202,203,204,205,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,297,298,299,300,301,302,303,304,310,311,312,313,314,323,324,325,326,345,346,347,348,361,367,368,369,370,382,383,384,388,389,390,391,392,404,405,406,407,408,409,410,411,412,413,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,470,471,472,473,474,475,490 +9760 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,145,148,149,150,158,159,160,161,170,171,172,173,180,181,182,183,193,194,195,202,203,204,215,216,217,224,225,226,237,238,239,246,247,248,258,259,260,261,268,269,270,280,281,282,290,291,292,301,302,303,304,312,313,314,315,323,324,325,326,335,336,337,345,346,347,348,357,358,359,360,366,367,368,369,370,380,381,382,383,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,472,473,474,485 +9761 - 8,9,10,11,29,30,31,32,51,52,53,54,72,73,74,75,93,94,95,96,97,114,115,116,117,118,136,137,138,139,140,149,158,159,160,161,162,169,170,171,172,180,181,182,183,189,190,191,192,193,194,202,203,204,211,212,213,214,215,216,217,224,225,226,232,233,234,235,236,237,238,239,246,247,248,253,254,255,256,257,259,260,261,268,269,270,274,275,276,277,278,280,281,282,283,290,291,292,295,296,297,298,299,301,302,303,304,305,312,313,314,317,318,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +9762 - 12,13,14,15,32,33,34,35,36,37,53,54,55,56,57,58,59,75,76,77,78,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,163,181,182,183,184,203,204,205,213,214,215,224,225,226,227,233,234,235,236,237,238,246,247,248,254,255,256,257,258,259,260,261,268,269,270,275,276,277,278,281,282,283,290,291,292,297,298,299,303,304,305,312,313,314,318,319,320,326,327,334,335,336,337,340,341,342,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,380,381,382,383,384,385,386,387,388,389,390,391,392,404,405,406,407,408,409,410,411,412,429,430,431,432,491 +9763 - 52,53,54,55,71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,108,109,114,115,116,117,118,120,121,122,130,131,135,136,137,138,139,152,153,157,158,159,160,161,162,163,164,172,173,174,179,180,181,182,183,184,185,186,187,192,193,194,195,196,197,201,202,203,204,205,206,207,208,209,210,213,214,215,216,217,218,229,230,231,232,233,234,235,236,237,238,239,252,253,254,255,256,257,258,259,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,337,338,339,340,343,344,345,358,359,360,365,366,367,381,382,383,387,388,389,403,404,405,408,409,410,411,426,427,428,429,430,431,432,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9764 - 30,31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,140,141,146,147,148,149,150,151,166,167,168,169,170,171,172,173,187,188,189,190,191,192,193,194,195,208,209,210,211,212,213,214,215,216,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,311,312,313,314,315,316,317,318,328,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,487 +9765 - 33,34,35,36,55,56,57,58,77,78,79,80,81,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,207,208,209,210,211,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,316,317,318,319,337,338,339,340,341,358,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,424,425,426,427,447,448,449,486 +9766 - 75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,148,149,158,159,160,161,162,169,170,171,172,180,181,182,183,191,192,193,194,201,202,203,204,212,213,214,215,216,223,224,225,232,233,234,235,236,237,238,245,246,247,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,320,321,322,323,324,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,474,494 +9767 - 28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,99,100,101,102,103,113,114,115,116,117,122,123,124,125,135,136,137,145,146,147,148,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,298,313,314,315,316,317,318,319,328,329,335,336,337,338,339,340,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,452,453,487 +9768 - 34,35,56,57,58,78,79,80,100,101,102,122,123,143,144,145,165,166,167,187,188,189,209,210,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,405,406,407,427,428,429,449,450,451,486 +9769 - 56,57,58,59,76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,168,169,170,171,181,182,183,184,185,186,191,192,193,194,202,203,204,205,206,207,208,212,213,214,215,216,217,223,224,225,226,227,228,229,230,234,235,236,237,238,239,245,246,247,248,249,250,251,256,257,258,259,260,261,268,269,270,271,272,278,279,280,281,282,289,290,291,292,300,301,302,303,311,312,313,314,321,322,323,324,325,333,334,335,336,341,342,343,344,345,346,347,355,356,357,362,363,364,365,366,367,368,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449,485 +9770 - 75,76,77,78,96,97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,168,169,170,171,172,173,179,180,181,182,183,192,193,194,195,196,201,202,203,204,215,216,217,218,219,223,224,225,239,240,241,245,246,247,261,262,263,267,268,269,281,282,283,284,285,289,290,291,292,303,304,305,306,307,311,312,313,314,315,322,323,324,325,326,327,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,403,404,405,406,485 +9771 - 94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,190,191,192,193,194,198,212,213,214,215,216,234,235,236,237,238,256,257,258,259,260,277,278,279,280,281,282,299,300,301,302,303,304,321,322,323,324,325,343,344,345,346,364,365,366,367,368,386,387,388,389,407,408,409,410,411,429,430,431,432,450,451,452,453,454,472,473,474,475,476,492 +9772 - 33,34,53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,102,103,104,105,106,116,117,118,119,125,126,127,128,138,139,140,148,149,150,159,160,161,162,170,171,172,173,181,182,183,193,194,195,202,203,204,205,215,216,217,224,225,226,237,238,239,240,246,247,248,259,260,261,262,268,269,270,281,282,283,284,289,290,291,303,304,305,311,312,313,325,326,327,333,334,335,346,347,348,349,355,356,357,367,368,369,370,377,378,379,380,387,388,389,390,391,399,400,401,402,403,404,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,485 +9773 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,212,213,214,215,216,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,426,427,428,429,447,448,449,450,451,452,469,470,471,472,473,474,492 +9774 - 50,51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,122,123,124,125,126,136,137,138,145,146,147,148,149,158,159,169,170,171,180,181,182,191,192,193,194,202,203,204,213,214,215,216,223,224,225,226,236,237,238,245,246,247,248,258,259,260,267,268,269,270,279,280,281,282,290,291,292,301,302,303,304,312,313,314,315,323,324,325,326,334,335,336,337,345,346,347,356,357,358,359,360,367,368,369,379,380,381,382,387,388,389,390,402,403,404,405,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,485 +9775 - 98,99,109,118,119,120,121,122,123,124,125,126,127,128,129,130,131,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,181,182,183,184,185,186,188,189,203,204,205,206,207,225,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,276,295,296,297,298,299,319,320,321,322,342,343,344,364,365,366,377,384,385,386,387,399,400,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,443,444,445,446,447,448,449,450,467,468,469,470,490 +9776 - 32,33,54,55,76,77,98,99,120,121,122,141,142,143,144,163,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,450,451,452,486 +9777 - 74,75,76,77,78,79,94,95,96,97,98,99,100,101,113,114,115,116,117,118,119,120,121,122,123,128,129,130,134,135,136,137,138,139,140,141,142,143,148,149,150,151,152,156,157,158,159,160,161,162,163,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,190,191,192,193,194,195,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,257,272,273,274,275,276,277,278,279,280,294,295,296,297,300,301,302,315,316,317,318,322,323,324,337,338,339,340,344,345,346,359,360,361,366,367,368,381,382,383,387,388,389,390,403,404,405,409,410,411,425,426,427,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9778 - 97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,275,276,277,278,279,280,281,297,298,299,300,301,302,303,321,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,392,410,411,412,413,414,432,433,434,435,436,454,455,456,457,458,477,478,479,480,494 +9779 - 30,31,32,33,34,35,36,50,51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,123,124,125,126,146,147,148,168,169,170,190,191,192,212,213,214,228,229,230,231,232,233,234,235,236,241,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,318,319,320,321,322,333,334,335,336,339,340,341,342,343,355,356,357,359,360,361,362,363,364,377,378,379,380,381,382,383,384,385,399,400,401,402,403,404,405,406,421,422,423,424,425,426,444,445,487 +9780 - 99,100,101,102,103,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,167,168,169,182,183,184,189,190,191,211,212,213,232,233,234,254,255,256,276,277,278,298,299,300,319,320,321,341,342,343,363,364,365,384,385,386,405,406,407,427,428,429,448,449,450,469,470,471,492 +9781 - 97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,163,167,168,169,170,171,180,181,182,183,184,188,189,190,191,192,193,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,248,249,250,251,252,253,254,255,275,276,277,297,298,299,319,320,321,341,342,343,363,364,365,384,385,386,387,406,407,408,428,429,430,450,451,452,471,472,473,474,494 +9782 - 9,10,11,12,13,15,16,30,31,32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,79,80,81,82,102,103,104,124,125,145,146,147,167,168,169,188,189,190,210,211,212,232,233,234,254,255,256,275,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,366,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,486 +9783 - 56,57,58,59,60,61,62,78,79,80,81,82,83,84,85,101,102,103,104,105,106,107,115,116,117,118,119,120,126,127,128,129,136,137,138,139,140,141,142,148,149,150,151,158,159,160,161,162,163,164,169,170,171,172,180,181,182,183,184,185,191,192,193,194,203,204,205,206,207,211,212,213,214,215,226,227,228,229,230,232,233,234,235,236,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,293,294,295,296,297,298,299,314,315,316,317,318,319,320,321,322,335,336,337,338,339,342,343,344,356,357,358,364,365,366,379,380,386,387,388,389,401,402,403,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,493 +9784 - 8,9,10,11,12,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,100,101,102,103,123,124,125,146,147,168,169,170,190,191,192,212,213,214,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,341,342,343,344,345,346,347,348,357,358,359,360,362,363,364,365,366,368,369,370,371,372,379,380,381,382,383,384,385,386,387,391,392,393,394,401,402,403,404,405,406,407,408,413,414,415,424,425,426,427,428,429,487 +9785 - 96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,169,170,171,172,181,182,183,191,192,193,194,203,204,205,214,215,225,226,227,247,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,317,320,321,322,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,449,450,451,452,471,472,473,494 +9786 - 52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,141,149,150,151,152,153,156,157,158,159,160,161,162,163,172,173,174,175,178,179,180,181,182,183,194,195,196,197,200,201,202,203,204,216,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,285,288,289,290,291,303,304,305,306,307,310,311,312,313,324,325,326,327,328,332,333,334,335,336,345,346,347,348,349,350,355,356,357,358,359,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,470,471,472,473,485 +9787 - 52,53,54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,169,170,171,172,173,174,175,180,181,182,183,184,185,186,187,191,192,193,194,195,196,197,202,203,204,205,206,207,208,214,215,216,217,218,219,224,225,226,227,228,229,236,237,238,239,240,241,246,247,248,249,250,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,302,303,304,305,306,311,312,313,314,323,324,325,326,327,328,332,333,334,335,336,345,346,347,348,349,354,355,356,357,358,365,366,367,368,369,370,371,377,378,379,380,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,485 +9788 - 7,8,9,29,30,31,32,51,52,53,54,73,74,75,76,95,96,97,98,116,117,118,119,120,138,139,140,141,142,160,161,162,163,182,183,184,204,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,280,281,282,291,292,293,294,295,296,302,303,304,313,314,315,316,323,324,325,326,336,337,338,344,345,346,347,348,358,359,360,361,364,365,366,367,368,380,381,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,411,426,427,428,429,430,431,432,491 +9789 - 72,73,74,82,83,93,94,95,96,104,105,114,115,116,117,118,125,126,127,136,137,138,139,140,147,148,149,157,158,159,160,161,169,170,171,179,180,181,182,191,192,193,201,202,203,204,212,213,214,215,224,225,226,227,228,229,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,294,295,296,297,298,299,300,301,302,321,322,323,342,343,344,363,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,489 +9790 - 55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,117,118,119,120,123,124,125,139,140,141,145,146,147,160,161,162,166,167,168,182,183,184,188,189,204,205,206,209,210,211,226,227,228,229,230,231,232,249,250,251,252,253,254,272,273,274,275,295,296,297,298,316,317,318,319,320,321,338,339,341,342,343,344,360,361,364,365,366,367,382,383,387,388,389,404,405,406,410,411,426,427,428,429,430,431,432,433,449,450,451,452,453,454,455,473,474,475,476,493 +9791 - 69,70,71,72,73,74,75,76,91,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,125,136,137,138,139,140,141,142,143,144,145,146,147,148,163,164,165,166,167,168,169,170,171,188,189,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,376,385,386,387,388,398,406,407,408,409,410,428,429,430,431,450,451,452,453,472,473,474,475,492 +9792 - 74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,143,144,145,146,158,159,160,161,165,166,167,168,181,182,183,184,185,187,188,189,190,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,256,275,276,277,278,296,297,298,299,300,301,318,319,320,321,322,323,340,341,342,343,344,345,346,361,362,363,364,366,367,368,383,384,385,388,389,390,405,406,407,410,411,412,413,426,427,428,429,430,432,433,434,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,478,493 +9793 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,145,146,147,148,157,158,159,166,167,168,169,170,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,224,225,226,227,228,229,230,231,232,233,246,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,325,343,344,345,346,347,348,367,368,369,370,389,390,391,392,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,488 +9794 - 73,74,75,76,85,86,94,95,96,97,98,105,106,107,108,116,117,118,119,126,127,128,129,138,139,140,147,148,149,150,159,160,161,162,168,169,170,171,181,182,183,184,190,191,192,193,203,204,205,212,213,214,225,226,227,233,234,235,236,247,248,249,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,322,339,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,453,472,473,474,489 +9795 - 61,62,63,64,71,72,82,83,84,85,86,92,93,94,95,103,104,105,106,107,114,115,116,117,125,126,127,128,135,136,137,138,139,147,148,149,150,157,158,159,160,169,170,171,179,180,181,190,191,192,193,201,202,203,212,213,214,215,223,224,225,233,234,235,236,239,245,246,247,255,256,257,258,259,260,261,267,268,269,270,271,276,277,278,279,280,281,282,283,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,335,336,337,338,339,340,341,342,343,344,363,364,365,384,385,386,387,406,407,408,427,428,429,430,449,450,451,452,471,472,473,489 +9796 - 35,36,37,38,39,57,58,59,60,61,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,119,120,121,122,123,126,127,128,140,141,142,143,144,148,149,150,161,162,163,164,165,170,171,172,183,184,185,186,192,193,194,204,205,206,207,214,215,216,225,226,227,228,229,236,237,238,247,248,249,250,257,258,259,260,269,270,271,279,280,281,291,292,293,300,301,302,303,312,313,314,320,321,322,323,324,334,335,336,341,342,343,344,345,356,357,358,362,363,364,365,366,379,380,382,383,384,385,386,387,401,402,403,404,405,406,407,408,423,424,425,426,427,428,446,447,448,449,485 +9797 - 53,54,55,56,57,58,59,60,61,62,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,159,160,161,162,181,182,183,184,185,186,202,203,204,205,206,207,208,209,210,211,224,225,226,227,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,275,276,277,278,279,299,300,301,321,322,323,324,344,345,346,365,366,367,368,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,490 +9798 - 53,54,55,56,60,61,62,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,128,129,130,131,138,139,140,142,143,144,151,152,153,159,160,161,164,165,166,174,175,180,181,182,196,197,202,203,204,218,219,223,224,225,239,240,241,245,246,261,262,263,266,267,268,282,283,284,288,289,290,303,304,305,306,310,311,324,325,326,327,332,333,345,346,347,348,354,355,365,366,367,368,369,376,377,386,387,388,389,390,398,399,400,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,467,468,485 +9799 - 12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,234,235,236,237,247,248,249,250,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409,491 +9800 - 122,123,124,125,126,127,128,129,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,192,193,194,213,214,215,216,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,324,342,343,344,345,364,365,366,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,471,472,473,492 +9801 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,150,151,152,153,159,160,161,162,163,164,172,173,174,175,181,182,183,184,185,186,194,195,196,197,202,203,204,205,206,216,217,218,219,223,224,225,226,227,228,238,239,240,241,245,246,247,248,249,260,261,262,263,267,268,269,270,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,323,324,325,326,327,328,332,333,334,335,343,344,345,346,347,348,349,354,355,356,357,364,365,366,367,368,369,370,376,377,378,379,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,467,468,469,485 +9802 - 51,52,53,54,55,56,57,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,103,104,105,115,116,117,126,127,137,138,148,149,170,171,192,193,194,213,214,215,216,234,235,236,255,256,257,258,276,277,278,297,298,299,300,318,319,320,339,340,341,342,359,360,361,362,380,381,382,383,384,386,387,388,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,432,434,435,436,437,443,444,445,446,447,466,467,468,487 +9803 - 50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,122,123,124,125,126,127,136,137,138,145,146,147,148,149,166,167,168,169,170,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,343,344,345,346,365,366,367,368,385,386,387,388,389,390,402,403,404,405,406,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,488 +9804 - 55,56,57,77,78,79,99,100,101,120,121,122,123,141,142,143,144,145,147,163,164,165,166,167,168,169,185,186,187,188,189,190,206,207,208,209,210,211,228,229,230,231,232,250,251,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,448,449,450,451,470,471,472,473,486 +9805 - 13,14,15,16,34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,97,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,208,210,211,212,213,214,215,216,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,302,303,304,311,312,313,314,315,316,317,323,324,325,326,333,334,335,336,337,338,339,344,345,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,400,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,491 +9806 - 75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,136,137,138,139,140,141,142,143,144,146,147,148,158,159,160,161,162,169,170,180,181,182,191,192,201,202,203,204,212,213,214,223,224,225,226,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,391,410,411,412,413,432,433,434,435,455,456,457,477,478,479,480,494 +9807 - 51,52,53,54,55,56,72,73,74,75,76,77,78,93,94,95,96,97,98,99,105,106,107,108,115,116,117,118,126,127,128,129,137,138,139,140,141,147,148,149,150,151,160,161,162,163,164,165,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,207,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,300,301,316,317,318,319,321,322,323,337,338,339,340,341,343,344,345,359,360,361,362,365,366,367,381,382,383,387,388,389,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,471,472,473,474,475,493 +9808 - 7,8,9,29,30,31,32,52,53,54,55,75,76,77,78,98,99,100,121,122,123,143,144,145,166,167,188,189,190,210,211,212,232,233,234,254,255,256,276,277,278,296,297,298,299,300,315,316,317,318,319,320,321,322,323,336,337,338,342,343,344,358,359,363,364,365,380,381,385,386,387,402,403,407,408,409,424,425,426,428,429,430,487 +9809 - 90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,189,190,191,192,193,212,213,214,215,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,320,321,322,323,324,341,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,389,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453,470,471,472,473,474,492 +9810 - 58,59,78,79,80,81,100,101,102,103,121,122,123,124,143,144,145,146,163,164,165,166,167,168,183,184,185,186,187,188,189,190,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,232,233,234,246,247,248,249,250,254,255,256,268,269,270,271,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,312,313,314,315,316,317,318,319,320,321,322,323,335,336,337,338,339,340,341,342,343,344,364,365,366,386,387,388,408,409,410,411,431,432,433,453,454,455,456,475,476,477,478,489 +9811 - 54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,171,172,173,174,181,182,183,184,185,186,193,194,195,196,202,203,204,205,206,207,215,216,217,218,223,224,225,226,227,228,237,238,239,240,244,245,246,247,248,249,259,260,261,262,265,266,267,268,269,270,281,282,283,284,287,288,289,290,291,292,302,303,304,305,306,309,310,311,312,313,323,324,325,326,327,331,332,333,334,344,345,346,347,348,353,354,355,356,363,364,365,366,367,368,369,370,375,376,377,378,382,383,384,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,485 +9812 - 57,58,59,60,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,137,138,139,140,141,144,145,146,166,167,168,188,189,190,209,210,211,212,231,232,233,253,254,255,275,276,277,278,291,292,293,294,295,296,297,298,299,300,301,302,303,304,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,346,347,358,359,361,362,363,364,383,384,385,405,406,407,427,428,429,430,431,449,450,451,452,453,472,473,474,475,492 +9813 - 49,50,60,61,62,63,71,72,73,81,82,83,84,85,93,94,95,103,104,105,106,115,116,117,124,125,126,127,136,137,138,139,146,147,148,158,159,160,168,169,170,180,181,182,189,190,191,192,202,203,204,210,211,212,213,224,225,226,232,233,234,235,238,239,246,247,248,253,254,255,256,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,339,340,341,342,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,450,471,472,489 +9814 - 50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,115,116,117,118,120,122,123,124,125,137,138,139,144,145,146,147,148,159,160,161,166,167,168,169,181,182,183,187,188,189,190,191,203,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,249,250,251,252,253,255,256,257,258,273,277,278,279,280,300,301,302,310,311,312,322,323,324,333,334,335,336,344,345,346,347,356,357,358,359,367,368,369,379,380,381,382,389,390,391,402,403,404,405,411,412,413,425,426,427,428,429,432,433,434,435,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478,494 +9815 - 48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,136,137,145,146,147,148,167,168,169,170,189,190,191,192,210,211,212,213,214,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,293,294,295,296,297,298,314,315,316,317,318,319,335,336,337,338,339,340,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,423,424,425,426,427,428,429,430,431,432,433,434,435,436,487 +9816 - 37,38,39,40,59,60,61,62,63,80,81,82,83,84,101,102,103,104,105,123,124,125,126,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,362,379,380,381,382,383,401,402,403,404,422,423,424,425,426,444,445,446,447,486 +9817 - 88,89,90,91,92,93,95,96,97,98,99,100,102,103,104,105,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,212,213,214,215,216,233,234,235,236,237,238,255,256,257,258,259,276,277,278,279,280,281,298,299,300,301,302,319,320,321,322,323,340,341,342,343,344,345,362,363,364,365,366,383,384,385,386,387,404,405,406,407,408,409,426,427,428,429,430,447,448,449,450,451,469,470,471,472,473,492 +9818 - 35,36,37,38,39,40,55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,103,104,105,106,118,119,120,121,125,126,127,128,140,141,142,143,147,148,149,161,162,163,164,169,170,171,182,183,184,185,191,192,193,203,204,205,206,213,214,215,225,226,227,228,235,236,237,246,247,248,249,257,258,259,267,268,269,270,279,280,281,289,290,291,292,301,302,303,311,312,313,322,323,324,332,333,334,335,343,344,345,346,354,355,356,357,364,365,366,367,376,377,378,379,380,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,485 +9819 - 52,53,54,73,74,75,76,84,94,95,96,97,98,106,115,116,117,118,119,128,136,137,138,139,140,141,149,150,157,158,159,160,161,171,172,179,180,181,182,192,193,194,200,201,202,203,204,214,215,216,222,223,224,225,235,236,237,238,244,245,246,247,248,249,257,258,259,260,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,340,341,342,343,344,345,346,347,348,363,364,365,366,367,385,386,387,388,406,407,408,409,427,428,429,430,431,449,450,451,452,453,471,472,473,474,475,489 +9820 - 50,51,52,53,58,59,71,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,137,138,139,140,141,142,143,144,145,146,159,160,161,162,165,166,167,168,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,279,280,281,282,291,292,302,303,304,324,325,326,346,347,348,368,369,370,380,389,390,391,392,402,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,490 +9821 - 25,26,27,47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,105,123,124,125,126,127,128,147,148,149,150,167,168,169,170,171,172,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,299,300,301,302,322,323,324,325,344,345,346,347,365,366,367,368,369,376,382,383,384,385,386,387,388,389,390,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,442,443,444,445,446,447,448,449,450,488 +9822 - 12,13,14,31,32,33,34,35,53,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,140,141,142,145,146,147,148,149,161,162,163,164,169,170,171,183,184,185,191,192,193,194,204,205,206,214,215,216,226,227,228,237,238,239,247,248,249,259,260,261,269,270,271,280,281,282,291,292,302,303,304,312,313,314,323,324,325,326,334,335,336,344,345,346,347,356,357,358,365,366,367,368,378,379,380,381,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,485 +9823 - 72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,156,157,158,159,160,161,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,277,278,279,280,281,298,299,300,301,302,320,321,322,323,324,341,342,343,344,345,346,362,363,364,365,366,367,382,383,384,385,386,387,388,403,404,405,406,407,408,409,424,425,426,427,428,429,430,446,447,448,449,450,451,468,469,470,471,472,492 +9824 - 52,53,54,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,116,117,118,119,120,123,124,125,126,127,128,134,135,136,137,138,147,148,149,150,151,152,155,156,157,158,159,169,170,171,172,173,174,177,178,179,180,190,191,192,193,194,195,196,199,200,201,202,211,212,213,214,215,216,217,218,221,222,223,224,225,231,232,233,234,235,236,238,239,240,244,245,246,247,248,249,250,251,252,253,254,255,256,260,261,262,268,269,270,271,272,273,274,275,276,277,282,283,284,293,294,295,304,305,306,325,326,327,328,337,338,347,348,349,350,358,359,360,367,368,369,370,371,379,380,381,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,494 +9825 - 53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,144,145,146,147,148,149,150,151,159,160,161,162,163,181,182,183,184,185,186,187,203,204,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,274,275,276,277,278,279,280,298,299,300,301,302,321,322,323,324,343,344,345,346,363,364,365,366,367,368,383,384,385,386,387,388,389,390,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,490 +9826 - 55,56,57,58,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,125,126,138,139,140,141,142,160,161,162,168,182,183,184,188,189,190,204,205,206,209,210,211,212,227,228,229,230,231,232,233,234,250,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,300,301,316,317,318,319,322,323,338,339,340,344,345,346,360,361,362,367,368,383,384,387,388,389,390,405,406,407,408,409,410,411,412,427,428,429,430,431,432,433,434,450,451,452,453,454,455,473,474,475,476,493 +9827 - 61,62,63,83,84,85,93,94,104,105,106,107,114,115,116,117,126,127,128,135,136,137,138,139,148,149,150,156,157,158,159,160,169,170,171,172,178,179,180,181,191,192,193,194,199,200,201,202,212,213,214,215,221,222,223,224,234,235,236,237,243,244,245,246,247,248,254,255,256,257,258,259,260,261,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,338,339,340,343,344,345,365,366,367,386,387,388,389,408,409,410,411,430,431,432,452,453,454,474,475,476,489 +9828 - 12,13,33,34,54,55,56,75,76,77,97,98,118,119,120,139,140,141,161,162,163,167,168,169,183,184,188,189,190,191,192,204,205,206,209,210,211,212,213,214,226,227,228,230,231,232,235,236,248,249,250,252,253,254,257,258,270,271,272,274,275,278,279,280,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,339,340,341,342,343,363,364,365,385,386,387,408,409,410,431,432,433,491 +9829 - 71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,144,145,146,147,148,159,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,228,229,230,231,232,233,234,246,247,248,249,250,251,252,253,254,255,256,267,268,269,270,271,272,273,274,275,276,277,278,279,289,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,320,321,322,323,324,325,344,345,346,347,366,367,368,369,370,388,389,390,391,392,409,410,411,412,413,430,431,432,433,434,435,449,450,451,452,453,454,455,456,471,472,473,474,475,476,477,488 +9830 - 32,33,34,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,366,384,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,486 +9831 - 60,61,62,82,83,84,103,104,105,106,115,116,117,125,126,127,137,138,139,147,148,149,158,159,160,168,169,170,171,180,181,182,190,191,192,202,203,204,211,212,213,214,215,216,217,224,225,226,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,293,294,295,296,297,298,299,318,319,320,321,339,340,341,342,361,362,363,383,384,385,404,405,406,407,426,427,428,447,448,449,450,469,470,471,489 +9832 - 100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,142,143,144,145,146,148,149,150,155,156,157,158,159,160,161,162,163,164,171,172,177,178,179,180,181,182,193,194,195,199,200,216,217,221,222,235,238,239,240,243,244,256,257,260,261,262,265,266,267,268,274,275,276,277,278,279,283,284,288,289,290,291,292,293,294,295,296,297,298,299,300,305,306,311,312,313,314,315,316,317,318,319,327,328,349,350,371,372,393,394,415,416,437,438,459,460,481,482,494 +9833 - 28,29,30,31,32,50,51,52,53,54,55,56,72,73,74,75,76,77,78,98,99,100,101,121,122,123,143,144,145,165,166,167,187,188,189,209,210,211,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,325,326,327,328,329,334,335,336,337,339,340,341,342,356,357,358,361,362,363,378,379,380,382,383,384,385,400,401,402,403,404,405,406,422,423,424,425,426,427,445,446,447,448,487 +9834 - 29,30,31,51,52,53,54,55,74,75,76,77,78,79,97,98,99,100,101,102,122,123,124,144,145,146,147,167,168,169,187,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,295,296,297,298,299,319,320,321,322,341,342,343,363,364,365,384,385,386,387,402,403,404,405,406,407,408,424,425,426,427,428,429,447,448,449,450,488 +9835 - 52,53,54,55,72,73,74,75,76,77,83,84,93,94,95,96,97,98,99,104,105,106,115,116,117,118,125,126,127,128,137,138,139,140,147,148,149,150,159,160,161,162,163,168,169,170,171,182,183,184,185,186,189,190,191,192,205,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,273,274,275,276,277,295,296,297,298,299,300,316,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,364,365,366,367,381,382,383,386,387,388,389,403,404,405,408,409,410,411,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9836 - 25,26,27,28,29,30,31,32,33,34,47,48,49,50,51,52,53,54,55,56,57,69,70,71,77,78,79,99,100,101,119,120,121,122,140,141,142,143,159,160,161,162,163,164,179,180,181,182,183,184,185,201,202,203,204,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,235,236,237,254,255,256,257,258,259,260,280,281,282,283,303,304,305,326,327,328,348,349,350,369,370,371,372,377,378,379,390,391,392,393,400,401,402,403,409,410,411,412,413,414,423,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,488 +9837 - 52,53,54,55,56,74,75,76,77,78,96,97,98,99,100,118,119,120,121,122,123,141,142,143,144,145,163,164,165,166,167,168,186,187,188,189,190,208,209,210,211,212,230,231,232,233,234,252,253,254,255,256,275,276,277,278,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,383,384,385,386,387,405,406,407,408,409,426,427,428,429,430,448,449,450,451,452,470,471,472,473,474,486 +9838 - 68,69,70,71,72,73,89,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,143,144,145,146,163,164,165,166,167,168,187,188,189,190,209,210,211,212,231,232,233,234,235,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,295,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475,476,492 +9839 - 57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,166,182,183,184,185,186,204,205,206,207,225,226,227,228,229,230,231,247,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,313,314,315,319,320,321,322,341,342,343,344,363,364,365,366,384,385,386,387,388,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,468,469,470,471,490 +9840 - 57,58,78,79,80,81,100,101,102,121,122,123,124,142,143,144,145,146,164,165,166,167,168,185,186,187,188,189,190,206,207,208,209,210,211,212,227,228,229,230,232,233,234,248,249,250,251,254,255,256,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,340,341,342,343,344,345,364,365,366,386,387,388,408,409,410,430,431,432,452,453,454,474,475,476,489 +9841 - 33,34,35,36,55,56,57,58,76,77,78,79,80,98,99,100,101,102,120,121,122,123,124,142,143,144,145,146,164,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,273,274,275,276,277,295,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +9842 - 154,155,161,164,165,166,167,168,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,223,224,225,236,237,238,239,257,258,259,260,261,278,279,280,281,282,299,300,301,302,303,320,321,322,323,324,341,342,343,344,345,362,363,364,365,383,384,385,386,387,405,406,407,408,427,428,449,492 +9843 - 75,76,94,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,136,137,138,139,140,141,142,143,144,145,159,160,161,165,166,167,187,188,189,208,209,210,211,229,230,231,232,249,250,251,252,253,254,261,262,263,270,271,272,273,274,280,281,282,283,284,285,291,292,293,294,295,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,378,379,380,381,382,383,384,487 +9844 - 93,94,95,96,97,114,115,116,117,118,119,120,136,137,138,139,140,141,142,143,144,157,158,159,163,164,165,166,167,168,169,179,180,181,187,188,189,190,191,192,193,194,195,200,201,202,212,213,214,215,216,222,223,224,236,237,238,244,245,258,259,260,280,281,301,302,303,323,324,325,344,345,346,366,367,368,387,388,389,390,409,410,411,430,431,432,433,452,453,454,473,474,475,492 +9845 - 36,37,38,39,57,58,59,60,61,62,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,148,149,150,161,162,163,164,165,166,167,170,171,172,173,182,183,184,185,186,187,192,193,194,204,205,206,207,214,215,216,226,227,228,235,236,237,238,247,248,249,250,257,258,259,268,269,270,271,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,343,344,345,346,347,356,357,358,359,364,365,366,367,368,378,379,380,381,382,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,452,485 +9846 - 51,52,53,54,55,56,57,71,72,73,74,75,76,77,78,79,80,93,94,95,96,100,101,102,115,116,117,137,138,139,159,160,161,181,182,183,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,255,256,257,258,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,383,384,387,388,389,390,405,406,407,409,410,411,428,429,430,431,432,433,450,451,452,453,454,473,474,475,490 +9847 - 92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,135,136,137,138,139,140,141,142,143,144,145,157,158,159,164,165,166,167,186,187,188,189,208,209,210,230,231,232,250,251,252,253,254,271,272,273,274,275,293,294,295,296,315,316,317,318,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,487 +9848 - 13,14,15,34,35,36,37,55,56,57,58,59,76,77,78,79,80,98,99,100,101,102,119,120,121,122,140,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,227,228,229,230,248,249,250,251,255,256,270,271,272,273,276,277,278,279,280,292,293,294,297,298,299,300,301,302,303,314,315,316,319,320,321,322,323,324,325,336,337,338,341,342,343,344,345,346,347,358,359,360,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,491 +9849 - 74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,100,101,102,103,104,105,106,107,108,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,181,182,183,184,185,202,203,204,205,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,299,300,301,302,322,323,324,343,344,345,346,364,365,366,367,368,384,385,386,387,388,389,390,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,465,466,467,468,469,470,471,472,490 +9850 - 55,56,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,318,319,340,341,362,363,364,384,385,406,407,428,429,450,451,472,473,486 +9851 - 9,10,11,12,30,31,32,33,34,51,52,53,54,55,72,73,74,75,76,77,93,94,95,96,97,98,115,116,117,118,119,137,138,139,140,159,160,161,162,180,181,182,183,202,203,204,205,211,212,213,214,215,216,224,225,226,227,231,232,233,234,235,236,237,238,239,245,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,273,274,275,276,277,278,279,280,281,282,283,284,290,291,292,293,294,295,296,297,298,299,300,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,357,358,359,360,361,362,363,364,365,366,367,368,369,370,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,491 +9852 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,125,126,127,128,129,137,138,139,140,141,159,160,161,162,163,164,165,180,181,182,183,184,185,186,187,188,201,202,203,204,205,206,207,208,209,210,211,224,225,231,232,233,234,254,255,256,257,277,278,279,280,300,301,302,322,323,324,345,346,347,354,355,367,368,369,376,377,378,388,389,390,391,398,399,400,401,402,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,433,434,445,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,490 +9853 - 60,61,62,63,82,83,84,103,104,105,106,115,116,117,125,126,127,137,138,139,146,147,148,158,159,160,161,168,169,170,180,181,182,189,190,191,202,203,204,211,212,213,224,225,226,233,234,235,237,238,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,298,299,300,319,320,321,340,341,342,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451,471,472,473,489 +9854 - 7,8,9,10,11,12,28,29,30,31,32,33,34,35,49,50,51,52,56,57,58,71,72,79,80,81,101,102,103,123,124,125,146,147,168,169,190,191,206,207,208,211,212,213,226,227,228,229,230,231,233,234,235,247,248,249,250,252,253,254,255,256,269,270,275,276,277,278,290,291,292,297,298,299,300,312,313,314,318,319,320,321,322,323,334,335,336,338,339,340,341,342,343,344,345,346,356,357,358,359,360,361,362,363,366,367,368,369,372,373,379,380,381,382,383,390,391,392,393,394,395,402,403,413,414,415,416,436,437,438,487 +9855 - 72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,133,134,135,136,137,138,139,148,149,150,154,155,156,157,158,169,170,171,172,176,177,178,191,192,193,194,199,200,212,213,214,215,216,228,229,230,231,232,233,234,235,236,237,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,318,319,320,321,322,341,342,343,344,364,365,366,367,386,387,388,389,401,402,408,409,410,423,424,425,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,467,468,469,470,471,472,473,474,475,476,488 +9856 - 32,33,34,52,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,125,126,127,128,129,137,138,139,140,141,142,148,149,150,151,159,160,161,162,163,171,172,173,174,180,181,182,183,193,194,195,196,201,202,203,204,205,216,217,218,223,224,225,226,238,239,240,245,246,247,248,260,261,262,267,268,269,282,283,284,289,290,291,304,305,306,311,312,313,325,326,327,328,333,334,335,346,347,348,349,355,356,357,358,367,368,369,370,371,377,378,379,380,381,382,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,485 +9857 - 35,36,37,38,39,54,55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,147,148,149,150,159,160,161,162,163,164,169,170,171,172,180,181,182,183,184,185,192,193,194,202,203,204,205,206,214,215,216,223,224,225,226,227,236,237,238,245,246,247,248,249,258,259,260,266,267,268,269,270,279,280,281,282,288,289,290,291,301,302,303,304,310,311,312,313,323,324,325,326,332,333,334,335,344,345,346,347,348,354,355,356,357,364,365,366,367,368,369,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,485 +9858 - 54,55,56,57,58,59,60,61,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,99,100,104,105,106,115,116,117,118,119,120,127,137,138,139,140,158,159,160,161,180,181,182,183,184,185,202,203,204,205,206,207,208,209,224,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,276,277,278,279,299,300,301,302,322,323,324,344,345,346,347,367,368,369,370,389,390,391,392,403,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,446,447,448,449,450,451,452,453,454,455,456,457,470,471,472,473,474,475,476,477,490 +9859 - 33,34,35,36,37,53,54,55,56,57,58,59,60,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,147,148,149,150,159,160,161,162,163,164,170,171,172,173,180,181,182,183,184,185,192,193,194,195,201,202,203,204,205,206,214,215,216,217,223,224,225,226,227,236,237,238,239,245,246,247,248,249,258,259,260,267,268,269,270,279,280,281,282,289,290,291,292,301,302,303,304,311,312,313,323,324,325,326,332,333,334,335,343,344,345,346,347,348,354,355,356,357,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,485 +9860 - 74,75,76,77,78,96,97,98,99,100,101,102,117,118,119,120,121,122,123,124,139,140,141,143,144,145,146,147,160,161,162,165,166,167,168,169,182,183,184,187,188,189,190,191,204,205,206,209,210,211,212,213,226,227,228,231,232,233,234,235,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,295,296,297,298,299,300,320,321,322,342,343,344,364,365,366,387,388,408,409,410,430,431,432,449,450,451,452,453,454,468,469,470,471,472,473,474,475,494 +9861 - 11,12,32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,167,168,169,170,171,172,173,174,175,180,181,182,183,184,193,194,195,196,197,202,203,204,205,216,217,218,219,223,224,225,226,227,238,239,240,241,245,246,247,248,259,260,261,262,263,267,268,269,270,281,282,283,284,285,288,289,290,291,292,302,303,304,305,306,310,311,312,313,323,324,325,326,327,332,333,334,335,336,343,344,345,346,347,348,354,355,356,357,358,359,363,364,365,366,367,368,369,370,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,485 +9862 - 49,50,51,52,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,116,117,118,137,138,139,140,159,160,161,181,182,183,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,277,278,279,280,281,282,302,303,304,305,325,326,327,347,348,349,368,369,370,371,388,389,390,391,392,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,490 +9863 - 47,48,49,50,51,52,53,54,55,56,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,121,122,123,124,125,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,227,228,229,230,231,232,233,248,249,250,251,252,253,254,271,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,319,320,321,322,323,324,325,343,344,345,346,347,366,367,368,369,370,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,488 +9864 - 56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,93,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,126,127,128,129,136,137,138,139,140,141,147,148,149,150,151,158,159,160,161,162,168,169,170,171,172,173,180,181,182,183,189,190,191,192,193,202,203,204,205,206,207,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,247,249,250,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,321,336,337,338,339,341,342,343,344,357,358,359,360,364,365,366,379,380,381,386,387,388,401,402,403,404,408,409,410,424,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,470,471,472,473,474,493 +9865 - 51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,137,138,145,146,147,148,166,167,168,169,170,186,187,188,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,249,250,251,252,253,254,271,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,301,302,316,317,318,319,320,321,322,323,324,325,343,344,345,346,347,365,366,367,368,369,386,387,388,389,390,391,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,469,470,471,472,473,488 +9866 - 26,27,28,29,32,33,34,35,48,49,50,51,52,53,54,55,56,57,72,73,74,75,76,77,78,97,98,99,118,119,120,121,122,123,139,140,141,142,143,144,145,146,161,162,163,164,165,166,167,168,169,182,183,184,185,186,190,191,192,204,205,206,207,212,213,214,225,226,227,228,234,235,236,247,248,249,257,258,259,269,270,279,280,281,301,302,303,314,315,323,324,325,335,336,345,346,347,356,357,358,367,368,369,379,380,381,389,390,391,401,402,403,404,405,406,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,488 +9867 - 75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,136,137,138,139,140,141,142,143,144,145,146,147,158,159,160,161,180,181,182,183,202,203,204,205,206,207,223,224,225,226,227,228,229,230,231,232,245,246,247,248,249,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,278,279,295,296,297,298,299,300,301,320,321,322,323,324,343,344,345,346,365,366,367,368,369,388,389,390,391,408,409,410,411,412,425,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455,468,469,470,471,472,473,474,475,476,490 +9868 - 52,53,54,55,74,75,76,77,78,96,97,98,99,100,118,119,120,121,140,141,142,143,149,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,210,211,212,213,214,226,227,228,229,248,249,250,251,270,271,272,291,292,293,294,313,314,315,316,317,318,319,335,336,337,338,339,340,341,342,343,344,358,359,360,361,362,363,364,365,366,367,386,387,388,389,390,409,410,411,412,431,432,433,434,435,453,454,455,456,457,475,476,477,478,490 +9869 - 69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,167,168,169,170,171,190,191,192,193,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,299,300,301,302,303,321,322,323,324,342,343,344,345,346,363,364,365,366,367,384,385,386,387,388,404,405,406,407,408,409,410,425,426,427,428,429,430,431,446,447,448,449,450,451,452,467,468,469,470,471,472,473,492 +9870 - 73,74,75,80,81,82,83,84,85,86,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,137,138,139,140,141,142,143,144,145,159,160,161,180,181,182,183,184,185,186,187,202,203,204,205,206,207,208,209,210,224,225,226,227,228,229,230,231,232,233,234,248,254,255,256,257,258,277,278,279,280,281,301,302,303,304,325,326,327,347,348,349,350,354,355,369,370,371,372,375,376,377,379,380,381,382,387,388,389,390,391,392,393,394,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,451,452,453,490 +9871 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,147,148,149,150,151,160,161,162,163,164,165,166,171,172,173,174,181,182,183,184,185,186,187,193,194,195,196,203,204,205,206,207,208,215,216,217,218,224,225,226,227,228,229,237,238,239,240,246,247,248,249,250,259,260,261,262,267,268,269,270,271,280,281,282,283,284,289,290,291,292,293,302,303,304,305,306,311,312,313,314,323,324,325,326,327,328,329,333,334,335,336,343,344,345,346,347,348,349,355,356,357,358,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452,467,468,469,470,471,485 +9872 - 30,31,32,33,51,52,53,54,55,73,74,75,76,78,79,80,81,94,95,96,97,100,101,102,103,104,115,116,117,118,123,124,125,126,127,137,138,139,147,148,149,159,160,161,170,171,180,181,182,183,192,193,194,202,203,204,215,216,224,225,226,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,347,348,356,357,358,359,368,369,370,379,380,381,389,390,391,402,403,404,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,485 +9873 - 10,11,12,13,32,33,34,35,53,54,55,56,75,76,77,78,96,97,98,99,117,118,119,120,121,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,239,248,249,250,251,253,254,255,256,257,258,259,260,261,270,271,272,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,302,303,304,305,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,358,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,402,403,404,405,406,425,426,427,491 +9874 - 77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,139,140,141,142,161,162,163,182,183,184,204,205,206,207,227,228,229,230,231,249,250,251,252,253,254,255,256,273,274,275,276,277,278,298,299,300,321,322,323,343,344,345,364,365,366,367,386,387,388,389,407,408,409,410,428,429,430,431,449,450,451,452,470,471,472,473,474,490 +9875 - 82,83,84,85,94,103,104,105,106,107,115,116,117,125,126,127,136,137,138,139,140,147,148,149,158,159,160,161,168,169,170,179,180,181,182,183,190,191,192,201,202,203,204,211,212,213,214,223,224,225,233,234,235,236,237,238,239,240,245,246,247,248,249,251,252,253,254,255,256,257,258,259,260,261,262,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,319,320,321,322,341,342,343,344,363,364,365,385,386,387,407,408,409,428,429,430,431,450,451,452,472,473,474,475,489 +9876 - 13,14,15,16,33,34,35,36,37,38,39,55,56,57,58,59,60,61,62,77,78,79,80,82,83,84,99,100,104,105,106,125,126,127,147,148,149,168,169,170,171,190,191,192,193,211,212,213,214,233,234,235,254,255,256,270,271,272,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,300,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,367,368,378,379,380,381,382,383,384,387,388,389,390,400,401,402,403,404,405,410,411,412,423,424,425,426,487 +9877 - 37,38,59,60,61,81,82,83,103,104,105,116,117,118,124,125,126,127,137,138,139,140,146,147,148,158,159,160,161,162,167,168,169,170,180,181,182,183,184,185,188,189,190,191,203,204,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,315,316,317,318,319,320,321,322,337,338,339,342,343,344,359,360,364,365,366,380,381,382,386,387,388,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431,448,449,450,451,452,493 +9878 - 53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,94,95,96,97,101,102,103,104,116,117,125,126,138,139,147,148,149,160,161,169,170,171,191,192,212,213,214,232,233,234,235,252,253,254,255,256,274,275,276,277,297,298,299,320,321,342,343,364,365,386,387,406,407,408,409,426,427,428,429,430,441,442,443,444,445,446,447,448,449,450,451,465,466,467,468,469,470,471,488 +9879 - 52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,122,123,125,126,127,136,137,138,139,140,146,147,148,149,158,159,160,161,162,163,167,168,169,170,171,182,183,184,185,186,187,188,189,190,191,192,205,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,251,252,253,254,255,256,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,315,316,317,318,321,322,323,324,336,337,338,339,343,344,345,346,358,359,360,361,365,366,367,368,379,380,381,382,387,388,389,390,402,403,404,405,408,409,410,411,424,425,426,427,428,429,430,431,432,433,446,447,448,449,450,451,452,453,454,470,471,472,473,474,475,493 +9880 - 35,36,37,57,58,59,78,79,80,81,100,101,102,103,122,123,124,144,145,146,165,166,167,168,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,338,339,340,341,360,361,362,363,382,383,384,385,404,405,406,426,427,428,448,449,486 +9881 - 11,12,13,14,32,33,34,35,36,53,54,55,56,57,75,76,77,78,96,97,98,99,100,117,118,119,120,121,138,139,140,141,142,160,161,162,163,181,182,183,184,185,203,204,205,206,214,215,216,225,226,227,228,233,234,235,236,237,238,247,248,249,253,254,255,256,257,258,259,260,261,269,270,271,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,335,336,337,338,339,340,341,342,343,344,345,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,386,387,388,389,403,404,405,406,407,408,491 +9882 - 49,50,51,70,71,72,73,92,93,94,105,106,107,108,114,115,116,126,127,128,129,136,137,138,147,148,149,150,158,159,160,168,169,170,171,180,181,182,190,191,192,194,195,202,203,204,211,212,213,214,215,216,217,218,219,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,318,319,320,321,340,341,342,362,363,364,384,385,386,406,407,408,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,489 +9883 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,115,116,117,122,123,124,125,145,146,147,148,168,169,170,190,191,192,210,211,212,213,214,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,293,294,295,296,297,298,299,300,319,320,321,322,323,342,343,344,345,364,365,366,367,385,386,387,388,389,405,406,407,408,409,410,425,426,427,428,429,430,431,446,447,448,449,450,451,468,469,470,471,472,488 +9884 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,362,363,364,384,385,386,406,407,408,409,428,429,430,431,451,452,453,486 +9885 - 74,75,76,77,78,79,80,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,146,147,148,149,160,161,162,168,169,170,171,182,183,184,192,193,204,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,277,278,279,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,365,383,384,385,386,404,405,406,407,426,427,428,447,448,449,450,469,470,471,494 +9886 - 33,34,35,36,54,55,56,57,58,59,76,77,78,79,80,81,97,98,99,101,102,103,104,119,120,121,124,125,126,140,141,142,146,147,148,162,163,164,168,169,170,183,184,185,190,191,192,205,206,207,212,213,227,228,229,233,234,235,249,250,255,256,257,270,271,272,277,278,279,292,293,298,299,300,314,315,319,320,321,322,341,342,343,361,362,363,364,365,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,432,433,434,435,446,447,448,455,456,457,487 +9887 - 96,97,98,99,100,117,118,119,120,121,122,123,138,139,140,141,142,143,144,145,160,161,162,166,167,168,182,183,184,188,189,190,204,205,206,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,248,249,250,251,252,253,255,256,257,277,278,279,299,300,301,321,322,323,342,343,344,364,365,366,385,386,387,388,407,408,409,428,429,430,431,449,450,451,452,471,472,473,494 +9888 - 47,48,49,68,69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,113,114,115,116,119,120,121,122,136,137,138,140,141,142,143,144,145,146,147,158,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,188,189,190,191,192,193,204,205,206,214,215,216,227,236,237,238,239,259,260,261,282,283,284,289,290,304,305,306,311,312,313,326,327,328,333,334,335,336,348,349,350,356,357,358,359,370,371,372,379,380,381,382,391,392,393,402,403,404,405,406,407,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,474,475,476,477,478,490 +9889 - 73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,146,147,148,149,158,159,160,161,162,167,168,169,170,171,181,182,183,184,185,186,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,256,273,274,275,276,277,278,294,295,296,298,299,300,301,315,316,317,318,320,321,322,323,337,338,339,342,343,344,345,358,359,360,364,365,366,367,380,381,382,386,387,388,389,402,403,407,408,409,410,424,425,429,430,431,432,446,447,448,449,450,451,452,453,468,469,470,471,472,473,474,493 +9890 - 6,7,8,9,10,11,12,27,28,29,30,31,32,33,34,35,49,50,56,57,58,70,71,79,80,81,92,102,103,124,125,126,147,148,169,170,191,192,213,214,234,235,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,319,320,321,323,324,325,333,334,340,341,342,346,347,348,355,356,360,361,362,363,369,370,377,378,379,380,381,382,383,384,392,393,399,400,401,402,403,404,405,414,415,437,438,487 +9891 - 8,9,10,11,12,13,14,30,31,32,33,34,35,36,37,52,53,54,55,56,57,58,59,74,75,76,77,78,79,80,81,82,96,97,98,101,102,103,104,123,124,125,126,127,145,146,147,148,149,167,168,169,170,171,189,190,191,192,193,211,212,213,214,215,228,229,230,231,232,233,234,235,236,237,239,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,311,312,313,314,315,316,319,320,321,322,323,324,325,326,327,328,333,334,335,336,340,341,342,343,344,345,346,347,355,356,357,358,359,360,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426,427,428,487 +9892 - 32,33,34,35,36,37,38,39,40,41,53,54,55,56,57,58,59,60,61,62,63,74,75,76,77,78,79,80,81,82,83,84,85,95,96,97,98,99,117,118,119,120,138,139,140,141,160,161,162,163,182,183,184,185,189,190,191,192,193,203,204,205,206,210,211,212,213,214,215,216,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,277,280,281,282,293,294,295,296,297,298,301,302,303,304,311,312,318,321,322,323,324,325,332,333,334,342,343,344,345,346,354,355,356,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,408,409,420,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,490 +9893 - 91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,212,213,214,215,216,234,235,236,237,238,256,257,258,259,260,278,279,280,281,282,300,301,302,303,304,322,323,324,325,326,344,345,346,347,348,366,367,368,369,387,388,389,390,391,408,409,410,411,412,413,428,429,430,431,432,433,434,450,451,452,453,454,455,456,472,473,474,475,476,477,492 +9894 - 58,59,60,79,80,81,82,101,102,122,123,124,144,145,165,166,167,187,188,189,208,209,210,230,231,232,251,252,253,273,274,275,295,296,317,318,339,340,361,362,383,384,405,406,407,427,428,429,450,451,452,472,473,474,475,486 +9895 - 88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,188,189,190,191,192,193,194,212,213,214,215,216,235,236,237,238,257,258,259,260,279,280,281,282,301,302,303,304,322,323,324,325,326,344,345,346,347,348,365,366,367,368,369,385,386,387,388,389,390,391,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,470,471,472,473,474,475,492 +9896 - 17,18,37,38,39,40,58,59,60,61,79,80,81,82,101,102,103,122,123,124,125,143,144,145,146,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,315,316,317,318,320,321,322,337,338,339,342,343,344,359,360,361,363,364,365,366,381,382,383,384,385,386,387,403,404,405,406,407,408,409,426,427,428,429,430,491 +9897 - 35,36,37,38,57,58,59,60,79,80,81,82,101,102,103,104,105,123,124,125,126,145,146,147,148,166,167,168,169,170,188,189,190,191,192,210,211,212,213,231,232,233,234,235,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,363,380,381,382,383,384,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447,486 +9898 - 33,34,35,55,56,57,77,78,79,80,99,100,101,102,121,122,123,124,143,144,145,146,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,452,486 +9899 - 92,93,94,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,156,157,158,159,160,161,162,163,171,172,173,174,178,179,180,181,182,183,194,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,226,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,304,305,306,307,311,312,313,326,327,328,329,333,334,335,336,347,348,349,350,356,357,358,359,360,361,367,368,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,485 +9900 - 75,76,77,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,179,180,181,182,183,184,185,186,187,188,192,193,194,195,196,197,200,201,202,203,204,205,215,216,217,218,219,222,223,224,225,226,238,239,240,241,244,245,246,247,259,260,261,262,263,266,267,268,269,281,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,313,314,324,325,326,327,328,333,334,335,336,337,338,345,346,347,348,349,350,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,425,426,427,428,429,430,431,432,433,434,449,450,451,452,453,454,485 +9901 - 29,30,31,32,51,52,53,54,73,74,75,76,77,96,97,98,99,118,119,120,121,122,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,277,295,296,297,298,299,317,318,319,320,321,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,406,407,408,409,410,429,430,431,432,451,452,453,454,486 +9902 - 32,33,34,35,36,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,103,104,105,106,114,115,116,121,122,126,127,128,129,136,137,149,150,151,157,158,159,172,173,179,180,194,195,200,201,202,216,217,222,223,224,238,239,244,245,260,261,262,265,266,267,282,283,284,287,288,289,290,304,305,310,311,312,326,327,333,334,335,347,348,349,355,356,357,358,359,368,369,370,371,378,379,380,381,382,383,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,485 +9903 - 69,70,71,72,73,74,75,76,77,78,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,142,143,144,145,146,147,166,167,168,169,188,189,190,191,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,342,343,344,345,346,347,348,349,350,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,404,405,406,407,408,409,410,411,412,413,414,415,416,417,487 +9904 - 68,69,70,71,72,73,74,75,76,77,78,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,166,167,168,169,179,180,181,189,190,191,201,202,203,211,212,213,223,224,225,233,234,235,246,247,255,256,257,278,279,300,301,322,323,324,340,341,342,343,344,345,346,347,348,349,362,363,364,365,366,367,368,369,370,371,384,385,386,387,388,389,390,391,392,407,408,409,410,411,412,413,431,433,434,435,455,456,457,458,478,479,480,492 +9905 - 45,46,47,48,49,50,51,52,53,54,67,68,69,70,71,72,73,74,75,76,77,89,90,91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,142,143,144,145,146,165,166,167,168,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,280,296,297,298,299,300,301,302,303,321,322,323,324,325,326,345,346,347,348,349,368,369,370,371,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,471,472,473,474,475,476,477,478,488 +9906 - 30,31,32,33,34,51,52,53,54,55,72,73,74,75,76,93,94,95,96,101,102,103,104,115,116,117,118,122,123,124,125,126,137,138,139,143,144,145,146,147,159,160,161,165,166,167,168,182,183,184,186,187,188,189,204,205,206,207,208,209,210,228,229,230,231,232,250,251,252,253,254,255,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,316,317,318,319,321,322,323,324,338,339,340,341,343,344,345,346,360,361,362,363,365,366,367,368,383,384,385,387,388,389,390,405,406,407,408,409,410,411,428,429,430,431,432,433,451,452,453,454,493 +9907 - 46,47,67,68,69,70,89,90,91,92,93,99,100,111,112,113,114,115,116,121,122,123,135,136,137,138,143,144,145,157,158,159,160,165,166,167,168,180,181,182,187,188,189,190,202,203,204,205,210,211,212,213,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,316,320,321,322,323,324,325,326,327,344,345,346,347,366,367,368,369,388,389,390,391,411,412,413,414,433,434,435,436,455,456,457,458,478,479,489 +9908 - 31,32,33,34,35,52,53,54,55,56,57,58,73,74,75,76,77,78,79,80,81,82,95,97,98,99,100,101,102,103,104,119,120,123,124,125,126,140,141,142,146,147,148,149,162,163,164,169,170,171,183,184,185,191,192,193,205,206,207,213,214,215,227,228,229,235,236,237,248,249,250,256,257,258,270,271,272,278,279,280,291,292,293,294,299,300,301,302,313,314,315,316,320,321,322,323,335,336,337,338,342,343,344,345,357,358,359,360,361,363,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430,447,448,449,450,451,485 +9909 - 47,48,49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,157,158,159,160,180,181,182,183,184,185,186,187,188,189,202,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,277,278,279,280,281,282,302,303,304,305,324,325,326,327,347,348,349,350,369,370,371,372,383,384,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,490 +9910 - 76,77,78,79,80,81,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,142,143,146,147,148,149,159,160,161,162,163,168,169,170,171,181,182,183,184,189,190,191,192,193,202,203,204,205,211,212,213,214,224,225,226,231,232,233,234,235,236,245,246,247,248,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,312,313,314,315,316,317,318,319,321,322,323,335,336,337,338,339,343,344,345,364,365,366,367,386,387,388,389,408,409,410,411,430,431,432,433,434,452,453,454,455,456,474,475,476,477,478,494 +9911 - 49,50,51,52,53,54,55,56,57,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,117,118,122,123,124,125,126,134,135,136,137,138,139,146,147,148,149,157,158,159,160,161,168,169,170,171,179,180,181,182,183,190,191,192,193,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,282,292,293,294,295,296,297,301,302,303,304,305,314,315,316,317,324,325,326,327,328,336,337,338,347,348,349,350,358,359,360,370,371,372,380,381,382,383,391,392,393,394,403,404,405,406,407,412,413,414,415,416,425,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,493 +9912 - 72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,146,147,148,168,169,170,189,190,191,211,212,213,233,234,235,254,255,256,276,277,278,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,449,467,468,469,470,492 +9913 - 71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,142,143,144,145,146,147,157,158,159,166,167,168,169,179,180,181,189,190,191,192,201,202,203,210,211,212,213,214,223,224,225,233,234,235,236,245,246,247,248,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,338,339,340,341,342,344,345,346,347,366,367,368,369,388,389,390,391,411,412,413,414,433,434,435,436,454,455,456,457,458,477,478,479,480,494 +9914 - 54,55,56,57,58,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,121,122,123,124,125,137,138,139,143,144,145,146,147,158,159,160,161,164,165,166,167,168,169,179,180,181,182,183,185,186,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,253,254,255,256,257,269,270,271,272,275,276,277,278,279,297,298,299,300,301,302,319,320,321,322,323,324,341,342,343,344,345,363,364,365,366,367,385,386,387,388,389,407,408,409,410,411,412,429,430,431,432,433,434,451,452,453,454,455,456,475,476,477,494 +9915 - 28,29,30,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,125,126,127,128,129,135,136,137,138,150,151,152,156,157,158,159,172,173,174,178,179,180,195,196,200,201,202,217,218,219,222,223,239,240,241,244,245,261,262,263,266,267,268,283,284,285,288,289,290,305,306,307,310,311,312,327,328,333,334,348,349,350,355,356,357,358,369,370,371,372,378,379,380,381,382,383,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,448,449,450,451,452,453,454,455,485 +9916 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,78,79,80,81,99,100,101,102,120,121,122,123,141,142,143,144,163,164,165,185,186,187,206,207,208,227,228,229,230,249,250,251,252,271,272,273,274,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,365,366,367,368,369,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410,411,427,428,429,430,431,432,491 +9917 - 30,31,32,52,53,54,74,75,76,96,97,98,99,118,119,120,121,140,141,142,143,163,164,165,166,185,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,408,409,410,430,431,432,433,452,453,454,455,486 +9918 - 32,33,54,55,76,77,98,99,120,121,142,143,164,165,186,187,208,209,230,231,252,253,274,275,296,297,317,318,319,340,341,362,363,384,385,406,407,408,428,429,430,431,451,452,453,486 +9919 - 69,70,71,72,73,74,75,76,90,91,92,93,94,95,96,97,98,99,100,112,113,114,115,116,117,118,119,120,121,122,123,134,135,141,142,143,144,145,165,166,167,187,188,189,190,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,382,383,384,385,386,387,388,389,390,391,392,393,394,395,405,406,407,408,409,410,411,412,413,414,415,416,417,487 +9920 - 57,58,59,60,61,62,63,76,77,78,79,80,81,82,83,84,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,118,119,120,121,122,123,139,140,141,142,143,144,160,161,162,163,164,165,181,182,183,203,204,225,226,247,248,269,270,271,292,293,294,295,296,297,312,315,316,317,318,319,320,321,322,334,340,341,342,343,344,345,356,366,367,368,378,389,390,400,401,410,411,412,422,423,424,425,426,427,428,429,430,431,432,433,445,446,447,448,449,450,451,452,453,454,469,470,471,472,473,490 +9921 - 46,47,48,49,50,51,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,111,112,113,114,115,116,117,118,119,120,121,122,123,124,143,144,145,146,165,166,167,168,182,183,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,301,302,303,304,305,324,325,326,327,347,348,349,350,370,371,372,380,381,382,391,392,393,394,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,488 +9922 - 51,52,53,60,61,73,74,75,81,82,83,95,96,103,104,105,116,117,118,125,126,127,138,139,140,147,148,149,159,160,161,169,170,171,181,182,183,190,191,192,193,203,204,205,212,213,214,215,224,225,226,234,235,236,237,246,247,248,256,257,258,268,269,275,276,277,278,279,280,289,290,291,293,294,295,296,297,298,299,300,301,311,312,313,314,315,316,317,318,319,320,321,322,323,332,333,334,335,336,337,338,339,343,344,345,354,355,356,357,358,365,366,367,377,386,387,388,408,409,410,430,431,432,452,453,454,473,474,475,489 +9923 - 45,46,67,68,69,89,90,91,111,112,113,114,121,122,134,135,136,143,144,145,157,158,159,165,166,167,179,180,181,187,188,189,190,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,299,300,301,306,321,322,323,324,344,345,346,366,367,368,388,389,390,391,410,411,412,413,433,434,435,436,456,457,489 +9924 - 32,33,34,35,53,54,55,56,57,75,76,77,78,79,80,97,98,99,100,101,102,119,120,122,123,124,140,144,145,146,147,162,163,166,167,168,169,184,185,188,189,190,191,192,205,206,207,211,212,213,214,227,228,229,233,234,235,236,249,250,251,256,257,258,271,272,273,278,279,280,292,293,294,295,300,301,302,314,315,316,322,323,324,337,338,345,346,359,360,367,368,381,382,387,388,389,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,448,449,450,451,452,453,485 +9925 - 49,50,51,52,53,54,55,56,57,58,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,119,120,121,122,123,124,125,135,136,137,138,157,158,159,160,180,181,182,183,184,185,186,187,188,202,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,303,304,322,323,324,325,326,345,346,347,348,349,368,369,370,371,381,382,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,437,447,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,490 +9926 - 32,33,34,35,36,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,113,114,115,116,117,118,122,123,124,125,135,136,137,138,139,144,145,146,147,148,157,158,159,160,166,167,168,169,170,179,180,181,188,189,190,191,209,210,211,212,213,231,232,233,234,235,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,322,323,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,369,370,371,378,379,380,381,382,383,384,387,388,389,390,391,392,393,394,400,401,402,403,404,405,411,412,413,414,415,422,423,424,425,444,445,446,487 +9927 - 3,4,5,25,26,27,47,48,49,50,69,70,71,72,91,92,93,94,114,115,116,136,137,138,139,158,159,160,161,180,181,182,183,202,203,204,205,209,210,211,212,213,214,225,226,227,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,292,293,294,295,296,297,302,303,304,305,306,314,315,316,317,318,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,382,383,384,385,386,387,388,389,390,391,392,393,406,407,408,409,410,411,412,413,491 +9928 - 72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,103,104,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,145,146,147,148,149,158,159,160,168,169,170,171,180,181,182,183,189,190,191,192,193,202,203,204,205,206,207,211,212,213,214,226,227,228,229,230,233,234,235,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,296,297,298,299,300,319,320,321,322,323,341,342,343,344,345,363,364,365,366,367,368,384,385,386,387,388,389,390,406,407,408,409,410,411,412,428,429,430,431,432,433,434,450,451,452,453,454,455,456,472,473,474,475,476,477,493 +9929 - 110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,200,207,211,212,213,214,215,233,234,235,236,237,255,256,257,258,259,277,278,279,280,281,299,300,301,302,322,323,324,325,343,344,345,346,366,367,368,387,388,389,390,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,492 +9930 - 52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,124,125,126,127,128,136,137,138,139,140,147,148,149,150,158,159,160,161,170,171,172,173,180,181,182,183,193,194,195,201,202,203,204,215,216,217,223,224,225,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,311,312,313,314,324,325,326,327,334,335,336,346,347,348,356,357,358,359,367,368,369,370,378,379,380,381,382,383,388,389,390,391,401,402,403,404,405,406,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474,475,476,485 +9931 - 50,51,52,53,54,55,56,70,71,72,73,74,75,76,77,78,79,80,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,119,121,122,123,124,125,134,135,136,137,145,146,147,148,156,157,158,159,168,169,170,178,179,180,181,190,191,192,200,201,202,203,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,292,293,294,295,296,297,298,299,300,303,304,305,306,314,315,316,317,326,327,328,336,337,338,348,349,350,358,359,360,370,371,372,380,381,382,383,392,393,394,403,404,405,406,407,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,493 +9932 - 72,73,74,75,76,77,78,79,80,92,93,94,95,96,97,98,99,100,101,102,103,107,113,114,115,116,117,118,119,123,124,125,126,128,129,130,135,136,137,138,146,147,148,149,150,151,152,157,158,159,169,170,171,172,173,179,180,181,182,189,190,191,192,193,202,203,204,205,206,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,299,300,316,317,318,320,321,322,323,337,338,339,343,344,345,358,359,360,365,366,367,380,381,382,388,389,402,403,410,411,424,425,431,432,433,446,447,448,452,453,454,455,468,469,470,471,472,473,474,475,476,493 +9933 - 71,72,73,74,75,76,92,93,94,95,96,97,98,99,100,113,114,115,116,117,118,119,120,121,122,123,124,126,135,136,137,138,142,143,144,145,146,147,148,157,158,159,166,167,168,169,170,171,179,180,181,189,190,191,192,193,201,202,203,212,213,214,215,223,224,225,226,234,235,236,237,246,247,248,249,250,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,296,297,298,299,300,301,302,303,304,315,316,317,318,319,320,321,322,323,324,325,326,345,346,347,348,367,368,369,370,390,391,392,412,413,414,434,435,436,456,457,458,478,479,480,494 +9934 - 52,72,73,74,75,93,94,95,96,114,115,116,117,135,136,137,138,145,146,147,157,158,159,166,167,168,169,178,179,180,188,189,190,191,192,200,201,202,209,210,211,212,213,214,222,223,224,231,232,233,234,235,236,244,245,246,252,253,254,256,257,258,259,266,267,268,273,274,275,276,279,280,281,288,289,290,291,293,294,295,296,297,301,302,303,304,310,311,312,313,314,315,316,317,318,324,325,326,333,334,335,336,337,338,346,347,348,369,370,371,391,392,393,413,414,415,416,436,437,438,439,459,460,461,483,494 +9935 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,106,114,115,116,117,118,119,123,124,125,126,127,128,129,135,136,137,138,139,148,149,150,151,156,157,158,159,160,172,173,174,178,179,180,181,195,196,200,201,202,203,204,217,218,219,222,223,224,225,226,227,239,240,241,244,245,246,261,262,263,266,267,268,269,283,284,285,288,289,290,291,305,306,307,311,312,313,314,326,327,328,329,334,335,336,337,338,339,347,348,349,350,351,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,380,381,382,383,384,385,386,387,388,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,428,429,430,431,432,433,485 +9936 - 57,58,59,79,80,81,82,90,91,92,101,102,103,104,111,112,113,114,123,124,125,126,133,134,135,136,146,147,148,149,155,156,157,158,168,169,170,171,172,177,178,179,180,190,191,192,193,194,199,200,201,202,212,213,214,215,216,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,310,311,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,436,455,456,457,458,477,478,479,489 +9937 - 50,51,52,53,72,73,74,75,76,95,96,97,98,117,118,119,120,121,140,141,142,143,144,162,163,164,165,166,185,186,187,188,207,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,278,296,297,298,299,300,319,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,433,451,452,453,454,455,474,475,476,486 +9938 - 77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,127,128,138,139,140,141,149,150,151,159,160,161,162,170,171,172,173,180,181,182,183,190,191,192,193,194,201,202,203,211,212,213,214,215,216,223,224,225,231,232,233,234,235,236,244,245,246,252,253,254,255,256,257,267,268,271,272,273,274,275,277,278,279,289,290,291,292,293,294,295,298,299,300,312,313,314,315,320,321,322,341,342,343,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,471,472,473,494 +9939 - 4,5,6,24,25,26,27,28,29,30,31,46,47,48,49,50,51,52,53,54,55,56,68,69,70,71,72,73,74,75,76,77,78,79,96,97,98,99,100,101,120,121,122,123,143,144,145,146,165,166,167,168,187,188,189,208,209,210,211,230,231,232,233,251,252,253,254,271,272,273,274,275,276,293,294,295,296,297,314,315,316,317,318,335,336,337,338,339,340,341,342,343,344,348,349,350,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,427,487 +9940 - 30,31,32,52,53,54,55,74,75,76,77,96,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,340,341,342,343,362,363,364,365,384,385,386,406,407,408,409,428,429,430,431,450,451,452,453,486 +9941 - 46,47,48,49,50,51,52,53,67,68,69,70,71,72,73,74,75,76,77,78,89,90,91,92,93,94,95,96,97,98,99,100,101,102,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,141,142,143,144,145,146,147,166,167,168,169,170,187,188,189,190,191,192,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,269,270,271,272,273,274,275,276,277,278,279,280,281,282,293,294,295,296,297,298,299,300,301,302,303,304,305,323,324,325,326,327,328,346,347,348,349,350,369,370,371,372,390,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,488 +9942 - 53,54,55,56,57,75,76,77,78,79,80,81,82,83,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,145,146,147,148,149,150,151,152,169,170,171,172,173,178,179,180,200,201,202,221,222,223,224,243,244,245,246,247,249,250,251,252,253,254,255,256,257,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,334,335,336,337,338,339,340,341,342,345,346,347,367,368,369,389,390,391,410,411,412,413,426,427,428,429,430,431,432,433,434,435,449,450,451,452,453,454,455,456,473,474,475,476,477,478,490 +9943 - 68,89,90,91,111,112,113,122,123,124,133,134,135,136,144,145,146,156,157,158,159,166,167,168,169,178,179,180,181,188,189,190,191,201,202,203,204,211,212,213,214,223,224,225,226,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,345,346,347,348,349,350,367,368,369,370,390,391,392,412,413,414,434,435,436,489 +9944 - 29,30,31,32,33,34,35,36,37,51,52,53,54,55,56,57,58,72,73,74,94,95,96,116,117,138,139,160,161,166,167,182,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,214,227,228,229,235,236,237,257,258,259,280,281,282,302,303,304,324,325,326,347,348,355,368,369,370,377,378,389,390,391,392,399,400,401,402,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,490 +9945 - 46,47,48,49,50,51,52,53,54,55,56,57,58,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,146,147,148,156,157,158,159,178,179,180,181,200,201,202,203,204,205,206,207,208,209,210,223,224,225,226,227,228,229,230,231,232,233,234,235,245,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,299,300,301,302,303,304,305,323,324,325,326,327,328,346,347,348,349,350,369,370,371,372,383,384,391,392,393,394,404,405,406,407,408,409,410,411,412,413,414,415,416,426,427,428,429,430,431,432,433,434,435,436,437,438,448,449,450,451,452,453,454,455,456,457,458,459,471,472,473,474,475,476,477,478,479,480,490 +9946 - 8,9,10,11,30,31,32,33,52,53,54,55,74,75,76,77,95,96,97,98,117,118,119,120,139,140,141,142,161,162,163,164,183,184,185,205,206,207,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,292,293,294,295,296,297,301,302,303,304,315,316,317,318,322,323,324,325,326,337,338,339,340,341,342,343,344,345,346,347,348,360,361,362,363,364,365,366,367,368,369,383,384,385,386,387,388,389,390,406,407,408,409,410,411,491 +9947 - 4,5,6,7,26,27,28,29,48,49,50,51,70,71,72,73,93,94,95,115,116,117,137,138,139,159,160,161,181,182,183,184,187,188,189,190,191,203,204,205,206,208,209,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,261,270,271,272,273,274,275,279,280,281,282,283,284,292,293,294,295,296,303,304,305,306,315,316,317,318,319,325,326,327,328,337,338,339,340,341,342,343,344,345,346,347,348,349,350,359,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,491 +9948 - 74,75,76,77,95,96,97,98,99,100,115,116,117,118,119,120,121,122,123,137,138,139,140,141,142,143,144,145,146,147,159,160,161,162,163,164,165,166,167,168,169,170,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,225,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,271,272,273,274,275,276,277,295,296,297,298,299,300,318,319,320,321,322,340,341,342,343,344,361,362,363,364,365,366,367,383,384,385,386,387,388,389,405,406,407,408,409,410,411,427,428,429,430,431,432,433,450,451,452,453,454,472,473,474,475,476,493 +9949 - 110,111,112,113,114,115,116,117,118,119,120,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,204,205,206,207,208,209,210,211,212,213,214,215,234,235,236,237,256,257,258,259,278,279,280,281,300,301,302,303,322,323,324,325,344,345,346,347,367,368,369,389,390,391,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,492 +9950 - 27,28,29,30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,59,77,78,79,80,81,82,100,101,102,103,121,122,123,124,141,142,143,144,145,162,163,164,165,166,184,185,186,207,208,209,229,230,231,232,252,253,254,255,276,277,278,279,299,300,301,302,323,324,325,345,346,347,348,357,366,367,368,369,378,379,387,388,389,390,399,400,401,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,488 +9951 - 27,28,29,30,31,32,48,49,50,51,52,53,54,55,56,57,70,71,72,73,74,75,76,77,78,79,80,92,93,94,95,98,99,100,101,102,114,115,116,117,122,123,124,125,136,137,138,139,145,146,147,158,159,160,161,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,278,279,280,281,282,283,291,292,293,294,302,303,304,305,313,314,315,316,325,326,327,336,337,338,347,348,349,350,358,359,360,361,369,370,371,381,382,383,384,385,389,390,391,392,393,404,405,406,407,408,409,410,411,412,413,414,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,493 +9952 - 49,50,51,70,71,72,73,82,83,84,92,93,94,95,103,104,105,106,114,115,116,125,126,127,135,136,137,138,146,147,148,149,157,158,159,160,167,168,169,170,171,179,180,181,182,188,189,190,191,192,193,201,202,203,204,208,209,210,211,212,213,214,215,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,278,279,280,281,290,291,292,293,294,295,296,300,301,302,303,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,410,411,412,432,433,434,435,455,456,457,458,477,478,479,480,489 +9953 - 71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,144,145,146,147,148,157,158,159,167,168,169,170,179,180,181,189,190,191,192,201,202,203,204,211,212,213,214,215,223,224,225,226,227,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,316,317,318,319,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,392,410,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,494 +9954 - 9,10,11,30,31,32,33,51,52,53,54,73,74,75,94,95,96,97,116,117,118,128,137,138,139,140,148,149,150,151,159,160,161,169,170,171,172,173,181,182,183,190,191,192,193,194,195,202,203,204,205,211,212,213,214,216,217,224,225,226,233,234,235,238,239,246,247,248,254,255,256,257,259,260,268,269,270,276,277,278,280,281,282,289,290,291,292,297,298,299,300,301,302,303,304,312,313,314,315,319,320,321,322,323,324,325,334,335,336,337,338,341,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,491 +9955 - 32,33,34,54,55,56,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,450,451,452,486 +9956 - 13,14,15,34,35,36,56,57,58,78,79,80,99,100,101,120,121,122,123,142,143,144,163,164,165,166,185,186,187,206,207,208,209,228,229,230,231,232,233,234,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,293,294,295,298,299,300,301,315,316,317,320,321,322,336,337,338,339,341,342,343,344,358,359,360,362,363,364,365,380,381,382,383,384,385,386,387,403,404,405,406,407,425,426,427,428,429,491 +9957 - 67,68,69,70,79,89,90,91,92,100,101,102,111,112,113,114,122,123,124,125,133,134,135,136,137,144,145,146,147,156,157,158,159,166,167,168,169,170,178,179,180,181,188,189,190,191,192,200,201,202,203,211,212,213,214,223,224,225,226,232,233,234,235,236,237,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,344,345,346,347,348,367,368,369,389,390,391,392,411,412,413,414,433,434,435,436,455,456,457,458,477,478,479,480,489 +9958 - 28,29,30,31,32,51,52,53,54,55,56,74,75,76,77,78,79,80,81,82,83,84,85,97,98,99,100,101,102,103,104,105,106,107,118,119,120,121,122,123,124,125,126,127,128,129,139,140,141,142,161,162,163,164,182,183,184,185,204,205,206,207,224,225,226,227,228,229,230,246,247,248,249,250,251,252,253,254,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,296,297,298,299,300,319,320,321,322,323,324,336,337,343,344,345,346,347,358,359,360,361,366,367,368,369,381,382,383,384,385,389,390,391,404,405,406,407,408,409,410,411,412,413,427,428,429,430,431,432,433,434,435,450,451,452,453,454,455,456,457,490 +9959 - 46,47,48,49,50,51,52,62,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,133,134,135,155,156,157,178,179,180,200,201,202,203,204,222,223,224,225,226,227,228,229,230,231,232,244,245,246,247,248,249,250,251,252,253,254,255,256,257,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,319,320,321,322,323,324,325,326,327,345,346,347,348,349,368,369,370,371,372,385,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,416,427,428,429,430,431,432,433,434,435,436,437,438,449,450,451,452,453,454,455,456,457,458,459,472,473,474,475,476,477,478,479,480,490 +9960 - 12,13,14,33,34,35,36,54,55,56,57,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,161,162,163,164,183,184,185,186,204,205,206,207,226,227,228,229,248,249,250,251,252,253,254,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,336,337,338,339,347,348,358,359,360,361,369,370,371,380,381,382,383,390,391,392,393,402,403,404,405,411,412,413,414,491 +9961 - 45,46,47,67,68,69,70,79,80,89,90,91,92,101,102,103,111,112,113,114,115,123,124,125,126,134,135,136,137,145,146,147,148,156,157,158,159,167,168,169,170,178,179,180,181,182,189,190,191,192,193,201,202,203,204,211,212,213,214,215,223,224,225,226,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,339,340,341,342,343,344,345,346,347,348,349,350,368,369,370,371,390,391,392,393,412,413,414,415,434,435,436,437,456,457,458,459,479,480,481,489 +9962 - 26,27,28,29,30,31,32,47,48,49,50,51,52,53,54,55,69,70,71,72,74,75,76,77,78,91,92,93,98,99,100,114,115,121,122,143,144,164,165,166,184,185,186,187,188,203,204,205,206,207,208,209,210,211,212,225,226,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,259,277,278,279,280,281,300,301,302,303,304,314,315,323,324,325,326,336,337,338,345,346,347,348,358,359,360,361,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,403,404,405,406,407,408,409,410,411,412,426,427,428,429,430,431,432,433,450,451,452,453,454,488 +9963 - 26,27,28,29,30,31,32,33,46,47,48,49,50,51,52,53,54,55,56,67,68,69,70,71,72,73,74,75,76,77,78,79,89,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,120,121,122,123,124,125,143,144,145,146,147,166,167,168,169,189,190,191,211,212,213,232,233,234,235,253,254,255,256,275,276,277,296,297,298,299,317,318,319,320,337,338,339,340,341,342,359,360,361,362,363,364,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,457,458,459,487 +9964 - 9,10,11,30,31,32,33,51,52,53,54,55,73,74,75,76,95,96,97,116,117,118,119,138,139,140,159,160,161,162,181,182,183,184,192,193,194,203,204,205,214,215,216,217,224,225,226,227,233,234,235,236,237,238,239,246,247,248,249,255,256,257,258,259,260,261,268,269,270,271,276,277,278,279,280,281,282,290,291,292,293,297,298,299,300,301,302,303,304,312,313,314,315,316,319,320,321,322,323,324,325,326,334,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409,491 +9965 - 45,46,47,48,49,50,51,52,53,54,55,66,67,68,69,70,71,72,73,74,75,76,77,78,79,88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,144,145,146,147,167,168,169,189,190,191,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,260,272,273,274,275,276,277,278,279,280,281,282,283,301,302,303,304,305,325,326,327,347,348,349,369,370,371,381,390,391,392,393,402,403,404,405,406,407,408,409,410,411,412,413,414,415,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,457,468,469,470,471,472,473,474,475,476,477,488 +9966 - 35,36,37,57,58,59,78,79,80,81,100,101,102,122,123,124,143,144,145,146,165,166,167,187,188,189,208,209,210,229,230,231,232,251,252,253,272,273,274,275,294,295,296,316,317,318,337,338,339,340,359,360,361,381,382,383,403,404,405,425,426,427,428,448,449,450,451,486 +9967 - 66,67,68,69,70,71,72,73,74,75,76,77,78,88,89,90,91,92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,166,167,168,169,189,190,191,209,210,211,212,213,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,296,297,298,299,300,301,302,321,322,323,324,325,344,345,346,347,348,367,368,369,370,390,391,392,412,413,414,427,428,429,430,431,432,433,434,435,436,449,450,451,452,453,454,455,456,457,458,470,471,472,473,474,475,476,477,478,479,488 +9968 - 57,58,59,79,80,81,101,102,122,123,124,144,145,146,166,167,168,187,188,189,209,210,211,231,232,233,253,254,274,275,276,296,297,298,317,318,319,339,340,341,361,362,363,382,383,384,404,405,406,426,427,428,448,449,470,471,486 +9969 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,121,122,123,124,125,126,127,136,137,138,145,146,147,148,149,150,158,159,160,169,170,171,172,173,180,181,182,192,193,194,195,202,203,204,214,215,216,217,223,224,225,236,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,345,346,347,348,356,357,358,359,360,361,362,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453,454,455,485 +9970 - 13,14,15,16,34,35,36,37,38,55,56,57,58,77,78,79,98,99,100,119,120,121,141,142,143,162,163,164,184,185,186,206,207,208,228,229,231,232,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,293,294,295,299,300,301,315,316,317,321,322,323,337,338,339,343,344,345,359,360,361,364,365,366,381,382,383,385,386,387,388,404,405,406,407,408,409,426,427,428,429,430,491 +9971 - 71,72,73,74,75,76,77,78,92,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,135,136,137,138,139,140,141,142,143,144,145,146,157,158,159,166,167,168,179,180,181,188,189,190,201,202,203,204,210,211,212,223,224,225,226,232,233,234,245,246,247,248,249,253,254,255,256,258,259,268,269,270,271,272,273,274,275,276,277,278,280,281,282,291,292,293,294,295,296,297,298,299,300,302,303,304,314,315,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,343,344,345,346,347,348,365,366,367,369,370,387,388,389,390,391,392,409,410,411,412,413,414,431,432,433,434,435,436,453,454,455,457,475,476,477,494 +9972 - 76,77,78,79,80,96,97,98,99,100,101,102,104,105,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,158,159,160,161,162,163,168,169,170,171,172,173,179,180,181,182,183,184,189,190,191,192,193,194,195,201,202,203,204,210,211,212,213,214,215,216,217,222,223,224,225,230,231,232,233,234,236,237,238,239,243,244,245,246,252,253,254,255,258,259,260,261,264,265,266,267,272,273,274,275,280,281,282,283,286,287,288,289,293,294,295,296,297,301,302,303,304,305,308,309,310,311,312,313,314,315,316,317,323,324,325,326,330,331,332,333,334,335,336,337,338,345,346,347,348,352,353,354,355,356,357,358,367,368,369,370,374,375,376,377,378,379,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,494 +9973 - 69,70,71,72,73,74,75,76,77,78,79,80,81,82,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,134,135,136,137,139,140,141,142,144,145,146,147,148,149,150,156,157,158,159,171,172,178,179,180,181,201,202,203,223,224,225,226,227,228,229,230,231,232,233,234,245,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,303,322,323,324,325,326,345,346,347,348,368,369,370,371,391,392,393,413,414,415,426,427,428,429,430,431,432,433,434,435,436,437,448,449,450,451,452,453,454,455,456,457,458,459,469,470,471,472,473,474,475,476,477,478,479,480,490 +9974 - 51,52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,102,103,104,105,116,117,118,125,126,127,137,138,139,148,149,159,160,161,170,171,172,181,182,183,193,194,203,204,215,216,217,225,226,237,238,239,247,248,259,260,261,269,270,281,282,283,290,291,292,303,304,305,313,314,325,326,327,335,336,347,348,357,358,368,369,370,379,380,381,389,390,391,401,402,403,410,411,412,423,424,425,426,429,430,431,432,433,446,447,448,449,450,451,452,453,454,469,470,471,472,473,474,485 +9975 - 44,45,46,56,57,66,67,68,78,79,88,89,90,91,100,101,102,110,111,112,113,121,122,123,124,125,133,134,135,136,143,144,145,146,147,155,156,157,158,166,167,168,169,177,178,179,180,188,189,190,191,192,199,200,201,202,203,211,212,213,214,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,344,345,346,347,367,368,369,370,389,390,391,392,412,413,414,415,434,435,436,437,456,457,458,459,479,480,489 +9976 - 51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,101,102,103,104,116,125,126,146,147,148,167,168,169,187,188,189,190,207,208,209,210,211,227,228,229,230,231,244,245,246,247,248,249,250,251,252,265,266,267,268,269,270,271,272,273,274,292,293,294,295,296,297,298,299,318,319,320,321,322,342,343,344,345,357,358,366,367,368,379,380,389,390,391,401,402,411,412,413,423,424,425,426,427,433,434,435,446,447,448,449,450,451,452,453,454,455,456,457,471,472,473,474,475,476,477,488 +9977 - 47,48,49,50,51,52,53,54,55,56,57,68,69,70,71,72,73,74,75,76,77,78,79,80,90,91,92,93,94,95,96,97,98,99,100,101,102,112,113,114,115,116,117,118,119,120,121,122,123,124,125,134,135,136,143,144,145,146,164,165,166,167,168,184,185,186,187,188,189,190,203,204,205,206,207,208,209,210,211,225,226,227,228,229,230,231,232,233,234,247,248,249,250,251,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,280,297,298,299,300,301,302,303,304,321,322,323,324,325,326,345,346,347,348,349,368,369,370,371,385,386,387,388,389,390,391,392,393,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,423,424,425,426,427,428,429,430,431,432,433,434,435,436,445,446,447,448,449,450,451,452,453,454,455,456,467,468,469,470,471,472,473,474,475,476,488 +9978 - 93,94,95,96,97,98,99,100,101,102,103,104,105,114,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,140,141,142,143,144,145,146,147,148,149,159,168,169,170,189,190,191,210,211,212,213,232,233,234,253,254,255,256,275,276,277,296,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,405,406,407,426,427,428,447,448,449,450,469,470,471,492 +9979 - 31,32,33,34,35,36,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,99,100,101,102,103,104,105,113,114,115,116,117,118,124,125,126,127,128,135,136,137,138,139,147,148,149,150,151,156,157,158,159,160,170,171,172,173,178,179,180,181,193,194,195,196,200,201,202,203,215,216,217,218,222,223,224,225,237,238,239,240,244,245,246,247,260,261,262,267,268,269,270,281,282,283,284,289,290,291,292,304,305,306,311,312,313,314,315,325,326,327,328,334,335,336,337,338,347,348,349,350,356,357,358,359,360,361,362,369,370,371,372,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,411,412,413,414,415,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456,457,485 +9980 - 50,51,71,72,73,74,75,76,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,143,144,145,146,147,148,149,150,151,152,158,159,160,168,169,170,171,172,173,179,180,181,182,201,202,203,204,205,206,207,208,209,210,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,245,246,247,248,256,257,258,259,260,281,282,283,303,304,305,325,326,327,346,347,348,349,354,367,368,369,370,371,375,376,387,388,389,390,391,392,397,398,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,441,442,443,444,445,446,447,448,449,450,451,452,453,467,468,469,470,490 +9981 - 28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,81,92,93,94,95,96,98,99,100,101,102,103,114,115,116,117,123,124,125,126,136,137,138,139,145,146,147,148,158,159,160,161,162,167,168,169,170,180,181,182,183,184,185,186,187,188,189,190,191,202,203,204,205,206,207,208,209,210,211,212,213,214,225,226,227,228,229,230,231,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,274,275,278,279,280,281,282,283,291,292,293,301,302,303,304,305,312,313,314,315,324,325,326,327,334,335,336,337,346,347,348,349,357,358,359,360,368,369,370,371,379,380,381,382,383,384,385,386,387,388,389,390,391,392,402,403,404,405,406,407,408,409,410,411,412,413,414,425,426,427,428,429,430,431,432,433,434,435,448,449,450,451,452,453,454,455,493 +9982 - 25,26,27,28,29,30,31,32,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,71,72,73,74,75,76,77,78,79,80,81,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,146,147,148,149,150,169,170,171,172,173,192,193,194,195,196,214,215,216,217,218,237,238,239,240,258,259,260,261,262,271,272,273,274,275,276,277,278,279,280,281,282,283,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,393,394,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,444,445,446,447,448,449,487 +9983 - 25,46,47,48,68,69,70,90,91,92,101,112,113,114,115,122,123,124,134,135,136,137,144,145,146,157,158,159,166,167,168,179,180,181,189,190,191,201,202,203,204,211,212,213,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,322,323,324,345,346,347,366,367,368,369,388,389,390,391,411,412,413,433,434,435,489 +9984 - 10,11,12,32,33,34,54,55,56,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,165,184,185,186,206,207,208,227,228,229,249,250,251,255,256,257,271,272,273,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,491 +9985 - 27,28,29,30,31,32,33,34,49,50,51,52,53,54,55,56,57,58,59,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,98,99,100,101,102,103,104,113,114,115,116,122,123,124,125,126,127,135,136,137,146,147,148,149,150,156,157,158,159,169,170,171,172,178,179,180,181,192,193,194,200,201,202,214,215,216,217,222,223,224,236,237,238,239,244,245,246,259,260,261,266,267,268,280,281,282,283,288,289,290,291,303,304,305,310,311,312,313,324,325,326,327,333,334,335,336,346,347,348,349,355,356,357,358,359,360,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,401,402,403,404,405,406,407,408,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,485 +9986 - 15,16,17,36,37,38,39,57,58,59,77,78,79,80,97,98,99,100,101,102,119,120,121,122,141,142,143,162,163,164,165,184,185,186,205,206,207,208,211,212,213,227,228,229,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,278,279,280,292,293,294,295,296,297,300,301,302,314,315,316,317,322,323,324,336,337,338,339,343,344,345,358,359,360,361,364,365,366,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409,425,426,427,428,429,430,491 +9987 - 111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,198,199,200,201,211,212,213,214,233,234,235,236,255,256,257,258,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,476,477,478,479,492 +9988 - 28,29,30,31,32,33,49,50,51,52,53,54,55,56,71,72,73,77,78,79,94,95,96,100,101,102,117,118,119,123,124,140,141,142,146,147,163,164,165,166,167,168,184,185,186,187,188,206,207,208,209,210,227,228,229,231,232,233,249,250,254,255,256,270,271,272,277,278,279,292,293,294,300,301,314,315,316,322,323,324,337,338,339,345,346,360,361,362,367,368,369,382,383,384,385,390,391,405,406,407,408,409,412,413,428,429,430,431,432,433,434,435,451,452,453,454,455,456,493 +9989 - 112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,177,178,179,180,190,191,192,212,213,214,234,235,236,256,257,258,278,279,280,300,301,302,321,322,323,324,344,345,346,365,366,367,368,387,388,389,409,410,411,431,432,433,453,454,455,475,476,477,492 +9990 - 60,61,81,82,83,84,85,86,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,151,152,160,161,162,163,164,165,166,167,168,173,174,181,182,183,184,185,186,187,188,189,195,196,202,203,204,205,206,207,217,218,223,224,225,226,227,238,239,240,243,244,245,246,247,260,261,262,265,266,267,268,281,282,283,284,287,288,289,300,301,302,303,304,305,309,310,311,312,318,319,320,321,322,323,324,325,326,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,375,376,377,378,379,380,381,382,383,384,385,386,387,400,403,485 +9991 - 29,30,31,52,53,54,74,75,76,96,97,98,99,118,119,120,121,140,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,406,407,408,409,428,429,430,431,451,452,453,486 +9992 - 75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,123,124,140,141,142,143,144,145,146,161,162,165,166,167,168,169,182,183,184,187,188,189,190,191,203,204,205,206,208,209,210,211,212,213,225,226,227,229,230,231,233,234,235,247,248,249,250,251,252,253,255,256,257,258,269,270,271,272,273,274,275,277,278,279,280,291,292,293,294,295,296,299,300,301,302,314,315,316,317,321,322,323,324,337,338,343,344,345,346,365,366,367,368,387,388,389,390,409,410,411,412,431,432,433,434,453,454,455,456,475,476,477,478,494 +9993 - 3,4,5,25,26,27,47,48,49,69,70,71,72,91,92,93,94,113,114,115,116,135,136,137,138,157,158,159,160,179,180,181,182,186,187,188,189,190,191,192,201,202,203,204,207,208,209,210,211,212,213,214,215,216,223,224,225,226,228,229,230,231,232,233,234,235,236,237,238,239,245,246,247,248,250,251,252,253,258,259,260,261,262,267,268,269,270,272,273,274,275,282,283,284,290,291,292,293,295,296,297,298,304,305,306,313,314,315,317,318,319,320,325,326,327,328,335,336,337,338,339,340,341,342,347,348,349,350,358,359,360,361,362,363,364,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,394,405,406,407,408,409,410,411,412,413,414,415,491 +9994 - 51,52,53,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,116,117,118,119,120,121,122,123,124,125,126,137,138,139,159,160,161,181,182,183,204,205,206,207,208,209,226,227,228,229,230,231,232,233,250,251,252,253,254,255,256,257,277,278,279,280,301,302,303,311,312,323,324,325,333,334,345,346,347,356,357,366,367,368,369,378,379,387,388,389,390,401,402,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453,454,470,471,472,473,474,490 +9995 - 70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,113,114,115,116,119,120,121,122,123,124,135,136,137,138,143,144,145,146,147,157,158,159,160,166,167,168,169,179,180,181,182,188,189,190,191,202,203,204,210,211,212,213,224,225,226,227,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,294,295,296,297,300,301,302,322,323,324,325,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478,479,494 +9996 - 36,37,38,48,49,53,54,55,56,57,58,59,60,61,70,71,72,73,74,75,76,77,78,79,80,81,82,92,93,94,95,96,97,115,116,117,138,139,140,160,161,162,163,165,166,167,168,169,170,183,184,185,186,187,188,189,190,191,192,193,194,205,206,207,208,209,213,214,215,216,217,228,229,230,231,237,238,239,251,252,253,260,261,262,266,282,283,284,287,288,289,304,305,306,309,310,311,312,326,327,328,332,333,334,335,348,349,350,355,356,357,358,369,370,371,379,380,381,382,391,392,393,402,403,404,405,406,407,411,412,413,414,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,490 +9997 - 29,30,31,32,51,52,53,54,73,74,75,76,77,95,96,97,98,99,118,119,120,121,140,141,142,143,144,162,163,164,165,166,184,185,186,187,188,207,208,209,210,229,230,231,232,233,251,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,384,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,486 +9998 - 56,57,58,59,60,78,79,80,81,82,100,101,102,121,122,123,124,137,138,143,144,145,146,159,160,161,165,166,167,170,181,182,183,187,188,189,191,192,193,203,204,205,209,210,211,212,213,214,225,226,227,231,232,233,234,235,236,246,247,248,249,252,253,254,255,256,257,258,268,269,270,271,274,275,276,277,278,279,290,291,292,295,296,297,298,299,312,313,314,315,316,317,318,319,320,321,335,336,337,338,339,340,341,342,343,357,358,359,360,361,363,364,365,385,386,387,408,409,430,431,432,452,453,454,475,476,489 +9999 - 3,4,5,6,7,8,9,10,11,12,13,24,25,26,27,28,29,30,31,32,33,34,35,36,46,47,48,49,50,51,52,53,54,55,56,57,58,68,69,70,78,79,80,81,101,102,103,123,124,125,145,146,147,167,168,169,170,188,189,190,191,210,211,212,213,232,233,234,235,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,300,316,317,318,319,320,321,336,337,338,339,340,341,342,357,358,359,360,361,362,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,487 \ No newline at end of file diff --git a/NeuroData/MNIST_stdp.json b/NeuroData/MNIST_stdp.json new file mode 100644 index 0000000..389a647 --- /dev/null +++ b/NeuroData/MNIST_stdp.json @@ -0,0 +1,27 @@ +{ + "NETSIZE": 494, + "DEPTH": 2, + "PATTERN_EPOCH": 20, + "PFLOOR": 5000, + "PCEIL": 9000, + "WEIGHTSCALE": 0.5, + "NORMALISE": true, + "LEAKAGE": -0.5, + "FIRETH": 0.7, + "INPUT": 484, + "INPUTROW": 22, + "OUTPUT": 10, + "TEMPORALCODING_ENABLE": 0, + "SPIKETRAIN": 0, + "LAYER": [ 484, 10 ], + "dt": 1e-6, + "NEURONLOCK_ENABLE": 1, + "INITRES": 5000, + "DEVICEINITVARIATION": 1000, + "RTOLERANCE": 0, + "MAXUPDATESTEPS": 0, + "POSVOLTOFPULSELIST": [ 1.0 ], + "POSPULSEWIDTHOFPULSELIST": [ 1e-4 ], + "NEGVOLTOFPULSELIST": [ -1.0 ], + "NEGPULSEWIDTHOFPULSELIST": [ 1e-5 ] +} \ No newline at end of file diff --git a/NeuroData/MNIST_stdp_connmat.txt b/NeuroData/MNIST_stdp_connmat.txt new file mode 100644 index 0000000..18b8272 --- /dev/null +++ b/NeuroData/MNIST_stdp_connmat.txt @@ -0,0 +1,4840 @@ +1, 485, 1, 1, 1 +2, 485, 1, 2, 1 +3, 485, 1, 3, 1 +4, 485, 1, 4, 1 +5, 485, 1, 5, 1 +6, 485, 1, 6, 1 +7, 485, 1, 7, 1 +8, 485, 1, 8, 1 +9, 485, 1, 9, 1 +10, 485, 1, 10, 1 +11, 485, 1, 11, 1 +12, 485, 1, 12, 1 +13, 485, 1, 13, 1 +14, 485, 1, 14, 1 +15, 485, 1, 15, 1 +16, 485, 1, 16, 1 +17, 485, 1, 17, 1 +18, 485, 1, 18, 1 +19, 485, 1, 19, 1 +20, 485, 1, 20, 1 +21, 485, 1, 21, 1 +22, 485, 1, 22, 1 +23, 485, 1, 23, 1 +24, 485, 1, 24, 1 +25, 485, 1, 25, 1 +26, 485, 1, 26, 1 +27, 485, 1, 27, 1 +28, 485, 1, 28, 1 +29, 485, 1, 29, 1 +30, 485, 1, 30, 1 +31, 485, 1, 31, 1 +32, 485, 1, 32, 1 +33, 485, 1, 33, 1 +34, 485, 1, 34, 1 +35, 485, 1, 35, 1 +36, 485, 1, 36, 1 +37, 485, 1, 37, 1 +38, 485, 1, 38, 1 +39, 485, 1, 39, 1 +40, 485, 1, 40, 1 +41, 485, 1, 41, 1 +42, 485, 1, 42, 1 +43, 485, 1, 43, 1 +44, 485, 1, 44, 1 +45, 485, 1, 45, 1 +46, 485, 1, 46, 1 +47, 485, 1, 47, 1 +48, 485, 1, 48, 1 +49, 485, 1, 49, 1 +50, 485, 1, 50, 1 +51, 485, 1, 51, 1 +52, 485, 1, 52, 1 +53, 485, 1, 53, 1 +54, 485, 1, 54, 1 +55, 485, 1, 55, 1 +56, 485, 1, 56, 1 +57, 485, 1, 57, 1 +58, 485, 1, 58, 1 +59, 485, 1, 59, 1 +60, 485, 1, 60, 1 +61, 485, 1, 61, 1 +62, 485, 1, 62, 1 +63, 485, 1, 63, 1 +64, 485, 1, 64, 1 +65, 485, 1, 65, 1 +66, 485, 1, 66, 1 +67, 485, 1, 67, 1 +68, 485, 1, 68, 1 +69, 485, 1, 69, 1 +70, 485, 1, 70, 1 +71, 485, 1, 71, 1 +72, 485, 1, 72, 1 +73, 485, 1, 73, 1 +74, 485, 1, 74, 1 +75, 485, 1, 75, 1 +76, 485, 1, 76, 1 +77, 485, 1, 77, 1 +78, 485, 1, 78, 1 +79, 485, 1, 79, 1 +80, 485, 1, 80, 1 +81, 485, 1, 81, 1 +82, 485, 1, 82, 1 +83, 485, 1, 83, 1 +84, 485, 1, 84, 1 +85, 485, 1, 85, 1 +86, 485, 1, 86, 1 +87, 485, 1, 87, 1 +88, 485, 1, 88, 1 +89, 485, 1, 89, 1 +90, 485, 1, 90, 1 +91, 485, 1, 91, 1 +92, 485, 1, 92, 1 +93, 485, 1, 93, 1 +94, 485, 1, 94, 1 +95, 485, 1, 95, 1 +96, 485, 1, 96, 1 +97, 485, 1, 97, 1 +98, 485, 1, 98, 1 +99, 485, 1, 99, 1 +100, 485, 1, 100, 1 +101, 485, 2, 1, 1 +102, 485, 2, 2, 1 +103, 485, 2, 3, 1 +104, 485, 2, 4, 1 +105, 485, 2, 5, 1 +106, 485, 2, 6, 1 +107, 485, 2, 7, 1 +108, 485, 2, 8, 1 +109, 485, 2, 9, 1 +110, 485, 2, 10, 1 +111, 485, 2, 11, 1 +112, 485, 2, 12, 1 +113, 485, 2, 13, 1 +114, 485, 2, 14, 1 +115, 485, 2, 15, 1 +116, 485, 2, 16, 1 +117, 485, 2, 17, 1 +118, 485, 2, 18, 1 +119, 485, 2, 19, 1 +120, 485, 2, 20, 1 +121, 485, 2, 21, 1 +122, 485, 2, 22, 1 +123, 485, 2, 23, 1 +124, 485, 2, 24, 1 +125, 485, 2, 25, 1 +126, 485, 2, 26, 1 +127, 485, 2, 27, 1 +128, 485, 2, 28, 1 +129, 485, 2, 29, 1 +130, 485, 2, 30, 1 +131, 485, 2, 31, 1 +132, 485, 2, 32, 1 +133, 485, 2, 33, 1 +134, 485, 2, 34, 1 +135, 485, 2, 35, 1 +136, 485, 2, 36, 1 +137, 485, 2, 37, 1 +138, 485, 2, 38, 1 +139, 485, 2, 39, 1 +140, 485, 2, 40, 1 +141, 485, 2, 41, 1 +142, 485, 2, 42, 1 +143, 485, 2, 43, 1 +144, 485, 2, 44, 1 +145, 485, 2, 45, 1 +146, 485, 2, 46, 1 +147, 485, 2, 47, 1 +148, 485, 2, 48, 1 +149, 485, 2, 49, 1 +150, 485, 2, 50, 1 +151, 485, 2, 51, 1 +152, 485, 2, 52, 1 +153, 485, 2, 53, 1 +154, 485, 2, 54, 1 +155, 485, 2, 55, 1 +156, 485, 2, 56, 1 +157, 485, 2, 57, 1 +158, 485, 2, 58, 1 +159, 485, 2, 59, 1 +160, 485, 2, 60, 1 +161, 485, 2, 61, 1 +162, 485, 2, 62, 1 +163, 485, 2, 63, 1 +164, 485, 2, 64, 1 +165, 485, 2, 65, 1 +166, 485, 2, 66, 1 +167, 485, 2, 67, 1 +168, 485, 2, 68, 1 +169, 485, 2, 69, 1 +170, 485, 2, 70, 1 +171, 485, 2, 71, 1 +172, 485, 2, 72, 1 +173, 485, 2, 73, 1 +174, 485, 2, 74, 1 +175, 485, 2, 75, 1 +176, 485, 2, 76, 1 +177, 485, 2, 77, 1 +178, 485, 2, 78, 1 +179, 485, 2, 79, 1 +180, 485, 2, 80, 1 +181, 485, 2, 81, 1 +182, 485, 2, 82, 1 +183, 485, 2, 83, 1 +184, 485, 2, 84, 1 +185, 485, 2, 85, 1 +186, 485, 2, 86, 1 +187, 485, 2, 87, 1 +188, 485, 2, 88, 1 +189, 485, 2, 89, 1 +190, 485, 2, 90, 1 +191, 485, 2, 91, 1 +192, 485, 2, 92, 1 +193, 485, 2, 93, 1 +194, 485, 2, 94, 1 +195, 485, 2, 95, 1 +196, 485, 2, 96, 1 +197, 485, 2, 97, 1 +198, 485, 2, 98, 1 +199, 485, 2, 99, 1 +200, 485, 2, 100, 1 +201, 485, 3, 1, 1 +202, 485, 3, 2, 1 +203, 485, 3, 3, 1 +204, 485, 3, 4, 1 +205, 485, 3, 5, 1 +206, 485, 3, 6, 1 +207, 485, 3, 7, 1 +208, 485, 3, 8, 1 +209, 485, 3, 9, 1 +210, 485, 3, 10, 1 +211, 485, 3, 11, 1 +212, 485, 3, 12, 1 +213, 485, 3, 13, 1 +214, 485, 3, 14, 1 +215, 485, 3, 15, 1 +216, 485, 3, 16, 1 +217, 485, 3, 17, 1 +218, 485, 3, 18, 1 +219, 485, 3, 19, 1 +220, 485, 3, 20, 1 +221, 485, 3, 21, 1 +222, 485, 3, 22, 1 +223, 485, 3, 23, 1 +224, 485, 3, 24, 1 +225, 485, 3, 25, 1 +226, 485, 3, 26, 1 +227, 485, 3, 27, 1 +228, 485, 3, 28, 1 +229, 485, 3, 29, 1 +230, 485, 3, 30, 1 +231, 485, 3, 31, 1 +232, 485, 3, 32, 1 +233, 485, 3, 33, 1 +234, 485, 3, 34, 1 +235, 485, 3, 35, 1 +236, 485, 3, 36, 1 +237, 485, 3, 37, 1 +238, 485, 3, 38, 1 +239, 485, 3, 39, 1 +240, 485, 3, 40, 1 +241, 485, 3, 41, 1 +242, 485, 3, 42, 1 +243, 485, 3, 43, 1 +244, 485, 3, 44, 1 +245, 485, 3, 45, 1 +246, 485, 3, 46, 1 +247, 485, 3, 47, 1 +248, 485, 3, 48, 1 +249, 485, 3, 49, 1 +250, 485, 3, 50, 1 +251, 485, 3, 51, 1 +252, 485, 3, 52, 1 +253, 485, 3, 53, 1 +254, 485, 3, 54, 1 +255, 485, 3, 55, 1 +256, 485, 3, 56, 1 +257, 485, 3, 57, 1 +258, 485, 3, 58, 1 +259, 485, 3, 59, 1 +260, 485, 3, 60, 1 +261, 485, 3, 61, 1 +262, 485, 3, 62, 1 +263, 485, 3, 63, 1 +264, 485, 3, 64, 1 +265, 485, 3, 65, 1 +266, 485, 3, 66, 1 +267, 485, 3, 67, 1 +268, 485, 3, 68, 1 +269, 485, 3, 69, 1 +270, 485, 3, 70, 1 +271, 485, 3, 71, 1 +272, 485, 3, 72, 1 +273, 485, 3, 73, 1 +274, 485, 3, 74, 1 +275, 485, 3, 75, 1 +276, 485, 3, 76, 1 +277, 485, 3, 77, 1 +278, 485, 3, 78, 1 +279, 485, 3, 79, 1 +280, 485, 3, 80, 1 +281, 485, 3, 81, 1 +282, 485, 3, 82, 1 +283, 485, 3, 83, 1 +284, 485, 3, 84, 1 +285, 485, 3, 85, 1 +286, 485, 3, 86, 1 +287, 485, 3, 87, 1 +288, 485, 3, 88, 1 +289, 485, 3, 89, 1 +290, 485, 3, 90, 1 +291, 485, 3, 91, 1 +292, 485, 3, 92, 1 +293, 485, 3, 93, 1 +294, 485, 3, 94, 1 +295, 485, 3, 95, 1 +296, 485, 3, 96, 1 +297, 485, 3, 97, 1 +298, 485, 3, 98, 1 +299, 485, 3, 99, 1 +300, 485, 3, 100, 1 +301, 485, 4, 1, 1 +302, 485, 4, 2, 1 +303, 485, 4, 3, 1 +304, 485, 4, 4, 1 +305, 485, 4, 5, 1 +306, 485, 4, 6, 1 +307, 485, 4, 7, 1 +308, 485, 4, 8, 1 +309, 485, 4, 9, 1 +310, 485, 4, 10, 1 +311, 485, 4, 11, 1 +312, 485, 4, 12, 1 +313, 485, 4, 13, 1 +314, 485, 4, 14, 1 +315, 485, 4, 15, 1 +316, 485, 4, 16, 1 +317, 485, 4, 17, 1 +318, 485, 4, 18, 1 +319, 485, 4, 19, 1 +320, 485, 4, 20, 1 +321, 485, 4, 21, 1 +322, 485, 4, 22, 1 +323, 485, 4, 23, 1 +324, 485, 4, 24, 1 +325, 485, 4, 25, 1 +326, 485, 4, 26, 1 +327, 485, 4, 27, 1 +328, 485, 4, 28, 1 +329, 485, 4, 29, 1 +330, 485, 4, 30, 1 +331, 485, 4, 31, 1 +332, 485, 4, 32, 1 +333, 485, 4, 33, 1 +334, 485, 4, 34, 1 +335, 485, 4, 35, 1 +336, 485, 4, 36, 1 +337, 485, 4, 37, 1 +338, 485, 4, 38, 1 +339, 485, 4, 39, 1 +340, 485, 4, 40, 1 +341, 485, 4, 41, 1 +342, 485, 4, 42, 1 +343, 485, 4, 43, 1 +344, 485, 4, 44, 1 +345, 485, 4, 45, 1 +346, 485, 4, 46, 1 +347, 485, 4, 47, 1 +348, 485, 4, 48, 1 +349, 485, 4, 49, 1 +350, 485, 4, 50, 1 +351, 485, 4, 51, 1 +352, 485, 4, 52, 1 +353, 485, 4, 53, 1 +354, 485, 4, 54, 1 +355, 485, 4, 55, 1 +356, 485, 4, 56, 1 +357, 485, 4, 57, 1 +358, 485, 4, 58, 1 +359, 485, 4, 59, 1 +360, 485, 4, 60, 1 +361, 485, 4, 61, 1 +362, 485, 4, 62, 1 +363, 485, 4, 63, 1 +364, 485, 4, 64, 1 +365, 485, 4, 65, 1 +366, 485, 4, 66, 1 +367, 485, 4, 67, 1 +368, 485, 4, 68, 1 +369, 485, 4, 69, 1 +370, 485, 4, 70, 1 +371, 485, 4, 71, 1 +372, 485, 4, 72, 1 +373, 485, 4, 73, 1 +374, 485, 4, 74, 1 +375, 485, 4, 75, 1 +376, 485, 4, 76, 1 +377, 485, 4, 77, 1 +378, 485, 4, 78, 1 +379, 485, 4, 79, 1 +380, 485, 4, 80, 1 +381, 485, 4, 81, 1 +382, 485, 4, 82, 1 +383, 485, 4, 83, 1 +384, 485, 4, 84, 1 +385, 485, 4, 85, 1 +386, 485, 4, 86, 1 +387, 485, 4, 87, 1 +388, 485, 4, 88, 1 +389, 485, 4, 89, 1 +390, 485, 4, 90, 1 +391, 485, 4, 91, 1 +392, 485, 4, 92, 1 +393, 485, 4, 93, 1 +394, 485, 4, 94, 1 +395, 485, 4, 95, 1 +396, 485, 4, 96, 1 +397, 485, 4, 97, 1 +398, 485, 4, 98, 1 +399, 485, 4, 99, 1 +400, 485, 4, 100, 1 +401, 485, 5, 1, 1 +402, 485, 5, 2, 1 +403, 485, 5, 3, 1 +404, 485, 5, 4, 1 +405, 485, 5, 5, 1 +406, 485, 5, 6, 1 +407, 485, 5, 7, 1 +408, 485, 5, 8, 1 +409, 485, 5, 9, 1 +410, 485, 5, 10, 1 +411, 485, 5, 11, 1 +412, 485, 5, 12, 1 +413, 485, 5, 13, 1 +414, 485, 5, 14, 1 +415, 485, 5, 15, 1 +416, 485, 5, 16, 1 +417, 485, 5, 17, 1 +418, 485, 5, 18, 1 +419, 485, 5, 19, 1 +420, 485, 5, 20, 1 +421, 485, 5, 21, 1 +422, 485, 5, 22, 1 +423, 485, 5, 23, 1 +424, 485, 5, 24, 1 +425, 485, 5, 25, 1 +426, 485, 5, 26, 1 +427, 485, 5, 27, 1 +428, 485, 5, 28, 1 +429, 485, 5, 29, 1 +430, 485, 5, 30, 1 +431, 485, 5, 31, 1 +432, 485, 5, 32, 1 +433, 485, 5, 33, 1 +434, 485, 5, 34, 1 +435, 485, 5, 35, 1 +436, 485, 5, 36, 1 +437, 485, 5, 37, 1 +438, 485, 5, 38, 1 +439, 485, 5, 39, 1 +440, 485, 5, 40, 1 +441, 485, 5, 41, 1 +442, 485, 5, 42, 1 +443, 485, 5, 43, 1 +444, 485, 5, 44, 1 +445, 485, 5, 45, 1 +446, 485, 5, 46, 1 +447, 485, 5, 47, 1 +448, 485, 5, 48, 1 +449, 485, 5, 49, 1 +450, 485, 5, 50, 1 +451, 485, 5, 51, 1 +452, 485, 5, 52, 1 +453, 485, 5, 53, 1 +454, 485, 5, 54, 1 +455, 485, 5, 55, 1 +456, 485, 5, 56, 1 +457, 485, 5, 57, 1 +458, 485, 5, 58, 1 +459, 485, 5, 59, 1 +460, 485, 5, 60, 1 +461, 485, 5, 61, 1 +462, 485, 5, 62, 1 +463, 485, 5, 63, 1 +464, 485, 5, 64, 1 +465, 485, 5, 65, 1 +466, 485, 5, 66, 1 +467, 485, 5, 67, 1 +468, 485, 5, 68, 1 +469, 485, 5, 69, 1 +470, 485, 5, 70, 1 +471, 485, 5, 71, 1 +472, 485, 5, 72, 1 +473, 485, 5, 73, 1 +474, 485, 5, 74, 1 +475, 485, 5, 75, 1 +476, 485, 5, 76, 1 +477, 485, 5, 77, 1 +478, 485, 5, 78, 1 +479, 485, 5, 79, 1 +480, 485, 5, 80, 1 +481, 485, 5, 81, 1 +482, 485, 5, 82, 1 +483, 485, 5, 83, 1 +484, 485, 5, 84, 1 +1, 486, 5, 85, 1 +2, 486, 5, 86, 1 +3, 486, 5, 87, 1 +4, 486, 5, 88, 1 +5, 486, 5, 89, 1 +6, 486, 5, 90, 1 +7, 486, 5, 91, 1 +8, 486, 5, 92, 1 +9, 486, 5, 93, 1 +10, 486, 5, 94, 1 +11, 486, 5, 95, 1 +12, 486, 5, 96, 1 +13, 486, 5, 97, 1 +14, 486, 5, 98, 1 +15, 486, 5, 99, 1 +16, 486, 5, 100, 1 +17, 486, 6, 1, 1 +18, 486, 6, 2, 1 +19, 486, 6, 3, 1 +20, 486, 6, 4, 1 +21, 486, 6, 5, 1 +22, 486, 6, 6, 1 +23, 486, 6, 7, 1 +24, 486, 6, 8, 1 +25, 486, 6, 9, 1 +26, 486, 6, 10, 1 +27, 486, 6, 11, 1 +28, 486, 6, 12, 1 +29, 486, 6, 13, 1 +30, 486, 6, 14, 1 +31, 486, 6, 15, 1 +32, 486, 6, 16, 1 +33, 486, 6, 17, 1 +34, 486, 6, 18, 1 +35, 486, 6, 19, 1 +36, 486, 6, 20, 1 +37, 486, 6, 21, 1 +38, 486, 6, 22, 1 +39, 486, 6, 23, 1 +40, 486, 6, 24, 1 +41, 486, 6, 25, 1 +42, 486, 6, 26, 1 +43, 486, 6, 27, 1 +44, 486, 6, 28, 1 +45, 486, 6, 29, 1 +46, 486, 6, 30, 1 +47, 486, 6, 31, 1 +48, 486, 6, 32, 1 +49, 486, 6, 33, 1 +50, 486, 6, 34, 1 +51, 486, 6, 35, 1 +52, 486, 6, 36, 1 +53, 486, 6, 37, 1 +54, 486, 6, 38, 1 +55, 486, 6, 39, 1 +56, 486, 6, 40, 1 +57, 486, 6, 41, 1 +58, 486, 6, 42, 1 +59, 486, 6, 43, 1 +60, 486, 6, 44, 1 +61, 486, 6, 45, 1 +62, 486, 6, 46, 1 +63, 486, 6, 47, 1 +64, 486, 6, 48, 1 +65, 486, 6, 49, 1 +66, 486, 6, 50, 1 +67, 486, 6, 51, 1 +68, 486, 6, 52, 1 +69, 486, 6, 53, 1 +70, 486, 6, 54, 1 +71, 486, 6, 55, 1 +72, 486, 6, 56, 1 +73, 486, 6, 57, 1 +74, 486, 6, 58, 1 +75, 486, 6, 59, 1 +76, 486, 6, 60, 1 +77, 486, 6, 61, 1 +78, 486, 6, 62, 1 +79, 486, 6, 63, 1 +80, 486, 6, 64, 1 +81, 486, 6, 65, 1 +82, 486, 6, 66, 1 +83, 486, 6, 67, 1 +84, 486, 6, 68, 1 +85, 486, 6, 69, 1 +86, 486, 6, 70, 1 +87, 486, 6, 71, 1 +88, 486, 6, 72, 1 +89, 486, 6, 73, 1 +90, 486, 6, 74, 1 +91, 486, 6, 75, 1 +92, 486, 6, 76, 1 +93, 486, 6, 77, 1 +94, 486, 6, 78, 1 +95, 486, 6, 79, 1 +96, 486, 6, 80, 1 +97, 486, 6, 81, 1 +98, 486, 6, 82, 1 +99, 486, 6, 83, 1 +100, 486, 6, 84, 1 +101, 486, 6, 85, 1 +102, 486, 6, 86, 1 +103, 486, 6, 87, 1 +104, 486, 6, 88, 1 +105, 486, 6, 89, 1 +106, 486, 6, 90, 1 +107, 486, 6, 91, 1 +108, 486, 6, 92, 1 +109, 486, 6, 93, 1 +110, 486, 6, 94, 1 +111, 486, 6, 95, 1 +112, 486, 6, 96, 1 +113, 486, 6, 97, 1 +114, 486, 6, 98, 1 +115, 486, 6, 99, 1 +116, 486, 6, 100, 1 +117, 486, 7, 1, 1 +118, 486, 7, 2, 1 +119, 486, 7, 3, 1 +120, 486, 7, 4, 1 +121, 486, 7, 5, 1 +122, 486, 7, 6, 1 +123, 486, 7, 7, 1 +124, 486, 7, 8, 1 +125, 486, 7, 9, 1 +126, 486, 7, 10, 1 +127, 486, 7, 11, 1 +128, 486, 7, 12, 1 +129, 486, 7, 13, 1 +130, 486, 7, 14, 1 +131, 486, 7, 15, 1 +132, 486, 7, 16, 1 +133, 486, 7, 17, 1 +134, 486, 7, 18, 1 +135, 486, 7, 19, 1 +136, 486, 7, 20, 1 +137, 486, 7, 21, 1 +138, 486, 7, 22, 1 +139, 486, 7, 23, 1 +140, 486, 7, 24, 1 +141, 486, 7, 25, 1 +142, 486, 7, 26, 1 +143, 486, 7, 27, 1 +144, 486, 7, 28, 1 +145, 486, 7, 29, 1 +146, 486, 7, 30, 1 +147, 486, 7, 31, 1 +148, 486, 7, 32, 1 +149, 486, 7, 33, 1 +150, 486, 7, 34, 1 +151, 486, 7, 35, 1 +152, 486, 7, 36, 1 +153, 486, 7, 37, 1 +154, 486, 7, 38, 1 +155, 486, 7, 39, 1 +156, 486, 7, 40, 1 +157, 486, 7, 41, 1 +158, 486, 7, 42, 1 +159, 486, 7, 43, 1 +160, 486, 7, 44, 1 +161, 486, 7, 45, 1 +162, 486, 7, 46, 1 +163, 486, 7, 47, 1 +164, 486, 7, 48, 1 +165, 486, 7, 49, 1 +166, 486, 7, 50, 1 +167, 486, 7, 51, 1 +168, 486, 7, 52, 1 +169, 486, 7, 53, 1 +170, 486, 7, 54, 1 +171, 486, 7, 55, 1 +172, 486, 7, 56, 1 +173, 486, 7, 57, 1 +174, 486, 7, 58, 1 +175, 486, 7, 59, 1 +176, 486, 7, 60, 1 +177, 486, 7, 61, 1 +178, 486, 7, 62, 1 +179, 486, 7, 63, 1 +180, 486, 7, 64, 1 +181, 486, 7, 65, 1 +182, 486, 7, 66, 1 +183, 486, 7, 67, 1 +184, 486, 7, 68, 1 +185, 486, 7, 69, 1 +186, 486, 7, 70, 1 +187, 486, 7, 71, 1 +188, 486, 7, 72, 1 +189, 486, 7, 73, 1 +190, 486, 7, 74, 1 +191, 486, 7, 75, 1 +192, 486, 7, 76, 1 +193, 486, 7, 77, 1 +194, 486, 7, 78, 1 +195, 486, 7, 79, 1 +196, 486, 7, 80, 1 +197, 486, 7, 81, 1 +198, 486, 7, 82, 1 +199, 486, 7, 83, 1 +200, 486, 7, 84, 1 +201, 486, 7, 85, 1 +202, 486, 7, 86, 1 +203, 486, 7, 87, 1 +204, 486, 7, 88, 1 +205, 486, 7, 89, 1 +206, 486, 7, 90, 1 +207, 486, 7, 91, 1 +208, 486, 7, 92, 1 +209, 486, 7, 93, 1 +210, 486, 7, 94, 1 +211, 486, 7, 95, 1 +212, 486, 7, 96, 1 +213, 486, 7, 97, 1 +214, 486, 7, 98, 1 +215, 486, 7, 99, 1 +216, 486, 7, 100, 1 +217, 486, 8, 1, 1 +218, 486, 8, 2, 1 +219, 486, 8, 3, 1 +220, 486, 8, 4, 1 +221, 486, 8, 5, 1 +222, 486, 8, 6, 1 +223, 486, 8, 7, 1 +224, 486, 8, 8, 1 +225, 486, 8, 9, 1 +226, 486, 8, 10, 1 +227, 486, 8, 11, 1 +228, 486, 8, 12, 1 +229, 486, 8, 13, 1 +230, 486, 8, 14, 1 +231, 486, 8, 15, 1 +232, 486, 8, 16, 1 +233, 486, 8, 17, 1 +234, 486, 8, 18, 1 +235, 486, 8, 19, 1 +236, 486, 8, 20, 1 +237, 486, 8, 21, 1 +238, 486, 8, 22, 1 +239, 486, 8, 23, 1 +240, 486, 8, 24, 1 +241, 486, 8, 25, 1 +242, 486, 8, 26, 1 +243, 486, 8, 27, 1 +244, 486, 8, 28, 1 +245, 486, 8, 29, 1 +246, 486, 8, 30, 1 +247, 486, 8, 31, 1 +248, 486, 8, 32, 1 +249, 486, 8, 33, 1 +250, 486, 8, 34, 1 +251, 486, 8, 35, 1 +252, 486, 8, 36, 1 +253, 486, 8, 37, 1 +254, 486, 8, 38, 1 +255, 486, 8, 39, 1 +256, 486, 8, 40, 1 +257, 486, 8, 41, 1 +258, 486, 8, 42, 1 +259, 486, 8, 43, 1 +260, 486, 8, 44, 1 +261, 486, 8, 45, 1 +262, 486, 8, 46, 1 +263, 486, 8, 47, 1 +264, 486, 8, 48, 1 +265, 486, 8, 49, 1 +266, 486, 8, 50, 1 +267, 486, 8, 51, 1 +268, 486, 8, 52, 1 +269, 486, 8, 53, 1 +270, 486, 8, 54, 1 +271, 486, 8, 55, 1 +272, 486, 8, 56, 1 +273, 486, 8, 57, 1 +274, 486, 8, 58, 1 +275, 486, 8, 59, 1 +276, 486, 8, 60, 1 +277, 486, 8, 61, 1 +278, 486, 8, 62, 1 +279, 486, 8, 63, 1 +280, 486, 8, 64, 1 +281, 486, 8, 65, 1 +282, 486, 8, 66, 1 +283, 486, 8, 67, 1 +284, 486, 8, 68, 1 +285, 486, 8, 69, 1 +286, 486, 8, 70, 1 +287, 486, 8, 71, 1 +288, 486, 8, 72, 1 +289, 486, 8, 73, 1 +290, 486, 8, 74, 1 +291, 486, 8, 75, 1 +292, 486, 8, 76, 1 +293, 486, 8, 77, 1 +294, 486, 8, 78, 1 +295, 486, 8, 79, 1 +296, 486, 8, 80, 1 +297, 486, 8, 81, 1 +298, 486, 8, 82, 1 +299, 486, 8, 83, 1 +300, 486, 8, 84, 1 +301, 486, 8, 85, 1 +302, 486, 8, 86, 1 +303, 486, 8, 87, 1 +304, 486, 8, 88, 1 +305, 486, 8, 89, 1 +306, 486, 8, 90, 1 +307, 486, 8, 91, 1 +308, 486, 8, 92, 1 +309, 486, 8, 93, 1 +310, 486, 8, 94, 1 +311, 486, 8, 95, 1 +312, 486, 8, 96, 1 +313, 486, 8, 97, 1 +314, 486, 8, 98, 1 +315, 486, 8, 99, 1 +316, 486, 8, 100, 1 +317, 486, 9, 1, 1 +318, 486, 9, 2, 1 +319, 486, 9, 3, 1 +320, 486, 9, 4, 1 +321, 486, 9, 5, 1 +322, 486, 9, 6, 1 +323, 486, 9, 7, 1 +324, 486, 9, 8, 1 +325, 486, 9, 9, 1 +326, 486, 9, 10, 1 +327, 486, 9, 11, 1 +328, 486, 9, 12, 1 +329, 486, 9, 13, 1 +330, 486, 9, 14, 1 +331, 486, 9, 15, 1 +332, 486, 9, 16, 1 +333, 486, 9, 17, 1 +334, 486, 9, 18, 1 +335, 486, 9, 19, 1 +336, 486, 9, 20, 1 +337, 486, 9, 21, 1 +338, 486, 9, 22, 1 +339, 486, 9, 23, 1 +340, 486, 9, 24, 1 +341, 486, 9, 25, 1 +342, 486, 9, 26, 1 +343, 486, 9, 27, 1 +344, 486, 9, 28, 1 +345, 486, 9, 29, 1 +346, 486, 9, 30, 1 +347, 486, 9, 31, 1 +348, 486, 9, 32, 1 +349, 486, 9, 33, 1 +350, 486, 9, 34, 1 +351, 486, 9, 35, 1 +352, 486, 9, 36, 1 +353, 486, 9, 37, 1 +354, 486, 9, 38, 1 +355, 486, 9, 39, 1 +356, 486, 9, 40, 1 +357, 486, 9, 41, 1 +358, 486, 9, 42, 1 +359, 486, 9, 43, 1 +360, 486, 9, 44, 1 +361, 486, 9, 45, 1 +362, 486, 9, 46, 1 +363, 486, 9, 47, 1 +364, 486, 9, 48, 1 +365, 486, 9, 49, 1 +366, 486, 9, 50, 1 +367, 486, 9, 51, 1 +368, 486, 9, 52, 1 +369, 486, 9, 53, 1 +370, 486, 9, 54, 1 +371, 486, 9, 55, 1 +372, 486, 9, 56, 1 +373, 486, 9, 57, 1 +374, 486, 9, 58, 1 +375, 486, 9, 59, 1 +376, 486, 9, 60, 1 +377, 486, 9, 61, 1 +378, 486, 9, 62, 1 +379, 486, 9, 63, 1 +380, 486, 9, 64, 1 +381, 486, 9, 65, 1 +382, 486, 9, 66, 1 +383, 486, 9, 67, 1 +384, 486, 9, 68, 1 +385, 486, 9, 69, 1 +386, 486, 9, 70, 1 +387, 486, 9, 71, 1 +388, 486, 9, 72, 1 +389, 486, 9, 73, 1 +390, 486, 9, 74, 1 +391, 486, 9, 75, 1 +392, 486, 9, 76, 1 +393, 486, 9, 77, 1 +394, 486, 9, 78, 1 +395, 486, 9, 79, 1 +396, 486, 9, 80, 1 +397, 486, 9, 81, 1 +398, 486, 9, 82, 1 +399, 486, 9, 83, 1 +400, 486, 9, 84, 1 +401, 486, 9, 85, 1 +402, 486, 9, 86, 1 +403, 486, 9, 87, 1 +404, 486, 9, 88, 1 +405, 486, 9, 89, 1 +406, 486, 9, 90, 1 +407, 486, 9, 91, 1 +408, 486, 9, 92, 1 +409, 486, 9, 93, 1 +410, 486, 9, 94, 1 +411, 486, 9, 95, 1 +412, 486, 9, 96, 1 +413, 486, 9, 97, 1 +414, 486, 9, 98, 1 +415, 486, 9, 99, 1 +416, 486, 9, 100, 1 +417, 486, 10, 1, 1 +418, 486, 10, 2, 1 +419, 486, 10, 3, 1 +420, 486, 10, 4, 1 +421, 486, 10, 5, 1 +422, 486, 10, 6, 1 +423, 486, 10, 7, 1 +424, 486, 10, 8, 1 +425, 486, 10, 9, 1 +426, 486, 10, 10, 1 +427, 486, 10, 11, 1 +428, 486, 10, 12, 1 +429, 486, 10, 13, 1 +430, 486, 10, 14, 1 +431, 486, 10, 15, 1 +432, 486, 10, 16, 1 +433, 486, 10, 17, 1 +434, 486, 10, 18, 1 +435, 486, 10, 19, 1 +436, 486, 10, 20, 1 +437, 486, 10, 21, 1 +438, 486, 10, 22, 1 +439, 486, 10, 23, 1 +440, 486, 10, 24, 1 +441, 486, 10, 25, 1 +442, 486, 10, 26, 1 +443, 486, 10, 27, 1 +444, 486, 10, 28, 1 +445, 486, 10, 29, 1 +446, 486, 10, 30, 1 +447, 486, 10, 31, 1 +448, 486, 10, 32, 1 +449, 486, 10, 33, 1 +450, 486, 10, 34, 1 +451, 486, 10, 35, 1 +452, 486, 10, 36, 1 +453, 486, 10, 37, 1 +454, 486, 10, 38, 1 +455, 486, 10, 39, 1 +456, 486, 10, 40, 1 +457, 486, 10, 41, 1 +458, 486, 10, 42, 1 +459, 486, 10, 43, 1 +460, 486, 10, 44, 1 +461, 486, 10, 45, 1 +462, 486, 10, 46, 1 +463, 486, 10, 47, 1 +464, 486, 10, 48, 1 +465, 486, 10, 49, 1 +466, 486, 10, 50, 1 +467, 486, 10, 51, 1 +468, 486, 10, 52, 1 +469, 486, 10, 53, 1 +470, 486, 10, 54, 1 +471, 486, 10, 55, 1 +472, 486, 10, 56, 1 +473, 486, 10, 57, 1 +474, 486, 10, 58, 1 +475, 486, 10, 59, 1 +476, 486, 10, 60, 1 +477, 486, 10, 61, 1 +478, 486, 10, 62, 1 +479, 486, 10, 63, 1 +480, 486, 10, 64, 1 +481, 486, 10, 65, 1 +482, 486, 10, 66, 1 +483, 486, 10, 67, 1 +484, 486, 10, 68, 1 +1, 487, 10, 69, 1 +2, 487, 10, 70, 1 +3, 487, 10, 71, 1 +4, 487, 10, 72, 1 +5, 487, 10, 73, 1 +6, 487, 10, 74, 1 +7, 487, 10, 75, 1 +8, 487, 10, 76, 1 +9, 487, 10, 77, 1 +10, 487, 10, 78, 1 +11, 487, 10, 79, 1 +12, 487, 10, 80, 1 +13, 487, 10, 81, 1 +14, 487, 10, 82, 1 +15, 487, 10, 83, 1 +16, 487, 10, 84, 1 +17, 487, 10, 85, 1 +18, 487, 10, 86, 1 +19, 487, 10, 87, 1 +20, 487, 10, 88, 1 +21, 487, 10, 89, 1 +22, 487, 10, 90, 1 +23, 487, 10, 91, 1 +24, 487, 10, 92, 1 +25, 487, 10, 93, 1 +26, 487, 10, 94, 1 +27, 487, 10, 95, 1 +28, 487, 10, 96, 1 +29, 487, 10, 97, 1 +30, 487, 10, 98, 1 +31, 487, 10, 99, 1 +32, 487, 10, 100, 1 +33, 487, 11, 1, 1 +34, 487, 11, 2, 1 +35, 487, 11, 3, 1 +36, 487, 11, 4, 1 +37, 487, 11, 5, 1 +38, 487, 11, 6, 1 +39, 487, 11, 7, 1 +40, 487, 11, 8, 1 +41, 487, 11, 9, 1 +42, 487, 11, 10, 1 +43, 487, 11, 11, 1 +44, 487, 11, 12, 1 +45, 487, 11, 13, 1 +46, 487, 11, 14, 1 +47, 487, 11, 15, 1 +48, 487, 11, 16, 1 +49, 487, 11, 17, 1 +50, 487, 11, 18, 1 +51, 487, 11, 19, 1 +52, 487, 11, 20, 1 +53, 487, 11, 21, 1 +54, 487, 11, 22, 1 +55, 487, 11, 23, 1 +56, 487, 11, 24, 1 +57, 487, 11, 25, 1 +58, 487, 11, 26, 1 +59, 487, 11, 27, 1 +60, 487, 11, 28, 1 +61, 487, 11, 29, 1 +62, 487, 11, 30, 1 +63, 487, 11, 31, 1 +64, 487, 11, 32, 1 +65, 487, 11, 33, 1 +66, 487, 11, 34, 1 +67, 487, 11, 35, 1 +68, 487, 11, 36, 1 +69, 487, 11, 37, 1 +70, 487, 11, 38, 1 +71, 487, 11, 39, 1 +72, 487, 11, 40, 1 +73, 487, 11, 41, 1 +74, 487, 11, 42, 1 +75, 487, 11, 43, 1 +76, 487, 11, 44, 1 +77, 487, 11, 45, 1 +78, 487, 11, 46, 1 +79, 487, 11, 47, 1 +80, 487, 11, 48, 1 +81, 487, 11, 49, 1 +82, 487, 11, 50, 1 +83, 487, 11, 51, 1 +84, 487, 11, 52, 1 +85, 487, 11, 53, 1 +86, 487, 11, 54, 1 +87, 487, 11, 55, 1 +88, 487, 11, 56, 1 +89, 487, 11, 57, 1 +90, 487, 11, 58, 1 +91, 487, 11, 59, 1 +92, 487, 11, 60, 1 +93, 487, 11, 61, 1 +94, 487, 11, 62, 1 +95, 487, 11, 63, 1 +96, 487, 11, 64, 1 +97, 487, 11, 65, 1 +98, 487, 11, 66, 1 +99, 487, 11, 67, 1 +100, 487, 11, 68, 1 +101, 487, 11, 69, 1 +102, 487, 11, 70, 1 +103, 487, 11, 71, 1 +104, 487, 11, 72, 1 +105, 487, 11, 73, 1 +106, 487, 11, 74, 1 +107, 487, 11, 75, 1 +108, 487, 11, 76, 1 +109, 487, 11, 77, 1 +110, 487, 11, 78, 1 +111, 487, 11, 79, 1 +112, 487, 11, 80, 1 +113, 487, 11, 81, 1 +114, 487, 11, 82, 1 +115, 487, 11, 83, 1 +116, 487, 11, 84, 1 +117, 487, 11, 85, 1 +118, 487, 11, 86, 1 +119, 487, 11, 87, 1 +120, 487, 11, 88, 1 +121, 487, 11, 89, 1 +122, 487, 11, 90, 1 +123, 487, 11, 91, 1 +124, 487, 11, 92, 1 +125, 487, 11, 93, 1 +126, 487, 11, 94, 1 +127, 487, 11, 95, 1 +128, 487, 11, 96, 1 +129, 487, 11, 97, 1 +130, 487, 11, 98, 1 +131, 487, 11, 99, 1 +132, 487, 11, 100, 1 +133, 487, 12, 1, 1 +134, 487, 12, 2, 1 +135, 487, 12, 3, 1 +136, 487, 12, 4, 1 +137, 487, 12, 5, 1 +138, 487, 12, 6, 1 +139, 487, 12, 7, 1 +140, 487, 12, 8, 1 +141, 487, 12, 9, 1 +142, 487, 12, 10, 1 +143, 487, 12, 11, 1 +144, 487, 12, 12, 1 +145, 487, 12, 13, 1 +146, 487, 12, 14, 1 +147, 487, 12, 15, 1 +148, 487, 12, 16, 1 +149, 487, 12, 17, 1 +150, 487, 12, 18, 1 +151, 487, 12, 19, 1 +152, 487, 12, 20, 1 +153, 487, 12, 21, 1 +154, 487, 12, 22, 1 +155, 487, 12, 23, 1 +156, 487, 12, 24, 1 +157, 487, 12, 25, 1 +158, 487, 12, 26, 1 +159, 487, 12, 27, 1 +160, 487, 12, 28, 1 +161, 487, 12, 29, 1 +162, 487, 12, 30, 1 +163, 487, 12, 31, 1 +164, 487, 12, 32, 1 +165, 487, 12, 33, 1 +166, 487, 12, 34, 1 +167, 487, 12, 35, 1 +168, 487, 12, 36, 1 +169, 487, 12, 37, 1 +170, 487, 12, 38, 1 +171, 487, 12, 39, 1 +172, 487, 12, 40, 1 +173, 487, 12, 41, 1 +174, 487, 12, 42, 1 +175, 487, 12, 43, 1 +176, 487, 12, 44, 1 +177, 487, 12, 45, 1 +178, 487, 12, 46, 1 +179, 487, 12, 47, 1 +180, 487, 12, 48, 1 +181, 487, 12, 49, 1 +182, 487, 12, 50, 1 +183, 487, 12, 51, 1 +184, 487, 12, 52, 1 +185, 487, 12, 53, 1 +186, 487, 12, 54, 1 +187, 487, 12, 55, 1 +188, 487, 12, 56, 1 +189, 487, 12, 57, 1 +190, 487, 12, 58, 1 +191, 487, 12, 59, 1 +192, 487, 12, 60, 1 +193, 487, 12, 61, 1 +194, 487, 12, 62, 1 +195, 487, 12, 63, 1 +196, 487, 12, 64, 1 +197, 487, 12, 65, 1 +198, 487, 12, 66, 1 +199, 487, 12, 67, 1 +200, 487, 12, 68, 1 +201, 487, 12, 69, 1 +202, 487, 12, 70, 1 +203, 487, 12, 71, 1 +204, 487, 12, 72, 1 +205, 487, 12, 73, 1 +206, 487, 12, 74, 1 +207, 487, 12, 75, 1 +208, 487, 12, 76, 1 +209, 487, 12, 77, 1 +210, 487, 12, 78, 1 +211, 487, 12, 79, 1 +212, 487, 12, 80, 1 +213, 487, 12, 81, 1 +214, 487, 12, 82, 1 +215, 487, 12, 83, 1 +216, 487, 12, 84, 1 +217, 487, 12, 85, 1 +218, 487, 12, 86, 1 +219, 487, 12, 87, 1 +220, 487, 12, 88, 1 +221, 487, 12, 89, 1 +222, 487, 12, 90, 1 +223, 487, 12, 91, 1 +224, 487, 12, 92, 1 +225, 487, 12, 93, 1 +226, 487, 12, 94, 1 +227, 487, 12, 95, 1 +228, 487, 12, 96, 1 +229, 487, 12, 97, 1 +230, 487, 12, 98, 1 +231, 487, 12, 99, 1 +232, 487, 12, 100, 1 +233, 487, 13, 1, 1 +234, 487, 13, 2, 1 +235, 487, 13, 3, 1 +236, 487, 13, 4, 1 +237, 487, 13, 5, 1 +238, 487, 13, 6, 1 +239, 487, 13, 7, 1 +240, 487, 13, 8, 1 +241, 487, 13, 9, 1 +242, 487, 13, 10, 1 +243, 487, 13, 11, 1 +244, 487, 13, 12, 1 +245, 487, 13, 13, 1 +246, 487, 13, 14, 1 +247, 487, 13, 15, 1 +248, 487, 13, 16, 1 +249, 487, 13, 17, 1 +250, 487, 13, 18, 1 +251, 487, 13, 19, 1 +252, 487, 13, 20, 1 +253, 487, 13, 21, 1 +254, 487, 13, 22, 1 +255, 487, 13, 23, 1 +256, 487, 13, 24, 1 +257, 487, 13, 25, 1 +258, 487, 13, 26, 1 +259, 487, 13, 27, 1 +260, 487, 13, 28, 1 +261, 487, 13, 29, 1 +262, 487, 13, 30, 1 +263, 487, 13, 31, 1 +264, 487, 13, 32, 1 +265, 487, 13, 33, 1 +266, 487, 13, 34, 1 +267, 487, 13, 35, 1 +268, 487, 13, 36, 1 +269, 487, 13, 37, 1 +270, 487, 13, 38, 1 +271, 487, 13, 39, 1 +272, 487, 13, 40, 1 +273, 487, 13, 41, 1 +274, 487, 13, 42, 1 +275, 487, 13, 43, 1 +276, 487, 13, 44, 1 +277, 487, 13, 45, 1 +278, 487, 13, 46, 1 +279, 487, 13, 47, 1 +280, 487, 13, 48, 1 +281, 487, 13, 49, 1 +282, 487, 13, 50, 1 +283, 487, 13, 51, 1 +284, 487, 13, 52, 1 +285, 487, 13, 53, 1 +286, 487, 13, 54, 1 +287, 487, 13, 55, 1 +288, 487, 13, 56, 1 +289, 487, 13, 57, 1 +290, 487, 13, 58, 1 +291, 487, 13, 59, 1 +292, 487, 13, 60, 1 +293, 487, 13, 61, 1 +294, 487, 13, 62, 1 +295, 487, 13, 63, 1 +296, 487, 13, 64, 1 +297, 487, 13, 65, 1 +298, 487, 13, 66, 1 +299, 487, 13, 67, 1 +300, 487, 13, 68, 1 +301, 487, 13, 69, 1 +302, 487, 13, 70, 1 +303, 487, 13, 71, 1 +304, 487, 13, 72, 1 +305, 487, 13, 73, 1 +306, 487, 13, 74, 1 +307, 487, 13, 75, 1 +308, 487, 13, 76, 1 +309, 487, 13, 77, 1 +310, 487, 13, 78, 1 +311, 487, 13, 79, 1 +312, 487, 13, 80, 1 +313, 487, 13, 81, 1 +314, 487, 13, 82, 1 +315, 487, 13, 83, 1 +316, 487, 13, 84, 1 +317, 487, 13, 85, 1 +318, 487, 13, 86, 1 +319, 487, 13, 87, 1 +320, 487, 13, 88, 1 +321, 487, 13, 89, 1 +322, 487, 13, 90, 1 +323, 487, 13, 91, 1 +324, 487, 13, 92, 1 +325, 487, 13, 93, 1 +326, 487, 13, 94, 1 +327, 487, 13, 95, 1 +328, 487, 13, 96, 1 +329, 487, 13, 97, 1 +330, 487, 13, 98, 1 +331, 487, 13, 99, 1 +332, 487, 13, 100, 1 +333, 487, 14, 1, 1 +334, 487, 14, 2, 1 +335, 487, 14, 3, 1 +336, 487, 14, 4, 1 +337, 487, 14, 5, 1 +338, 487, 14, 6, 1 +339, 487, 14, 7, 1 +340, 487, 14, 8, 1 +341, 487, 14, 9, 1 +342, 487, 14, 10, 1 +343, 487, 14, 11, 1 +344, 487, 14, 12, 1 +345, 487, 14, 13, 1 +346, 487, 14, 14, 1 +347, 487, 14, 15, 1 +348, 487, 14, 16, 1 +349, 487, 14, 17, 1 +350, 487, 14, 18, 1 +351, 487, 14, 19, 1 +352, 487, 14, 20, 1 +353, 487, 14, 21, 1 +354, 487, 14, 22, 1 +355, 487, 14, 23, 1 +356, 487, 14, 24, 1 +357, 487, 14, 25, 1 +358, 487, 14, 26, 1 +359, 487, 14, 27, 1 +360, 487, 14, 28, 1 +361, 487, 14, 29, 1 +362, 487, 14, 30, 1 +363, 487, 14, 31, 1 +364, 487, 14, 32, 1 +365, 487, 14, 33, 1 +366, 487, 14, 34, 1 +367, 487, 14, 35, 1 +368, 487, 14, 36, 1 +369, 487, 14, 37, 1 +370, 487, 14, 38, 1 +371, 487, 14, 39, 1 +372, 487, 14, 40, 1 +373, 487, 14, 41, 1 +374, 487, 14, 42, 1 +375, 487, 14, 43, 1 +376, 487, 14, 44, 1 +377, 487, 14, 45, 1 +378, 487, 14, 46, 1 +379, 487, 14, 47, 1 +380, 487, 14, 48, 1 +381, 487, 14, 49, 1 +382, 487, 14, 50, 1 +383, 487, 14, 51, 1 +384, 487, 14, 52, 1 +385, 487, 14, 53, 1 +386, 487, 14, 54, 1 +387, 487, 14, 55, 1 +388, 487, 14, 56, 1 +389, 487, 14, 57, 1 +390, 487, 14, 58, 1 +391, 487, 14, 59, 1 +392, 487, 14, 60, 1 +393, 487, 14, 61, 1 +394, 487, 14, 62, 1 +395, 487, 14, 63, 1 +396, 487, 14, 64, 1 +397, 487, 14, 65, 1 +398, 487, 14, 66, 1 +399, 487, 14, 67, 1 +400, 487, 14, 68, 1 +401, 487, 14, 69, 1 +402, 487, 14, 70, 1 +403, 487, 14, 71, 1 +404, 487, 14, 72, 1 +405, 487, 14, 73, 1 +406, 487, 14, 74, 1 +407, 487, 14, 75, 1 +408, 487, 14, 76, 1 +409, 487, 14, 77, 1 +410, 487, 14, 78, 1 +411, 487, 14, 79, 1 +412, 487, 14, 80, 1 +413, 487, 14, 81, 1 +414, 487, 14, 82, 1 +415, 487, 14, 83, 1 +416, 487, 14, 84, 1 +417, 487, 14, 85, 1 +418, 487, 14, 86, 1 +419, 487, 14, 87, 1 +420, 487, 14, 88, 1 +421, 487, 14, 89, 1 +422, 487, 14, 90, 1 +423, 487, 14, 91, 1 +424, 487, 14, 92, 1 +425, 487, 14, 93, 1 +426, 487, 14, 94, 1 +427, 487, 14, 95, 1 +428, 487, 14, 96, 1 +429, 487, 14, 97, 1 +430, 487, 14, 98, 1 +431, 487, 14, 99, 1 +432, 487, 14, 100, 1 +433, 487, 15, 1, 1 +434, 487, 15, 2, 1 +435, 487, 15, 3, 1 +436, 487, 15, 4, 1 +437, 487, 15, 5, 1 +438, 487, 15, 6, 1 +439, 487, 15, 7, 1 +440, 487, 15, 8, 1 +441, 487, 15, 9, 1 +442, 487, 15, 10, 1 +443, 487, 15, 11, 1 +444, 487, 15, 12, 1 +445, 487, 15, 13, 1 +446, 487, 15, 14, 1 +447, 487, 15, 15, 1 +448, 487, 15, 16, 1 +449, 487, 15, 17, 1 +450, 487, 15, 18, 1 +451, 487, 15, 19, 1 +452, 487, 15, 20, 1 +453, 487, 15, 21, 1 +454, 487, 15, 22, 1 +455, 487, 15, 23, 1 +456, 487, 15, 24, 1 +457, 487, 15, 25, 1 +458, 487, 15, 26, 1 +459, 487, 15, 27, 1 +460, 487, 15, 28, 1 +461, 487, 15, 29, 1 +462, 487, 15, 30, 1 +463, 487, 15, 31, 1 +464, 487, 15, 32, 1 +465, 487, 15, 33, 1 +466, 487, 15, 34, 1 +467, 487, 15, 35, 1 +468, 487, 15, 36, 1 +469, 487, 15, 37, 1 +470, 487, 15, 38, 1 +471, 487, 15, 39, 1 +472, 487, 15, 40, 1 +473, 487, 15, 41, 1 +474, 487, 15, 42, 1 +475, 487, 15, 43, 1 +476, 487, 15, 44, 1 +477, 487, 15, 45, 1 +478, 487, 15, 46, 1 +479, 487, 15, 47, 1 +480, 487, 15, 48, 1 +481, 487, 15, 49, 1 +482, 487, 15, 50, 1 +483, 487, 15, 51, 1 +484, 487, 15, 52, 1 +1, 488, 15, 53, 1 +2, 488, 15, 54, 1 +3, 488, 15, 55, 1 +4, 488, 15, 56, 1 +5, 488, 15, 57, 1 +6, 488, 15, 58, 1 +7, 488, 15, 59, 1 +8, 488, 15, 60, 1 +9, 488, 15, 61, 1 +10, 488, 15, 62, 1 +11, 488, 15, 63, 1 +12, 488, 15, 64, 1 +13, 488, 15, 65, 1 +14, 488, 15, 66, 1 +15, 488, 15, 67, 1 +16, 488, 15, 68, 1 +17, 488, 15, 69, 1 +18, 488, 15, 70, 1 +19, 488, 15, 71, 1 +20, 488, 15, 72, 1 +21, 488, 15, 73, 1 +22, 488, 15, 74, 1 +23, 488, 15, 75, 1 +24, 488, 15, 76, 1 +25, 488, 15, 77, 1 +26, 488, 15, 78, 1 +27, 488, 15, 79, 1 +28, 488, 15, 80, 1 +29, 488, 15, 81, 1 +30, 488, 15, 82, 1 +31, 488, 15, 83, 1 +32, 488, 15, 84, 1 +33, 488, 15, 85, 1 +34, 488, 15, 86, 1 +35, 488, 15, 87, 1 +36, 488, 15, 88, 1 +37, 488, 15, 89, 1 +38, 488, 15, 90, 1 +39, 488, 15, 91, 1 +40, 488, 15, 92, 1 +41, 488, 15, 93, 1 +42, 488, 15, 94, 1 +43, 488, 15, 95, 1 +44, 488, 15, 96, 1 +45, 488, 15, 97, 1 +46, 488, 15, 98, 1 +47, 488, 15, 99, 1 +48, 488, 15, 100, 1 +49, 488, 16, 1, 1 +50, 488, 16, 2, 1 +51, 488, 16, 3, 1 +52, 488, 16, 4, 1 +53, 488, 16, 5, 1 +54, 488, 16, 6, 1 +55, 488, 16, 7, 1 +56, 488, 16, 8, 1 +57, 488, 16, 9, 1 +58, 488, 16, 10, 1 +59, 488, 16, 11, 1 +60, 488, 16, 12, 1 +61, 488, 16, 13, 1 +62, 488, 16, 14, 1 +63, 488, 16, 15, 1 +64, 488, 16, 16, 1 +65, 488, 16, 17, 1 +66, 488, 16, 18, 1 +67, 488, 16, 19, 1 +68, 488, 16, 20, 1 +69, 488, 16, 21, 1 +70, 488, 16, 22, 1 +71, 488, 16, 23, 1 +72, 488, 16, 24, 1 +73, 488, 16, 25, 1 +74, 488, 16, 26, 1 +75, 488, 16, 27, 1 +76, 488, 16, 28, 1 +77, 488, 16, 29, 1 +78, 488, 16, 30, 1 +79, 488, 16, 31, 1 +80, 488, 16, 32, 1 +81, 488, 16, 33, 1 +82, 488, 16, 34, 1 +83, 488, 16, 35, 1 +84, 488, 16, 36, 1 +85, 488, 16, 37, 1 +86, 488, 16, 38, 1 +87, 488, 16, 39, 1 +88, 488, 16, 40, 1 +89, 488, 16, 41, 1 +90, 488, 16, 42, 1 +91, 488, 16, 43, 1 +92, 488, 16, 44, 1 +93, 488, 16, 45, 1 +94, 488, 16, 46, 1 +95, 488, 16, 47, 1 +96, 488, 16, 48, 1 +97, 488, 16, 49, 1 +98, 488, 16, 50, 1 +99, 488, 16, 51, 1 +100, 488, 16, 52, 1 +101, 488, 16, 53, 1 +102, 488, 16, 54, 1 +103, 488, 16, 55, 1 +104, 488, 16, 56, 1 +105, 488, 16, 57, 1 +106, 488, 16, 58, 1 +107, 488, 16, 59, 1 +108, 488, 16, 60, 1 +109, 488, 16, 61, 1 +110, 488, 16, 62, 1 +111, 488, 16, 63, 1 +112, 488, 16, 64, 1 +113, 488, 16, 65, 1 +114, 488, 16, 66, 1 +115, 488, 16, 67, 1 +116, 488, 16, 68, 1 +117, 488, 16, 69, 1 +118, 488, 16, 70, 1 +119, 488, 16, 71, 1 +120, 488, 16, 72, 1 +121, 488, 16, 73, 1 +122, 488, 16, 74, 1 +123, 488, 16, 75, 1 +124, 488, 16, 76, 1 +125, 488, 16, 77, 1 +126, 488, 16, 78, 1 +127, 488, 16, 79, 1 +128, 488, 16, 80, 1 +129, 488, 16, 81, 1 +130, 488, 16, 82, 1 +131, 488, 16, 83, 1 +132, 488, 16, 84, 1 +133, 488, 16, 85, 1 +134, 488, 16, 86, 1 +135, 488, 16, 87, 1 +136, 488, 16, 88, 1 +137, 488, 16, 89, 1 +138, 488, 16, 90, 1 +139, 488, 16, 91, 1 +140, 488, 16, 92, 1 +141, 488, 16, 93, 1 +142, 488, 16, 94, 1 +143, 488, 16, 95, 1 +144, 488, 16, 96, 1 +145, 488, 16, 97, 1 +146, 488, 16, 98, 1 +147, 488, 16, 99, 1 +148, 488, 16, 100, 1 +149, 488, 17, 1, 1 +150, 488, 17, 2, 1 +151, 488, 17, 3, 1 +152, 488, 17, 4, 1 +153, 488, 17, 5, 1 +154, 488, 17, 6, 1 +155, 488, 17, 7, 1 +156, 488, 17, 8, 1 +157, 488, 17, 9, 1 +158, 488, 17, 10, 1 +159, 488, 17, 11, 1 +160, 488, 17, 12, 1 +161, 488, 17, 13, 1 +162, 488, 17, 14, 1 +163, 488, 17, 15, 1 +164, 488, 17, 16, 1 +165, 488, 17, 17, 1 +166, 488, 17, 18, 1 +167, 488, 17, 19, 1 +168, 488, 17, 20, 1 +169, 488, 17, 21, 1 +170, 488, 17, 22, 1 +171, 488, 17, 23, 1 +172, 488, 17, 24, 1 +173, 488, 17, 25, 1 +174, 488, 17, 26, 1 +175, 488, 17, 27, 1 +176, 488, 17, 28, 1 +177, 488, 17, 29, 1 +178, 488, 17, 30, 1 +179, 488, 17, 31, 1 +180, 488, 17, 32, 1 +181, 488, 17, 33, 1 +182, 488, 17, 34, 1 +183, 488, 17, 35, 1 +184, 488, 17, 36, 1 +185, 488, 17, 37, 1 +186, 488, 17, 38, 1 +187, 488, 17, 39, 1 +188, 488, 17, 40, 1 +189, 488, 17, 41, 1 +190, 488, 17, 42, 1 +191, 488, 17, 43, 1 +192, 488, 17, 44, 1 +193, 488, 17, 45, 1 +194, 488, 17, 46, 1 +195, 488, 17, 47, 1 +196, 488, 17, 48, 1 +197, 488, 17, 49, 1 +198, 488, 17, 50, 1 +199, 488, 17, 51, 1 +200, 488, 17, 52, 1 +201, 488, 17, 53, 1 +202, 488, 17, 54, 1 +203, 488, 17, 55, 1 +204, 488, 17, 56, 1 +205, 488, 17, 57, 1 +206, 488, 17, 58, 1 +207, 488, 17, 59, 1 +208, 488, 17, 60, 1 +209, 488, 17, 61, 1 +210, 488, 17, 62, 1 +211, 488, 17, 63, 1 +212, 488, 17, 64, 1 +213, 488, 17, 65, 1 +214, 488, 17, 66, 1 +215, 488, 17, 67, 1 +216, 488, 17, 68, 1 +217, 488, 17, 69, 1 +218, 488, 17, 70, 1 +219, 488, 17, 71, 1 +220, 488, 17, 72, 1 +221, 488, 17, 73, 1 +222, 488, 17, 74, 1 +223, 488, 17, 75, 1 +224, 488, 17, 76, 1 +225, 488, 17, 77, 1 +226, 488, 17, 78, 1 +227, 488, 17, 79, 1 +228, 488, 17, 80, 1 +229, 488, 17, 81, 1 +230, 488, 17, 82, 1 +231, 488, 17, 83, 1 +232, 488, 17, 84, 1 +233, 488, 17, 85, 1 +234, 488, 17, 86, 1 +235, 488, 17, 87, 1 +236, 488, 17, 88, 1 +237, 488, 17, 89, 1 +238, 488, 17, 90, 1 +239, 488, 17, 91, 1 +240, 488, 17, 92, 1 +241, 488, 17, 93, 1 +242, 488, 17, 94, 1 +243, 488, 17, 95, 1 +244, 488, 17, 96, 1 +245, 488, 17, 97, 1 +246, 488, 17, 98, 1 +247, 488, 17, 99, 1 +248, 488, 17, 100, 1 +249, 488, 18, 1, 1 +250, 488, 18, 2, 1 +251, 488, 18, 3, 1 +252, 488, 18, 4, 1 +253, 488, 18, 5, 1 +254, 488, 18, 6, 1 +255, 488, 18, 7, 1 +256, 488, 18, 8, 1 +257, 488, 18, 9, 1 +258, 488, 18, 10, 1 +259, 488, 18, 11, 1 +260, 488, 18, 12, 1 +261, 488, 18, 13, 1 +262, 488, 18, 14, 1 +263, 488, 18, 15, 1 +264, 488, 18, 16, 1 +265, 488, 18, 17, 1 +266, 488, 18, 18, 1 +267, 488, 18, 19, 1 +268, 488, 18, 20, 1 +269, 488, 18, 21, 1 +270, 488, 18, 22, 1 +271, 488, 18, 23, 1 +272, 488, 18, 24, 1 +273, 488, 18, 25, 1 +274, 488, 18, 26, 1 +275, 488, 18, 27, 1 +276, 488, 18, 28, 1 +277, 488, 18, 29, 1 +278, 488, 18, 30, 1 +279, 488, 18, 31, 1 +280, 488, 18, 32, 1 +281, 488, 18, 33, 1 +282, 488, 18, 34, 1 +283, 488, 18, 35, 1 +284, 488, 18, 36, 1 +285, 488, 18, 37, 1 +286, 488, 18, 38, 1 +287, 488, 18, 39, 1 +288, 488, 18, 40, 1 +289, 488, 18, 41, 1 +290, 488, 18, 42, 1 +291, 488, 18, 43, 1 +292, 488, 18, 44, 1 +293, 488, 18, 45, 1 +294, 488, 18, 46, 1 +295, 488, 18, 47, 1 +296, 488, 18, 48, 1 +297, 488, 18, 49, 1 +298, 488, 18, 50, 1 +299, 488, 18, 51, 1 +300, 488, 18, 52, 1 +301, 488, 18, 53, 1 +302, 488, 18, 54, 1 +303, 488, 18, 55, 1 +304, 488, 18, 56, 1 +305, 488, 18, 57, 1 +306, 488, 18, 58, 1 +307, 488, 18, 59, 1 +308, 488, 18, 60, 1 +309, 488, 18, 61, 1 +310, 488, 18, 62, 1 +311, 488, 18, 63, 1 +312, 488, 18, 64, 1 +313, 488, 18, 65, 1 +314, 488, 18, 66, 1 +315, 488, 18, 67, 1 +316, 488, 18, 68, 1 +317, 488, 18, 69, 1 +318, 488, 18, 70, 1 +319, 488, 18, 71, 1 +320, 488, 18, 72, 1 +321, 488, 18, 73, 1 +322, 488, 18, 74, 1 +323, 488, 18, 75, 1 +324, 488, 18, 76, 1 +325, 488, 18, 77, 1 +326, 488, 18, 78, 1 +327, 488, 18, 79, 1 +328, 488, 18, 80, 1 +329, 488, 18, 81, 1 +330, 488, 18, 82, 1 +331, 488, 18, 83, 1 +332, 488, 18, 84, 1 +333, 488, 18, 85, 1 +334, 488, 18, 86, 1 +335, 488, 18, 87, 1 +336, 488, 18, 88, 1 +337, 488, 18, 89, 1 +338, 488, 18, 90, 1 +339, 488, 18, 91, 1 +340, 488, 18, 92, 1 +341, 488, 18, 93, 1 +342, 488, 18, 94, 1 +343, 488, 18, 95, 1 +344, 488, 18, 96, 1 +345, 488, 18, 97, 1 +346, 488, 18, 98, 1 +347, 488, 18, 99, 1 +348, 488, 18, 100, 1 +349, 488, 19, 1, 1 +350, 488, 19, 2, 1 +351, 488, 19, 3, 1 +352, 488, 19, 4, 1 +353, 488, 19, 5, 1 +354, 488, 19, 6, 1 +355, 488, 19, 7, 1 +356, 488, 19, 8, 1 +357, 488, 19, 9, 1 +358, 488, 19, 10, 1 +359, 488, 19, 11, 1 +360, 488, 19, 12, 1 +361, 488, 19, 13, 1 +362, 488, 19, 14, 1 +363, 488, 19, 15, 1 +364, 488, 19, 16, 1 +365, 488, 19, 17, 1 +366, 488, 19, 18, 1 +367, 488, 19, 19, 1 +368, 488, 19, 20, 1 +369, 488, 19, 21, 1 +370, 488, 19, 22, 1 +371, 488, 19, 23, 1 +372, 488, 19, 24, 1 +373, 488, 19, 25, 1 +374, 488, 19, 26, 1 +375, 488, 19, 27, 1 +376, 488, 19, 28, 1 +377, 488, 19, 29, 1 +378, 488, 19, 30, 1 +379, 488, 19, 31, 1 +380, 488, 19, 32, 1 +381, 488, 19, 33, 1 +382, 488, 19, 34, 1 +383, 488, 19, 35, 1 +384, 488, 19, 36, 1 +385, 488, 19, 37, 1 +386, 488, 19, 38, 1 +387, 488, 19, 39, 1 +388, 488, 19, 40, 1 +389, 488, 19, 41, 1 +390, 488, 19, 42, 1 +391, 488, 19, 43, 1 +392, 488, 19, 44, 1 +393, 488, 19, 45, 1 +394, 488, 19, 46, 1 +395, 488, 19, 47, 1 +396, 488, 19, 48, 1 +397, 488, 19, 49, 1 +398, 488, 19, 50, 1 +399, 488, 19, 51, 1 +400, 488, 19, 52, 1 +401, 488, 19, 53, 1 +402, 488, 19, 54, 1 +403, 488, 19, 55, 1 +404, 488, 19, 56, 1 +405, 488, 19, 57, 1 +406, 488, 19, 58, 1 +407, 488, 19, 59, 1 +408, 488, 19, 60, 1 +409, 488, 19, 61, 1 +410, 488, 19, 62, 1 +411, 488, 19, 63, 1 +412, 488, 19, 64, 1 +413, 488, 19, 65, 1 +414, 488, 19, 66, 1 +415, 488, 19, 67, 1 +416, 488, 19, 68, 1 +417, 488, 19, 69, 1 +418, 488, 19, 70, 1 +419, 488, 19, 71, 1 +420, 488, 19, 72, 1 +421, 488, 19, 73, 1 +422, 488, 19, 74, 1 +423, 488, 19, 75, 1 +424, 488, 19, 76, 1 +425, 488, 19, 77, 1 +426, 488, 19, 78, 1 +427, 488, 19, 79, 1 +428, 488, 19, 80, 1 +429, 488, 19, 81, 1 +430, 488, 19, 82, 1 +431, 488, 19, 83, 1 +432, 488, 19, 84, 1 +433, 488, 19, 85, 1 +434, 488, 19, 86, 1 +435, 488, 19, 87, 1 +436, 488, 19, 88, 1 +437, 488, 19, 89, 1 +438, 488, 19, 90, 1 +439, 488, 19, 91, 1 +440, 488, 19, 92, 1 +441, 488, 19, 93, 1 +442, 488, 19, 94, 1 +443, 488, 19, 95, 1 +444, 488, 19, 96, 1 +445, 488, 19, 97, 1 +446, 488, 19, 98, 1 +447, 488, 19, 99, 1 +448, 488, 19, 100, 1 +449, 488, 20, 1, 1 +450, 488, 20, 2, 1 +451, 488, 20, 3, 1 +452, 488, 20, 4, 1 +453, 488, 20, 5, 1 +454, 488, 20, 6, 1 +455, 488, 20, 7, 1 +456, 488, 20, 8, 1 +457, 488, 20, 9, 1 +458, 488, 20, 10, 1 +459, 488, 20, 11, 1 +460, 488, 20, 12, 1 +461, 488, 20, 13, 1 +462, 488, 20, 14, 1 +463, 488, 20, 15, 1 +464, 488, 20, 16, 1 +465, 488, 20, 17, 1 +466, 488, 20, 18, 1 +467, 488, 20, 19, 1 +468, 488, 20, 20, 1 +469, 488, 20, 21, 1 +470, 488, 20, 22, 1 +471, 488, 20, 23, 1 +472, 488, 20, 24, 1 +473, 488, 20, 25, 1 +474, 488, 20, 26, 1 +475, 488, 20, 27, 1 +476, 488, 20, 28, 1 +477, 488, 20, 29, 1 +478, 488, 20, 30, 1 +479, 488, 20, 31, 1 +480, 488, 20, 32, 1 +481, 488, 20, 33, 1 +482, 488, 20, 34, 1 +483, 488, 20, 35, 1 +484, 488, 20, 36, 1 +1, 489, 20, 37, 1 +2, 489, 20, 38, 1 +3, 489, 20, 39, 1 +4, 489, 20, 40, 1 +5, 489, 20, 41, 1 +6, 489, 20, 42, 1 +7, 489, 20, 43, 1 +8, 489, 20, 44, 1 +9, 489, 20, 45, 1 +10, 489, 20, 46, 1 +11, 489, 20, 47, 1 +12, 489, 20, 48, 1 +13, 489, 20, 49, 1 +14, 489, 20, 50, 1 +15, 489, 20, 51, 1 +16, 489, 20, 52, 1 +17, 489, 20, 53, 1 +18, 489, 20, 54, 1 +19, 489, 20, 55, 1 +20, 489, 20, 56, 1 +21, 489, 20, 57, 1 +22, 489, 20, 58, 1 +23, 489, 20, 59, 1 +24, 489, 20, 60, 1 +25, 489, 20, 61, 1 +26, 489, 20, 62, 1 +27, 489, 20, 63, 1 +28, 489, 20, 64, 1 +29, 489, 20, 65, 1 +30, 489, 20, 66, 1 +31, 489, 20, 67, 1 +32, 489, 20, 68, 1 +33, 489, 20, 69, 1 +34, 489, 20, 70, 1 +35, 489, 20, 71, 1 +36, 489, 20, 72, 1 +37, 489, 20, 73, 1 +38, 489, 20, 74, 1 +39, 489, 20, 75, 1 +40, 489, 20, 76, 1 +41, 489, 20, 77, 1 +42, 489, 20, 78, 1 +43, 489, 20, 79, 1 +44, 489, 20, 80, 1 +45, 489, 20, 81, 1 +46, 489, 20, 82, 1 +47, 489, 20, 83, 1 +48, 489, 20, 84, 1 +49, 489, 20, 85, 1 +50, 489, 20, 86, 1 +51, 489, 20, 87, 1 +52, 489, 20, 88, 1 +53, 489, 20, 89, 1 +54, 489, 20, 90, 1 +55, 489, 20, 91, 1 +56, 489, 20, 92, 1 +57, 489, 20, 93, 1 +58, 489, 20, 94, 1 +59, 489, 20, 95, 1 +60, 489, 20, 96, 1 +61, 489, 20, 97, 1 +62, 489, 20, 98, 1 +63, 489, 20, 99, 1 +64, 489, 20, 100, 1 +65, 489, 21, 1, 1 +66, 489, 21, 2, 1 +67, 489, 21, 3, 1 +68, 489, 21, 4, 1 +69, 489, 21, 5, 1 +70, 489, 21, 6, 1 +71, 489, 21, 7, 1 +72, 489, 21, 8, 1 +73, 489, 21, 9, 1 +74, 489, 21, 10, 1 +75, 489, 21, 11, 1 +76, 489, 21, 12, 1 +77, 489, 21, 13, 1 +78, 489, 21, 14, 1 +79, 489, 21, 15, 1 +80, 489, 21, 16, 1 +81, 489, 21, 17, 1 +82, 489, 21, 18, 1 +83, 489, 21, 19, 1 +84, 489, 21, 20, 1 +85, 489, 21, 21, 1 +86, 489, 21, 22, 1 +87, 489, 21, 23, 1 +88, 489, 21, 24, 1 +89, 489, 21, 25, 1 +90, 489, 21, 26, 1 +91, 489, 21, 27, 1 +92, 489, 21, 28, 1 +93, 489, 21, 29, 1 +94, 489, 21, 30, 1 +95, 489, 21, 31, 1 +96, 489, 21, 32, 1 +97, 489, 21, 33, 1 +98, 489, 21, 34, 1 +99, 489, 21, 35, 1 +100, 489, 21, 36, 1 +101, 489, 21, 37, 1 +102, 489, 21, 38, 1 +103, 489, 21, 39, 1 +104, 489, 21, 40, 1 +105, 489, 21, 41, 1 +106, 489, 21, 42, 1 +107, 489, 21, 43, 1 +108, 489, 21, 44, 1 +109, 489, 21, 45, 1 +110, 489, 21, 46, 1 +111, 489, 21, 47, 1 +112, 489, 21, 48, 1 +113, 489, 21, 49, 1 +114, 489, 21, 50, 1 +115, 489, 21, 51, 1 +116, 489, 21, 52, 1 +117, 489, 21, 53, 1 +118, 489, 21, 54, 1 +119, 489, 21, 55, 1 +120, 489, 21, 56, 1 +121, 489, 21, 57, 1 +122, 489, 21, 58, 1 +123, 489, 21, 59, 1 +124, 489, 21, 60, 1 +125, 489, 21, 61, 1 +126, 489, 21, 62, 1 +127, 489, 21, 63, 1 +128, 489, 21, 64, 1 +129, 489, 21, 65, 1 +130, 489, 21, 66, 1 +131, 489, 21, 67, 1 +132, 489, 21, 68, 1 +133, 489, 21, 69, 1 +134, 489, 21, 70, 1 +135, 489, 21, 71, 1 +136, 489, 21, 72, 1 +137, 489, 21, 73, 1 +138, 489, 21, 74, 1 +139, 489, 21, 75, 1 +140, 489, 21, 76, 1 +141, 489, 21, 77, 1 +142, 489, 21, 78, 1 +143, 489, 21, 79, 1 +144, 489, 21, 80, 1 +145, 489, 21, 81, 1 +146, 489, 21, 82, 1 +147, 489, 21, 83, 1 +148, 489, 21, 84, 1 +149, 489, 21, 85, 1 +150, 489, 21, 86, 1 +151, 489, 21, 87, 1 +152, 489, 21, 88, 1 +153, 489, 21, 89, 1 +154, 489, 21, 90, 1 +155, 489, 21, 91, 1 +156, 489, 21, 92, 1 +157, 489, 21, 93, 1 +158, 489, 21, 94, 1 +159, 489, 21, 95, 1 +160, 489, 21, 96, 1 +161, 489, 21, 97, 1 +162, 489, 21, 98, 1 +163, 489, 21, 99, 1 +164, 489, 21, 100, 1 +165, 489, 22, 1, 1 +166, 489, 22, 2, 1 +167, 489, 22, 3, 1 +168, 489, 22, 4, 1 +169, 489, 22, 5, 1 +170, 489, 22, 6, 1 +171, 489, 22, 7, 1 +172, 489, 22, 8, 1 +173, 489, 22, 9, 1 +174, 489, 22, 10, 1 +175, 489, 22, 11, 1 +176, 489, 22, 12, 1 +177, 489, 22, 13, 1 +178, 489, 22, 14, 1 +179, 489, 22, 15, 1 +180, 489, 22, 16, 1 +181, 489, 22, 17, 1 +182, 489, 22, 18, 1 +183, 489, 22, 19, 1 +184, 489, 22, 20, 1 +185, 489, 22, 21, 1 +186, 489, 22, 22, 1 +187, 489, 22, 23, 1 +188, 489, 22, 24, 1 +189, 489, 22, 25, 1 +190, 489, 22, 26, 1 +191, 489, 22, 27, 1 +192, 489, 22, 28, 1 +193, 489, 22, 29, 1 +194, 489, 22, 30, 1 +195, 489, 22, 31, 1 +196, 489, 22, 32, 1 +197, 489, 22, 33, 1 +198, 489, 22, 34, 1 +199, 489, 22, 35, 1 +200, 489, 22, 36, 1 +201, 489, 22, 37, 1 +202, 489, 22, 38, 1 +203, 489, 22, 39, 1 +204, 489, 22, 40, 1 +205, 489, 22, 41, 1 +206, 489, 22, 42, 1 +207, 489, 22, 43, 1 +208, 489, 22, 44, 1 +209, 489, 22, 45, 1 +210, 489, 22, 46, 1 +211, 489, 22, 47, 1 +212, 489, 22, 48, 1 +213, 489, 22, 49, 1 +214, 489, 22, 50, 1 +215, 489, 22, 51, 1 +216, 489, 22, 52, 1 +217, 489, 22, 53, 1 +218, 489, 22, 54, 1 +219, 489, 22, 55, 1 +220, 489, 22, 56, 1 +221, 489, 22, 57, 1 +222, 489, 22, 58, 1 +223, 489, 22, 59, 1 +224, 489, 22, 60, 1 +225, 489, 22, 61, 1 +226, 489, 22, 62, 1 +227, 489, 22, 63, 1 +228, 489, 22, 64, 1 +229, 489, 22, 65, 1 +230, 489, 22, 66, 1 +231, 489, 22, 67, 1 +232, 489, 22, 68, 1 +233, 489, 22, 69, 1 +234, 489, 22, 70, 1 +235, 489, 22, 71, 1 +236, 489, 22, 72, 1 +237, 489, 22, 73, 1 +238, 489, 22, 74, 1 +239, 489, 22, 75, 1 +240, 489, 22, 76, 1 +241, 489, 22, 77, 1 +242, 489, 22, 78, 1 +243, 489, 22, 79, 1 +244, 489, 22, 80, 1 +245, 489, 22, 81, 1 +246, 489, 22, 82, 1 +247, 489, 22, 83, 1 +248, 489, 22, 84, 1 +249, 489, 22, 85, 1 +250, 489, 22, 86, 1 +251, 489, 22, 87, 1 +252, 489, 22, 88, 1 +253, 489, 22, 89, 1 +254, 489, 22, 90, 1 +255, 489, 22, 91, 1 +256, 489, 22, 92, 1 +257, 489, 22, 93, 1 +258, 489, 22, 94, 1 +259, 489, 22, 95, 1 +260, 489, 22, 96, 1 +261, 489, 22, 97, 1 +262, 489, 22, 98, 1 +263, 489, 22, 99, 1 +264, 489, 22, 100, 1 +265, 489, 23, 1, 1 +266, 489, 23, 2, 1 +267, 489, 23, 3, 1 +268, 489, 23, 4, 1 +269, 489, 23, 5, 1 +270, 489, 23, 6, 1 +271, 489, 23, 7, 1 +272, 489, 23, 8, 1 +273, 489, 23, 9, 1 +274, 489, 23, 10, 1 +275, 489, 23, 11, 1 +276, 489, 23, 12, 1 +277, 489, 23, 13, 1 +278, 489, 23, 14, 1 +279, 489, 23, 15, 1 +280, 489, 23, 16, 1 +281, 489, 23, 17, 1 +282, 489, 23, 18, 1 +283, 489, 23, 19, 1 +284, 489, 23, 20, 1 +285, 489, 23, 21, 1 +286, 489, 23, 22, 1 +287, 489, 23, 23, 1 +288, 489, 23, 24, 1 +289, 489, 23, 25, 1 +290, 489, 23, 26, 1 +291, 489, 23, 27, 1 +292, 489, 23, 28, 1 +293, 489, 23, 29, 1 +294, 489, 23, 30, 1 +295, 489, 23, 31, 1 +296, 489, 23, 32, 1 +297, 489, 23, 33, 1 +298, 489, 23, 34, 1 +299, 489, 23, 35, 1 +300, 489, 23, 36, 1 +301, 489, 23, 37, 1 +302, 489, 23, 38, 1 +303, 489, 23, 39, 1 +304, 489, 23, 40, 1 +305, 489, 23, 41, 1 +306, 489, 23, 42, 1 +307, 489, 23, 43, 1 +308, 489, 23, 44, 1 +309, 489, 23, 45, 1 +310, 489, 23, 46, 1 +311, 489, 23, 47, 1 +312, 489, 23, 48, 1 +313, 489, 23, 49, 1 +314, 489, 23, 50, 1 +315, 489, 23, 51, 1 +316, 489, 23, 52, 1 +317, 489, 23, 53, 1 +318, 489, 23, 54, 1 +319, 489, 23, 55, 1 +320, 489, 23, 56, 1 +321, 489, 23, 57, 1 +322, 489, 23, 58, 1 +323, 489, 23, 59, 1 +324, 489, 23, 60, 1 +325, 489, 23, 61, 1 +326, 489, 23, 62, 1 +327, 489, 23, 63, 1 +328, 489, 23, 64, 1 +329, 489, 23, 65, 1 +330, 489, 23, 66, 1 +331, 489, 23, 67, 1 +332, 489, 23, 68, 1 +333, 489, 23, 69, 1 +334, 489, 23, 70, 1 +335, 489, 23, 71, 1 +336, 489, 23, 72, 1 +337, 489, 23, 73, 1 +338, 489, 23, 74, 1 +339, 489, 23, 75, 1 +340, 489, 23, 76, 1 +341, 489, 23, 77, 1 +342, 489, 23, 78, 1 +343, 489, 23, 79, 1 +344, 489, 23, 80, 1 +345, 489, 23, 81, 1 +346, 489, 23, 82, 1 +347, 489, 23, 83, 1 +348, 489, 23, 84, 1 +349, 489, 23, 85, 1 +350, 489, 23, 86, 1 +351, 489, 23, 87, 1 +352, 489, 23, 88, 1 +353, 489, 23, 89, 1 +354, 489, 23, 90, 1 +355, 489, 23, 91, 1 +356, 489, 23, 92, 1 +357, 489, 23, 93, 1 +358, 489, 23, 94, 1 +359, 489, 23, 95, 1 +360, 489, 23, 96, 1 +361, 489, 23, 97, 1 +362, 489, 23, 98, 1 +363, 489, 23, 99, 1 +364, 489, 23, 100, 1 +365, 489, 24, 1, 1 +366, 489, 24, 2, 1 +367, 489, 24, 3, 1 +368, 489, 24, 4, 1 +369, 489, 24, 5, 1 +370, 489, 24, 6, 1 +371, 489, 24, 7, 1 +372, 489, 24, 8, 1 +373, 489, 24, 9, 1 +374, 489, 24, 10, 1 +375, 489, 24, 11, 1 +376, 489, 24, 12, 1 +377, 489, 24, 13, 1 +378, 489, 24, 14, 1 +379, 489, 24, 15, 1 +380, 489, 24, 16, 1 +381, 489, 24, 17, 1 +382, 489, 24, 18, 1 +383, 489, 24, 19, 1 +384, 489, 24, 20, 1 +385, 489, 24, 21, 1 +386, 489, 24, 22, 1 +387, 489, 24, 23, 1 +388, 489, 24, 24, 1 +389, 489, 24, 25, 1 +390, 489, 24, 26, 1 +391, 489, 24, 27, 1 +392, 489, 24, 28, 1 +393, 489, 24, 29, 1 +394, 489, 24, 30, 1 +395, 489, 24, 31, 1 +396, 489, 24, 32, 1 +397, 489, 24, 33, 1 +398, 489, 24, 34, 1 +399, 489, 24, 35, 1 +400, 489, 24, 36, 1 +401, 489, 24, 37, 1 +402, 489, 24, 38, 1 +403, 489, 24, 39, 1 +404, 489, 24, 40, 1 +405, 489, 24, 41, 1 +406, 489, 24, 42, 1 +407, 489, 24, 43, 1 +408, 489, 24, 44, 1 +409, 489, 24, 45, 1 +410, 489, 24, 46, 1 +411, 489, 24, 47, 1 +412, 489, 24, 48, 1 +413, 489, 24, 49, 1 +414, 489, 24, 50, 1 +415, 489, 24, 51, 1 +416, 489, 24, 52, 1 +417, 489, 24, 53, 1 +418, 489, 24, 54, 1 +419, 489, 24, 55, 1 +420, 489, 24, 56, 1 +421, 489, 24, 57, 1 +422, 489, 24, 58, 1 +423, 489, 24, 59, 1 +424, 489, 24, 60, 1 +425, 489, 24, 61, 1 +426, 489, 24, 62, 1 +427, 489, 24, 63, 1 +428, 489, 24, 64, 1 +429, 489, 24, 65, 1 +430, 489, 24, 66, 1 +431, 489, 24, 67, 1 +432, 489, 24, 68, 1 +433, 489, 24, 69, 1 +434, 489, 24, 70, 1 +435, 489, 24, 71, 1 +436, 489, 24, 72, 1 +437, 489, 24, 73, 1 +438, 489, 24, 74, 1 +439, 489, 24, 75, 1 +440, 489, 24, 76, 1 +441, 489, 24, 77, 1 +442, 489, 24, 78, 1 +443, 489, 24, 79, 1 +444, 489, 24, 80, 1 +445, 489, 24, 81, 1 +446, 489, 24, 82, 1 +447, 489, 24, 83, 1 +448, 489, 24, 84, 1 +449, 489, 24, 85, 1 +450, 489, 24, 86, 1 +451, 489, 24, 87, 1 +452, 489, 24, 88, 1 +453, 489, 24, 89, 1 +454, 489, 24, 90, 1 +455, 489, 24, 91, 1 +456, 489, 24, 92, 1 +457, 489, 24, 93, 1 +458, 489, 24, 94, 1 +459, 489, 24, 95, 1 +460, 489, 24, 96, 1 +461, 489, 24, 97, 1 +462, 489, 24, 98, 1 +463, 489, 24, 99, 1 +464, 489, 24, 100, 1 +465, 489, 25, 1, 1 +466, 489, 25, 2, 1 +467, 489, 25, 3, 1 +468, 489, 25, 4, 1 +469, 489, 25, 5, 1 +470, 489, 25, 6, 1 +471, 489, 25, 7, 1 +472, 489, 25, 8, 1 +473, 489, 25, 9, 1 +474, 489, 25, 10, 1 +475, 489, 25, 11, 1 +476, 489, 25, 12, 1 +477, 489, 25, 13, 1 +478, 489, 25, 14, 1 +479, 489, 25, 15, 1 +480, 489, 25, 16, 1 +481, 489, 25, 17, 1 +482, 489, 25, 18, 1 +483, 489, 25, 19, 1 +484, 489, 25, 20, 1 +1, 490, 25, 21, 1 +2, 490, 25, 22, 1 +3, 490, 25, 23, 1 +4, 490, 25, 24, 1 +5, 490, 25, 25, 1 +6, 490, 25, 26, 1 +7, 490, 25, 27, 1 +8, 490, 25, 28, 1 +9, 490, 25, 29, 1 +10, 490, 25, 30, 1 +11, 490, 25, 31, 1 +12, 490, 25, 32, 1 +13, 490, 25, 33, 1 +14, 490, 25, 34, 1 +15, 490, 25, 35, 1 +16, 490, 25, 36, 1 +17, 490, 25, 37, 1 +18, 490, 25, 38, 1 +19, 490, 25, 39, 1 +20, 490, 25, 40, 1 +21, 490, 25, 41, 1 +22, 490, 25, 42, 1 +23, 490, 25, 43, 1 +24, 490, 25, 44, 1 +25, 490, 25, 45, 1 +26, 490, 25, 46, 1 +27, 490, 25, 47, 1 +28, 490, 25, 48, 1 +29, 490, 25, 49, 1 +30, 490, 25, 50, 1 +31, 490, 25, 51, 1 +32, 490, 25, 52, 1 +33, 490, 25, 53, 1 +34, 490, 25, 54, 1 +35, 490, 25, 55, 1 +36, 490, 25, 56, 1 +37, 490, 25, 57, 1 +38, 490, 25, 58, 1 +39, 490, 25, 59, 1 +40, 490, 25, 60, 1 +41, 490, 25, 61, 1 +42, 490, 25, 62, 1 +43, 490, 25, 63, 1 +44, 490, 25, 64, 1 +45, 490, 25, 65, 1 +46, 490, 25, 66, 1 +47, 490, 25, 67, 1 +48, 490, 25, 68, 1 +49, 490, 25, 69, 1 +50, 490, 25, 70, 1 +51, 490, 25, 71, 1 +52, 490, 25, 72, 1 +53, 490, 25, 73, 1 +54, 490, 25, 74, 1 +55, 490, 25, 75, 1 +56, 490, 25, 76, 1 +57, 490, 25, 77, 1 +58, 490, 25, 78, 1 +59, 490, 25, 79, 1 +60, 490, 25, 80, 1 +61, 490, 25, 81, 1 +62, 490, 25, 82, 1 +63, 490, 25, 83, 1 +64, 490, 25, 84, 1 +65, 490, 25, 85, 1 +66, 490, 25, 86, 1 +67, 490, 25, 87, 1 +68, 490, 25, 88, 1 +69, 490, 25, 89, 1 +70, 490, 25, 90, 1 +71, 490, 25, 91, 1 +72, 490, 25, 92, 1 +73, 490, 25, 93, 1 +74, 490, 25, 94, 1 +75, 490, 25, 95, 1 +76, 490, 25, 96, 1 +77, 490, 25, 97, 1 +78, 490, 25, 98, 1 +79, 490, 25, 99, 1 +80, 490, 25, 100, 1 +81, 490, 26, 1, 1 +82, 490, 26, 2, 1 +83, 490, 26, 3, 1 +84, 490, 26, 4, 1 +85, 490, 26, 5, 1 +86, 490, 26, 6, 1 +87, 490, 26, 7, 1 +88, 490, 26, 8, 1 +89, 490, 26, 9, 1 +90, 490, 26, 10, 1 +91, 490, 26, 11, 1 +92, 490, 26, 12, 1 +93, 490, 26, 13, 1 +94, 490, 26, 14, 1 +95, 490, 26, 15, 1 +96, 490, 26, 16, 1 +97, 490, 26, 17, 1 +98, 490, 26, 18, 1 +99, 490, 26, 19, 1 +100, 490, 26, 20, 1 +101, 490, 26, 21, 1 +102, 490, 26, 22, 1 +103, 490, 26, 23, 1 +104, 490, 26, 24, 1 +105, 490, 26, 25, 1 +106, 490, 26, 26, 1 +107, 490, 26, 27, 1 +108, 490, 26, 28, 1 +109, 490, 26, 29, 1 +110, 490, 26, 30, 1 +111, 490, 26, 31, 1 +112, 490, 26, 32, 1 +113, 490, 26, 33, 1 +114, 490, 26, 34, 1 +115, 490, 26, 35, 1 +116, 490, 26, 36, 1 +117, 490, 26, 37, 1 +118, 490, 26, 38, 1 +119, 490, 26, 39, 1 +120, 490, 26, 40, 1 +121, 490, 26, 41, 1 +122, 490, 26, 42, 1 +123, 490, 26, 43, 1 +124, 490, 26, 44, 1 +125, 490, 26, 45, 1 +126, 490, 26, 46, 1 +127, 490, 26, 47, 1 +128, 490, 26, 48, 1 +129, 490, 26, 49, 1 +130, 490, 26, 50, 1 +131, 490, 26, 51, 1 +132, 490, 26, 52, 1 +133, 490, 26, 53, 1 +134, 490, 26, 54, 1 +135, 490, 26, 55, 1 +136, 490, 26, 56, 1 +137, 490, 26, 57, 1 +138, 490, 26, 58, 1 +139, 490, 26, 59, 1 +140, 490, 26, 60, 1 +141, 490, 26, 61, 1 +142, 490, 26, 62, 1 +143, 490, 26, 63, 1 +144, 490, 26, 64, 1 +145, 490, 26, 65, 1 +146, 490, 26, 66, 1 +147, 490, 26, 67, 1 +148, 490, 26, 68, 1 +149, 490, 26, 69, 1 +150, 490, 26, 70, 1 +151, 490, 26, 71, 1 +152, 490, 26, 72, 1 +153, 490, 26, 73, 1 +154, 490, 26, 74, 1 +155, 490, 26, 75, 1 +156, 490, 26, 76, 1 +157, 490, 26, 77, 1 +158, 490, 26, 78, 1 +159, 490, 26, 79, 1 +160, 490, 26, 80, 1 +161, 490, 26, 81, 1 +162, 490, 26, 82, 1 +163, 490, 26, 83, 1 +164, 490, 26, 84, 1 +165, 490, 26, 85, 1 +166, 490, 26, 86, 1 +167, 490, 26, 87, 1 +168, 490, 26, 88, 1 +169, 490, 26, 89, 1 +170, 490, 26, 90, 1 +171, 490, 26, 91, 1 +172, 490, 26, 92, 1 +173, 490, 26, 93, 1 +174, 490, 26, 94, 1 +175, 490, 26, 95, 1 +176, 490, 26, 96, 1 +177, 490, 26, 97, 1 +178, 490, 26, 98, 1 +179, 490, 26, 99, 1 +180, 490, 26, 100, 1 +181, 490, 27, 1, 1 +182, 490, 27, 2, 1 +183, 490, 27, 3, 1 +184, 490, 27, 4, 1 +185, 490, 27, 5, 1 +186, 490, 27, 6, 1 +187, 490, 27, 7, 1 +188, 490, 27, 8, 1 +189, 490, 27, 9, 1 +190, 490, 27, 10, 1 +191, 490, 27, 11, 1 +192, 490, 27, 12, 1 +193, 490, 27, 13, 1 +194, 490, 27, 14, 1 +195, 490, 27, 15, 1 +196, 490, 27, 16, 1 +197, 490, 27, 17, 1 +198, 490, 27, 18, 1 +199, 490, 27, 19, 1 +200, 490, 27, 20, 1 +201, 490, 27, 21, 1 +202, 490, 27, 22, 1 +203, 490, 27, 23, 1 +204, 490, 27, 24, 1 +205, 490, 27, 25, 1 +206, 490, 27, 26, 1 +207, 490, 27, 27, 1 +208, 490, 27, 28, 1 +209, 490, 27, 29, 1 +210, 490, 27, 30, 1 +211, 490, 27, 31, 1 +212, 490, 27, 32, 1 +213, 490, 27, 33, 1 +214, 490, 27, 34, 1 +215, 490, 27, 35, 1 +216, 490, 27, 36, 1 +217, 490, 27, 37, 1 +218, 490, 27, 38, 1 +219, 490, 27, 39, 1 +220, 490, 27, 40, 1 +221, 490, 27, 41, 1 +222, 490, 27, 42, 1 +223, 490, 27, 43, 1 +224, 490, 27, 44, 1 +225, 490, 27, 45, 1 +226, 490, 27, 46, 1 +227, 490, 27, 47, 1 +228, 490, 27, 48, 1 +229, 490, 27, 49, 1 +230, 490, 27, 50, 1 +231, 490, 27, 51, 1 +232, 490, 27, 52, 1 +233, 490, 27, 53, 1 +234, 490, 27, 54, 1 +235, 490, 27, 55, 1 +236, 490, 27, 56, 1 +237, 490, 27, 57, 1 +238, 490, 27, 58, 1 +239, 490, 27, 59, 1 +240, 490, 27, 60, 1 +241, 490, 27, 61, 1 +242, 490, 27, 62, 1 +243, 490, 27, 63, 1 +244, 490, 27, 64, 1 +245, 490, 27, 65, 1 +246, 490, 27, 66, 1 +247, 490, 27, 67, 1 +248, 490, 27, 68, 1 +249, 490, 27, 69, 1 +250, 490, 27, 70, 1 +251, 490, 27, 71, 1 +252, 490, 27, 72, 1 +253, 490, 27, 73, 1 +254, 490, 27, 74, 1 +255, 490, 27, 75, 1 +256, 490, 27, 76, 1 +257, 490, 27, 77, 1 +258, 490, 27, 78, 1 +259, 490, 27, 79, 1 +260, 490, 27, 80, 1 +261, 490, 27, 81, 1 +262, 490, 27, 82, 1 +263, 490, 27, 83, 1 +264, 490, 27, 84, 1 +265, 490, 27, 85, 1 +266, 490, 27, 86, 1 +267, 490, 27, 87, 1 +268, 490, 27, 88, 1 +269, 490, 27, 89, 1 +270, 490, 27, 90, 1 +271, 490, 27, 91, 1 +272, 490, 27, 92, 1 +273, 490, 27, 93, 1 +274, 490, 27, 94, 1 +275, 490, 27, 95, 1 +276, 490, 27, 96, 1 +277, 490, 27, 97, 1 +278, 490, 27, 98, 1 +279, 490, 27, 99, 1 +280, 490, 27, 100, 1 +281, 490, 28, 1, 1 +282, 490, 28, 2, 1 +283, 490, 28, 3, 1 +284, 490, 28, 4, 1 +285, 490, 28, 5, 1 +286, 490, 28, 6, 1 +287, 490, 28, 7, 1 +288, 490, 28, 8, 1 +289, 490, 28, 9, 1 +290, 490, 28, 10, 1 +291, 490, 28, 11, 1 +292, 490, 28, 12, 1 +293, 490, 28, 13, 1 +294, 490, 28, 14, 1 +295, 490, 28, 15, 1 +296, 490, 28, 16, 1 +297, 490, 28, 17, 1 +298, 490, 28, 18, 1 +299, 490, 28, 19, 1 +300, 490, 28, 20, 1 +301, 490, 28, 21, 1 +302, 490, 28, 22, 1 +303, 490, 28, 23, 1 +304, 490, 28, 24, 1 +305, 490, 28, 25, 1 +306, 490, 28, 26, 1 +307, 490, 28, 27, 1 +308, 490, 28, 28, 1 +309, 490, 28, 29, 1 +310, 490, 28, 30, 1 +311, 490, 28, 31, 1 +312, 490, 28, 32, 1 +313, 490, 28, 33, 1 +314, 490, 28, 34, 1 +315, 490, 28, 35, 1 +316, 490, 28, 36, 1 +317, 490, 28, 37, 1 +318, 490, 28, 38, 1 +319, 490, 28, 39, 1 +320, 490, 28, 40, 1 +321, 490, 28, 41, 1 +322, 490, 28, 42, 1 +323, 490, 28, 43, 1 +324, 490, 28, 44, 1 +325, 490, 28, 45, 1 +326, 490, 28, 46, 1 +327, 490, 28, 47, 1 +328, 490, 28, 48, 1 +329, 490, 28, 49, 1 +330, 490, 28, 50, 1 +331, 490, 28, 51, 1 +332, 490, 28, 52, 1 +333, 490, 28, 53, 1 +334, 490, 28, 54, 1 +335, 490, 28, 55, 1 +336, 490, 28, 56, 1 +337, 490, 28, 57, 1 +338, 490, 28, 58, 1 +339, 490, 28, 59, 1 +340, 490, 28, 60, 1 +341, 490, 28, 61, 1 +342, 490, 28, 62, 1 +343, 490, 28, 63, 1 +344, 490, 28, 64, 1 +345, 490, 28, 65, 1 +346, 490, 28, 66, 1 +347, 490, 28, 67, 1 +348, 490, 28, 68, 1 +349, 490, 28, 69, 1 +350, 490, 28, 70, 1 +351, 490, 28, 71, 1 +352, 490, 28, 72, 1 +353, 490, 28, 73, 1 +354, 490, 28, 74, 1 +355, 490, 28, 75, 1 +356, 490, 28, 76, 1 +357, 490, 28, 77, 1 +358, 490, 28, 78, 1 +359, 490, 28, 79, 1 +360, 490, 28, 80, 1 +361, 490, 28, 81, 1 +362, 490, 28, 82, 1 +363, 490, 28, 83, 1 +364, 490, 28, 84, 1 +365, 490, 28, 85, 1 +366, 490, 28, 86, 1 +367, 490, 28, 87, 1 +368, 490, 28, 88, 1 +369, 490, 28, 89, 1 +370, 490, 28, 90, 1 +371, 490, 28, 91, 1 +372, 490, 28, 92, 1 +373, 490, 28, 93, 1 +374, 490, 28, 94, 1 +375, 490, 28, 95, 1 +376, 490, 28, 96, 1 +377, 490, 28, 97, 1 +378, 490, 28, 98, 1 +379, 490, 28, 99, 1 +380, 490, 28, 100, 1 +381, 490, 29, 1, 1 +382, 490, 29, 2, 1 +383, 490, 29, 3, 1 +384, 490, 29, 4, 1 +385, 490, 29, 5, 1 +386, 490, 29, 6, 1 +387, 490, 29, 7, 1 +388, 490, 29, 8, 1 +389, 490, 29, 9, 1 +390, 490, 29, 10, 1 +391, 490, 29, 11, 1 +392, 490, 29, 12, 1 +393, 490, 29, 13, 1 +394, 490, 29, 14, 1 +395, 490, 29, 15, 1 +396, 490, 29, 16, 1 +397, 490, 29, 17, 1 +398, 490, 29, 18, 1 +399, 490, 29, 19, 1 +400, 490, 29, 20, 1 +401, 490, 29, 21, 1 +402, 490, 29, 22, 1 +403, 490, 29, 23, 1 +404, 490, 29, 24, 1 +405, 490, 29, 25, 1 +406, 490, 29, 26, 1 +407, 490, 29, 27, 1 +408, 490, 29, 28, 1 +409, 490, 29, 29, 1 +410, 490, 29, 30, 1 +411, 490, 29, 31, 1 +412, 490, 29, 32, 1 +413, 490, 29, 33, 1 +414, 490, 29, 34, 1 +415, 490, 29, 35, 1 +416, 490, 29, 36, 1 +417, 490, 29, 37, 1 +418, 490, 29, 38, 1 +419, 490, 29, 39, 1 +420, 490, 29, 40, 1 +421, 490, 29, 41, 1 +422, 490, 29, 42, 1 +423, 490, 29, 43, 1 +424, 490, 29, 44, 1 +425, 490, 29, 45, 1 +426, 490, 29, 46, 1 +427, 490, 29, 47, 1 +428, 490, 29, 48, 1 +429, 490, 29, 49, 1 +430, 490, 29, 50, 1 +431, 490, 29, 51, 1 +432, 490, 29, 52, 1 +433, 490, 29, 53, 1 +434, 490, 29, 54, 1 +435, 490, 29, 55, 1 +436, 490, 29, 56, 1 +437, 490, 29, 57, 1 +438, 490, 29, 58, 1 +439, 490, 29, 59, 1 +440, 490, 29, 60, 1 +441, 490, 29, 61, 1 +442, 490, 29, 62, 1 +443, 490, 29, 63, 1 +444, 490, 29, 64, 1 +445, 490, 29, 65, 1 +446, 490, 29, 66, 1 +447, 490, 29, 67, 1 +448, 490, 29, 68, 1 +449, 490, 29, 69, 1 +450, 490, 29, 70, 1 +451, 490, 29, 71, 1 +452, 490, 29, 72, 1 +453, 490, 29, 73, 1 +454, 490, 29, 74, 1 +455, 490, 29, 75, 1 +456, 490, 29, 76, 1 +457, 490, 29, 77, 1 +458, 490, 29, 78, 1 +459, 490, 29, 79, 1 +460, 490, 29, 80, 1 +461, 490, 29, 81, 1 +462, 490, 29, 82, 1 +463, 490, 29, 83, 1 +464, 490, 29, 84, 1 +465, 490, 29, 85, 1 +466, 490, 29, 86, 1 +467, 490, 29, 87, 1 +468, 490, 29, 88, 1 +469, 490, 29, 89, 1 +470, 490, 29, 90, 1 +471, 490, 29, 91, 1 +472, 490, 29, 92, 1 +473, 490, 29, 93, 1 +474, 490, 29, 94, 1 +475, 490, 29, 95, 1 +476, 490, 29, 96, 1 +477, 490, 29, 97, 1 +478, 490, 29, 98, 1 +479, 490, 29, 99, 1 +480, 490, 29, 100, 1 +481, 490, 30, 1, 1 +482, 490, 30, 2, 1 +483, 490, 30, 3, 1 +484, 490, 30, 4, 1 +1, 491, 30, 5, 1 +2, 491, 30, 6, 1 +3, 491, 30, 7, 1 +4, 491, 30, 8, 1 +5, 491, 30, 9, 1 +6, 491, 30, 10, 1 +7, 491, 30, 11, 1 +8, 491, 30, 12, 1 +9, 491, 30, 13, 1 +10, 491, 30, 14, 1 +11, 491, 30, 15, 1 +12, 491, 30, 16, 1 +13, 491, 30, 17, 1 +14, 491, 30, 18, 1 +15, 491, 30, 19, 1 +16, 491, 30, 20, 1 +17, 491, 30, 21, 1 +18, 491, 30, 22, 1 +19, 491, 30, 23, 1 +20, 491, 30, 24, 1 +21, 491, 30, 25, 1 +22, 491, 30, 26, 1 +23, 491, 30, 27, 1 +24, 491, 30, 28, 1 +25, 491, 30, 29, 1 +26, 491, 30, 30, 1 +27, 491, 30, 31, 1 +28, 491, 30, 32, 1 +29, 491, 30, 33, 1 +30, 491, 30, 34, 1 +31, 491, 30, 35, 1 +32, 491, 30, 36, 1 +33, 491, 30, 37, 1 +34, 491, 30, 38, 1 +35, 491, 30, 39, 1 +36, 491, 30, 40, 1 +37, 491, 30, 41, 1 +38, 491, 30, 42, 1 +39, 491, 30, 43, 1 +40, 491, 30, 44, 1 +41, 491, 30, 45, 1 +42, 491, 30, 46, 1 +43, 491, 30, 47, 1 +44, 491, 30, 48, 1 +45, 491, 30, 49, 1 +46, 491, 30, 50, 1 +47, 491, 30, 51, 1 +48, 491, 30, 52, 1 +49, 491, 30, 53, 1 +50, 491, 30, 54, 1 +51, 491, 30, 55, 1 +52, 491, 30, 56, 1 +53, 491, 30, 57, 1 +54, 491, 30, 58, 1 +55, 491, 30, 59, 1 +56, 491, 30, 60, 1 +57, 491, 30, 61, 1 +58, 491, 30, 62, 1 +59, 491, 30, 63, 1 +60, 491, 30, 64, 1 +61, 491, 30, 65, 1 +62, 491, 30, 66, 1 +63, 491, 30, 67, 1 +64, 491, 30, 68, 1 +65, 491, 30, 69, 1 +66, 491, 30, 70, 1 +67, 491, 30, 71, 1 +68, 491, 30, 72, 1 +69, 491, 30, 73, 1 +70, 491, 30, 74, 1 +71, 491, 30, 75, 1 +72, 491, 30, 76, 1 +73, 491, 30, 77, 1 +74, 491, 30, 78, 1 +75, 491, 30, 79, 1 +76, 491, 30, 80, 1 +77, 491, 30, 81, 1 +78, 491, 30, 82, 1 +79, 491, 30, 83, 1 +80, 491, 30, 84, 1 +81, 491, 30, 85, 1 +82, 491, 30, 86, 1 +83, 491, 30, 87, 1 +84, 491, 30, 88, 1 +85, 491, 30, 89, 1 +86, 491, 30, 90, 1 +87, 491, 30, 91, 1 +88, 491, 30, 92, 1 +89, 491, 30, 93, 1 +90, 491, 30, 94, 1 +91, 491, 30, 95, 1 +92, 491, 30, 96, 1 +93, 491, 30, 97, 1 +94, 491, 30, 98, 1 +95, 491, 30, 99, 1 +96, 491, 30, 100, 1 +97, 491, 31, 1, 1 +98, 491, 31, 2, 1 +99, 491, 31, 3, 1 +100, 491, 31, 4, 1 +101, 491, 31, 5, 1 +102, 491, 31, 6, 1 +103, 491, 31, 7, 1 +104, 491, 31, 8, 1 +105, 491, 31, 9, 1 +106, 491, 31, 10, 1 +107, 491, 31, 11, 1 +108, 491, 31, 12, 1 +109, 491, 31, 13, 1 +110, 491, 31, 14, 1 +111, 491, 31, 15, 1 +112, 491, 31, 16, 1 +113, 491, 31, 17, 1 +114, 491, 31, 18, 1 +115, 491, 31, 19, 1 +116, 491, 31, 20, 1 +117, 491, 31, 21, 1 +118, 491, 31, 22, 1 +119, 491, 31, 23, 1 +120, 491, 31, 24, 1 +121, 491, 31, 25, 1 +122, 491, 31, 26, 1 +123, 491, 31, 27, 1 +124, 491, 31, 28, 1 +125, 491, 31, 29, 1 +126, 491, 31, 30, 1 +127, 491, 31, 31, 1 +128, 491, 31, 32, 1 +129, 491, 31, 33, 1 +130, 491, 31, 34, 1 +131, 491, 31, 35, 1 +132, 491, 31, 36, 1 +133, 491, 31, 37, 1 +134, 491, 31, 38, 1 +135, 491, 31, 39, 1 +136, 491, 31, 40, 1 +137, 491, 31, 41, 1 +138, 491, 31, 42, 1 +139, 491, 31, 43, 1 +140, 491, 31, 44, 1 +141, 491, 31, 45, 1 +142, 491, 31, 46, 1 +143, 491, 31, 47, 1 +144, 491, 31, 48, 1 +145, 491, 31, 49, 1 +146, 491, 31, 50, 1 +147, 491, 31, 51, 1 +148, 491, 31, 52, 1 +149, 491, 31, 53, 1 +150, 491, 31, 54, 1 +151, 491, 31, 55, 1 +152, 491, 31, 56, 1 +153, 491, 31, 57, 1 +154, 491, 31, 58, 1 +155, 491, 31, 59, 1 +156, 491, 31, 60, 1 +157, 491, 31, 61, 1 +158, 491, 31, 62, 1 +159, 491, 31, 63, 1 +160, 491, 31, 64, 1 +161, 491, 31, 65, 1 +162, 491, 31, 66, 1 +163, 491, 31, 67, 1 +164, 491, 31, 68, 1 +165, 491, 31, 69, 1 +166, 491, 31, 70, 1 +167, 491, 31, 71, 1 +168, 491, 31, 72, 1 +169, 491, 31, 73, 1 +170, 491, 31, 74, 1 +171, 491, 31, 75, 1 +172, 491, 31, 76, 1 +173, 491, 31, 77, 1 +174, 491, 31, 78, 1 +175, 491, 31, 79, 1 +176, 491, 31, 80, 1 +177, 491, 31, 81, 1 +178, 491, 31, 82, 1 +179, 491, 31, 83, 1 +180, 491, 31, 84, 1 +181, 491, 31, 85, 1 +182, 491, 31, 86, 1 +183, 491, 31, 87, 1 +184, 491, 31, 88, 1 +185, 491, 31, 89, 1 +186, 491, 31, 90, 1 +187, 491, 31, 91, 1 +188, 491, 31, 92, 1 +189, 491, 31, 93, 1 +190, 491, 31, 94, 1 +191, 491, 31, 95, 1 +192, 491, 31, 96, 1 +193, 491, 31, 97, 1 +194, 491, 31, 98, 1 +195, 491, 31, 99, 1 +196, 491, 31, 100, 1 +197, 491, 32, 1, 1 +198, 491, 32, 2, 1 +199, 491, 32, 3, 1 +200, 491, 32, 4, 1 +201, 491, 32, 5, 1 +202, 491, 32, 6, 1 +203, 491, 32, 7, 1 +204, 491, 32, 8, 1 +205, 491, 32, 9, 1 +206, 491, 32, 10, 1 +207, 491, 32, 11, 1 +208, 491, 32, 12, 1 +209, 491, 32, 13, 1 +210, 491, 32, 14, 1 +211, 491, 32, 15, 1 +212, 491, 32, 16, 1 +213, 491, 32, 17, 1 +214, 491, 32, 18, 1 +215, 491, 32, 19, 1 +216, 491, 32, 20, 1 +217, 491, 32, 21, 1 +218, 491, 32, 22, 1 +219, 491, 32, 23, 1 +220, 491, 32, 24, 1 +221, 491, 32, 25, 1 +222, 491, 32, 26, 1 +223, 491, 32, 27, 1 +224, 491, 32, 28, 1 +225, 491, 32, 29, 1 +226, 491, 32, 30, 1 +227, 491, 32, 31, 1 +228, 491, 32, 32, 1 +229, 491, 32, 33, 1 +230, 491, 32, 34, 1 +231, 491, 32, 35, 1 +232, 491, 32, 36, 1 +233, 491, 32, 37, 1 +234, 491, 32, 38, 1 +235, 491, 32, 39, 1 +236, 491, 32, 40, 1 +237, 491, 32, 41, 1 +238, 491, 32, 42, 1 +239, 491, 32, 43, 1 +240, 491, 32, 44, 1 +241, 491, 32, 45, 1 +242, 491, 32, 46, 1 +243, 491, 32, 47, 1 +244, 491, 32, 48, 1 +245, 491, 32, 49, 1 +246, 491, 32, 50, 1 +247, 491, 32, 51, 1 +248, 491, 32, 52, 1 +249, 491, 32, 53, 1 +250, 491, 32, 54, 1 +251, 491, 32, 55, 1 +252, 491, 32, 56, 1 +253, 491, 32, 57, 1 +254, 491, 32, 58, 1 +255, 491, 32, 59, 1 +256, 491, 32, 60, 1 +257, 491, 32, 61, 1 +258, 491, 32, 62, 1 +259, 491, 32, 63, 1 +260, 491, 32, 64, 1 +261, 491, 32, 65, 1 +262, 491, 32, 66, 1 +263, 491, 32, 67, 1 +264, 491, 32, 68, 1 +265, 491, 32, 69, 1 +266, 491, 32, 70, 1 +267, 491, 32, 71, 1 +268, 491, 32, 72, 1 +269, 491, 32, 73, 1 +270, 491, 32, 74, 1 +271, 491, 32, 75, 1 +272, 491, 32, 76, 1 +273, 491, 32, 77, 1 +274, 491, 32, 78, 1 +275, 491, 32, 79, 1 +276, 491, 32, 80, 1 +277, 491, 32, 81, 1 +278, 491, 32, 82, 1 +279, 491, 32, 83, 1 +280, 491, 32, 84, 1 +281, 491, 32, 85, 1 +282, 491, 32, 86, 1 +283, 491, 32, 87, 1 +284, 491, 32, 88, 1 +285, 491, 32, 89, 1 +286, 491, 32, 90, 1 +287, 491, 32, 91, 1 +288, 491, 32, 92, 1 +289, 491, 32, 93, 1 +290, 491, 32, 94, 1 +291, 491, 32, 95, 1 +292, 491, 32, 96, 1 +293, 491, 32, 97, 1 +294, 491, 32, 98, 1 +295, 491, 32, 99, 1 +296, 491, 32, 100, 1 +297, 491, 33, 1, 1 +298, 491, 33, 2, 1 +299, 491, 33, 3, 1 +300, 491, 33, 4, 1 +301, 491, 33, 5, 1 +302, 491, 33, 6, 1 +303, 491, 33, 7, 1 +304, 491, 33, 8, 1 +305, 491, 33, 9, 1 +306, 491, 33, 10, 1 +307, 491, 33, 11, 1 +308, 491, 33, 12, 1 +309, 491, 33, 13, 1 +310, 491, 33, 14, 1 +311, 491, 33, 15, 1 +312, 491, 33, 16, 1 +313, 491, 33, 17, 1 +314, 491, 33, 18, 1 +315, 491, 33, 19, 1 +316, 491, 33, 20, 1 +317, 491, 33, 21, 1 +318, 491, 33, 22, 1 +319, 491, 33, 23, 1 +320, 491, 33, 24, 1 +321, 491, 33, 25, 1 +322, 491, 33, 26, 1 +323, 491, 33, 27, 1 +324, 491, 33, 28, 1 +325, 491, 33, 29, 1 +326, 491, 33, 30, 1 +327, 491, 33, 31, 1 +328, 491, 33, 32, 1 +329, 491, 33, 33, 1 +330, 491, 33, 34, 1 +331, 491, 33, 35, 1 +332, 491, 33, 36, 1 +333, 491, 33, 37, 1 +334, 491, 33, 38, 1 +335, 491, 33, 39, 1 +336, 491, 33, 40, 1 +337, 491, 33, 41, 1 +338, 491, 33, 42, 1 +339, 491, 33, 43, 1 +340, 491, 33, 44, 1 +341, 491, 33, 45, 1 +342, 491, 33, 46, 1 +343, 491, 33, 47, 1 +344, 491, 33, 48, 1 +345, 491, 33, 49, 1 +346, 491, 33, 50, 1 +347, 491, 33, 51, 1 +348, 491, 33, 52, 1 +349, 491, 33, 53, 1 +350, 491, 33, 54, 1 +351, 491, 33, 55, 1 +352, 491, 33, 56, 1 +353, 491, 33, 57, 1 +354, 491, 33, 58, 1 +355, 491, 33, 59, 1 +356, 491, 33, 60, 1 +357, 491, 33, 61, 1 +358, 491, 33, 62, 1 +359, 491, 33, 63, 1 +360, 491, 33, 64, 1 +361, 491, 33, 65, 1 +362, 491, 33, 66, 1 +363, 491, 33, 67, 1 +364, 491, 33, 68, 1 +365, 491, 33, 69, 1 +366, 491, 33, 70, 1 +367, 491, 33, 71, 1 +368, 491, 33, 72, 1 +369, 491, 33, 73, 1 +370, 491, 33, 74, 1 +371, 491, 33, 75, 1 +372, 491, 33, 76, 1 +373, 491, 33, 77, 1 +374, 491, 33, 78, 1 +375, 491, 33, 79, 1 +376, 491, 33, 80, 1 +377, 491, 33, 81, 1 +378, 491, 33, 82, 1 +379, 491, 33, 83, 1 +380, 491, 33, 84, 1 +381, 491, 33, 85, 1 +382, 491, 33, 86, 1 +383, 491, 33, 87, 1 +384, 491, 33, 88, 1 +385, 491, 33, 89, 1 +386, 491, 33, 90, 1 +387, 491, 33, 91, 1 +388, 491, 33, 92, 1 +389, 491, 33, 93, 1 +390, 491, 33, 94, 1 +391, 491, 33, 95, 1 +392, 491, 33, 96, 1 +393, 491, 33, 97, 1 +394, 491, 33, 98, 1 +395, 491, 33, 99, 1 +396, 491, 33, 100, 1 +397, 491, 34, 1, 1 +398, 491, 34, 2, 1 +399, 491, 34, 3, 1 +400, 491, 34, 4, 1 +401, 491, 34, 5, 1 +402, 491, 34, 6, 1 +403, 491, 34, 7, 1 +404, 491, 34, 8, 1 +405, 491, 34, 9, 1 +406, 491, 34, 10, 1 +407, 491, 34, 11, 1 +408, 491, 34, 12, 1 +409, 491, 34, 13, 1 +410, 491, 34, 14, 1 +411, 491, 34, 15, 1 +412, 491, 34, 16, 1 +413, 491, 34, 17, 1 +414, 491, 34, 18, 1 +415, 491, 34, 19, 1 +416, 491, 34, 20, 1 +417, 491, 34, 21, 1 +418, 491, 34, 22, 1 +419, 491, 34, 23, 1 +420, 491, 34, 24, 1 +421, 491, 34, 25, 1 +422, 491, 34, 26, 1 +423, 491, 34, 27, 1 +424, 491, 34, 28, 1 +425, 491, 34, 29, 1 +426, 491, 34, 30, 1 +427, 491, 34, 31, 1 +428, 491, 34, 32, 1 +429, 491, 34, 33, 1 +430, 491, 34, 34, 1 +431, 491, 34, 35, 1 +432, 491, 34, 36, 1 +433, 491, 34, 37, 1 +434, 491, 34, 38, 1 +435, 491, 34, 39, 1 +436, 491, 34, 40, 1 +437, 491, 34, 41, 1 +438, 491, 34, 42, 1 +439, 491, 34, 43, 1 +440, 491, 34, 44, 1 +441, 491, 34, 45, 1 +442, 491, 34, 46, 1 +443, 491, 34, 47, 1 +444, 491, 34, 48, 1 +445, 491, 34, 49, 1 +446, 491, 34, 50, 1 +447, 491, 34, 51, 1 +448, 491, 34, 52, 1 +449, 491, 34, 53, 1 +450, 491, 34, 54, 1 +451, 491, 34, 55, 1 +452, 491, 34, 56, 1 +453, 491, 34, 57, 1 +454, 491, 34, 58, 1 +455, 491, 34, 59, 1 +456, 491, 34, 60, 1 +457, 491, 34, 61, 1 +458, 491, 34, 62, 1 +459, 491, 34, 63, 1 +460, 491, 34, 64, 1 +461, 491, 34, 65, 1 +462, 491, 34, 66, 1 +463, 491, 34, 67, 1 +464, 491, 34, 68, 1 +465, 491, 34, 69, 1 +466, 491, 34, 70, 1 +467, 491, 34, 71, 1 +468, 491, 34, 72, 1 +469, 491, 34, 73, 1 +470, 491, 34, 74, 1 +471, 491, 34, 75, 1 +472, 491, 34, 76, 1 +473, 491, 34, 77, 1 +474, 491, 34, 78, 1 +475, 491, 34, 79, 1 +476, 491, 34, 80, 1 +477, 491, 34, 81, 1 +478, 491, 34, 82, 1 +479, 491, 34, 83, 1 +480, 491, 34, 84, 1 +481, 491, 34, 85, 1 +482, 491, 34, 86, 1 +483, 491, 34, 87, 1 +484, 491, 34, 88, 1 +1, 492, 34, 89, 1 +2, 492, 34, 90, 1 +3, 492, 34, 91, 1 +4, 492, 34, 92, 1 +5, 492, 34, 93, 1 +6, 492, 34, 94, 1 +7, 492, 34, 95, 1 +8, 492, 34, 96, 1 +9, 492, 34, 97, 1 +10, 492, 34, 98, 1 +11, 492, 34, 99, 1 +12, 492, 34, 100, 1 +13, 492, 35, 1, 1 +14, 492, 35, 2, 1 +15, 492, 35, 3, 1 +16, 492, 35, 4, 1 +17, 492, 35, 5, 1 +18, 492, 35, 6, 1 +19, 492, 35, 7, 1 +20, 492, 35, 8, 1 +21, 492, 35, 9, 1 +22, 492, 35, 10, 1 +23, 492, 35, 11, 1 +24, 492, 35, 12, 1 +25, 492, 35, 13, 1 +26, 492, 35, 14, 1 +27, 492, 35, 15, 1 +28, 492, 35, 16, 1 +29, 492, 35, 17, 1 +30, 492, 35, 18, 1 +31, 492, 35, 19, 1 +32, 492, 35, 20, 1 +33, 492, 35, 21, 1 +34, 492, 35, 22, 1 +35, 492, 35, 23, 1 +36, 492, 35, 24, 1 +37, 492, 35, 25, 1 +38, 492, 35, 26, 1 +39, 492, 35, 27, 1 +40, 492, 35, 28, 1 +41, 492, 35, 29, 1 +42, 492, 35, 30, 1 +43, 492, 35, 31, 1 +44, 492, 35, 32, 1 +45, 492, 35, 33, 1 +46, 492, 35, 34, 1 +47, 492, 35, 35, 1 +48, 492, 35, 36, 1 +49, 492, 35, 37, 1 +50, 492, 35, 38, 1 +51, 492, 35, 39, 1 +52, 492, 35, 40, 1 +53, 492, 35, 41, 1 +54, 492, 35, 42, 1 +55, 492, 35, 43, 1 +56, 492, 35, 44, 1 +57, 492, 35, 45, 1 +58, 492, 35, 46, 1 +59, 492, 35, 47, 1 +60, 492, 35, 48, 1 +61, 492, 35, 49, 1 +62, 492, 35, 50, 1 +63, 492, 35, 51, 1 +64, 492, 35, 52, 1 +65, 492, 35, 53, 1 +66, 492, 35, 54, 1 +67, 492, 35, 55, 1 +68, 492, 35, 56, 1 +69, 492, 35, 57, 1 +70, 492, 35, 58, 1 +71, 492, 35, 59, 1 +72, 492, 35, 60, 1 +73, 492, 35, 61, 1 +74, 492, 35, 62, 1 +75, 492, 35, 63, 1 +76, 492, 35, 64, 1 +77, 492, 35, 65, 1 +78, 492, 35, 66, 1 +79, 492, 35, 67, 1 +80, 492, 35, 68, 1 +81, 492, 35, 69, 1 +82, 492, 35, 70, 1 +83, 492, 35, 71, 1 +84, 492, 35, 72, 1 +85, 492, 35, 73, 1 +86, 492, 35, 74, 1 +87, 492, 35, 75, 1 +88, 492, 35, 76, 1 +89, 492, 35, 77, 1 +90, 492, 35, 78, 1 +91, 492, 35, 79, 1 +92, 492, 35, 80, 1 +93, 492, 35, 81, 1 +94, 492, 35, 82, 1 +95, 492, 35, 83, 1 +96, 492, 35, 84, 1 +97, 492, 35, 85, 1 +98, 492, 35, 86, 1 +99, 492, 35, 87, 1 +100, 492, 35, 88, 1 +101, 492, 35, 89, 1 +102, 492, 35, 90, 1 +103, 492, 35, 91, 1 +104, 492, 35, 92, 1 +105, 492, 35, 93, 1 +106, 492, 35, 94, 1 +107, 492, 35, 95, 1 +108, 492, 35, 96, 1 +109, 492, 35, 97, 1 +110, 492, 35, 98, 1 +111, 492, 35, 99, 1 +112, 492, 35, 100, 1 +113, 492, 36, 1, 1 +114, 492, 36, 2, 1 +115, 492, 36, 3, 1 +116, 492, 36, 4, 1 +117, 492, 36, 5, 1 +118, 492, 36, 6, 1 +119, 492, 36, 7, 1 +120, 492, 36, 8, 1 +121, 492, 36, 9, 1 +122, 492, 36, 10, 1 +123, 492, 36, 11, 1 +124, 492, 36, 12, 1 +125, 492, 36, 13, 1 +126, 492, 36, 14, 1 +127, 492, 36, 15, 1 +128, 492, 36, 16, 1 +129, 492, 36, 17, 1 +130, 492, 36, 18, 1 +131, 492, 36, 19, 1 +132, 492, 36, 20, 1 +133, 492, 36, 21, 1 +134, 492, 36, 22, 1 +135, 492, 36, 23, 1 +136, 492, 36, 24, 1 +137, 492, 36, 25, 1 +138, 492, 36, 26, 1 +139, 492, 36, 27, 1 +140, 492, 36, 28, 1 +141, 492, 36, 29, 1 +142, 492, 36, 30, 1 +143, 492, 36, 31, 1 +144, 492, 36, 32, 1 +145, 492, 36, 33, 1 +146, 492, 36, 34, 1 +147, 492, 36, 35, 1 +148, 492, 36, 36, 1 +149, 492, 36, 37, 1 +150, 492, 36, 38, 1 +151, 492, 36, 39, 1 +152, 492, 36, 40, 1 +153, 492, 36, 41, 1 +154, 492, 36, 42, 1 +155, 492, 36, 43, 1 +156, 492, 36, 44, 1 +157, 492, 36, 45, 1 +158, 492, 36, 46, 1 +159, 492, 36, 47, 1 +160, 492, 36, 48, 1 +161, 492, 36, 49, 1 +162, 492, 36, 50, 1 +163, 492, 36, 51, 1 +164, 492, 36, 52, 1 +165, 492, 36, 53, 1 +166, 492, 36, 54, 1 +167, 492, 36, 55, 1 +168, 492, 36, 56, 1 +169, 492, 36, 57, 1 +170, 492, 36, 58, 1 +171, 492, 36, 59, 1 +172, 492, 36, 60, 1 +173, 492, 36, 61, 1 +174, 492, 36, 62, 1 +175, 492, 36, 63, 1 +176, 492, 36, 64, 1 +177, 492, 36, 65, 1 +178, 492, 36, 66, 1 +179, 492, 36, 67, 1 +180, 492, 36, 68, 1 +181, 492, 36, 69, 1 +182, 492, 36, 70, 1 +183, 492, 36, 71, 1 +184, 492, 36, 72, 1 +185, 492, 36, 73, 1 +186, 492, 36, 74, 1 +187, 492, 36, 75, 1 +188, 492, 36, 76, 1 +189, 492, 36, 77, 1 +190, 492, 36, 78, 1 +191, 492, 36, 79, 1 +192, 492, 36, 80, 1 +193, 492, 36, 81, 1 +194, 492, 36, 82, 1 +195, 492, 36, 83, 1 +196, 492, 36, 84, 1 +197, 492, 36, 85, 1 +198, 492, 36, 86, 1 +199, 492, 36, 87, 1 +200, 492, 36, 88, 1 +201, 492, 36, 89, 1 +202, 492, 36, 90, 1 +203, 492, 36, 91, 1 +204, 492, 36, 92, 1 +205, 492, 36, 93, 1 +206, 492, 36, 94, 1 +207, 492, 36, 95, 1 +208, 492, 36, 96, 1 +209, 492, 36, 97, 1 +210, 492, 36, 98, 1 +211, 492, 36, 99, 1 +212, 492, 36, 100, 1 +213, 492, 37, 1, 1 +214, 492, 37, 2, 1 +215, 492, 37, 3, 1 +216, 492, 37, 4, 1 +217, 492, 37, 5, 1 +218, 492, 37, 6, 1 +219, 492, 37, 7, 1 +220, 492, 37, 8, 1 +221, 492, 37, 9, 1 +222, 492, 37, 10, 1 +223, 492, 37, 11, 1 +224, 492, 37, 12, 1 +225, 492, 37, 13, 1 +226, 492, 37, 14, 1 +227, 492, 37, 15, 1 +228, 492, 37, 16, 1 +229, 492, 37, 17, 1 +230, 492, 37, 18, 1 +231, 492, 37, 19, 1 +232, 492, 37, 20, 1 +233, 492, 37, 21, 1 +234, 492, 37, 22, 1 +235, 492, 37, 23, 1 +236, 492, 37, 24, 1 +237, 492, 37, 25, 1 +238, 492, 37, 26, 1 +239, 492, 37, 27, 1 +240, 492, 37, 28, 1 +241, 492, 37, 29, 1 +242, 492, 37, 30, 1 +243, 492, 37, 31, 1 +244, 492, 37, 32, 1 +245, 492, 37, 33, 1 +246, 492, 37, 34, 1 +247, 492, 37, 35, 1 +248, 492, 37, 36, 1 +249, 492, 37, 37, 1 +250, 492, 37, 38, 1 +251, 492, 37, 39, 1 +252, 492, 37, 40, 1 +253, 492, 37, 41, 1 +254, 492, 37, 42, 1 +255, 492, 37, 43, 1 +256, 492, 37, 44, 1 +257, 492, 37, 45, 1 +258, 492, 37, 46, 1 +259, 492, 37, 47, 1 +260, 492, 37, 48, 1 +261, 492, 37, 49, 1 +262, 492, 37, 50, 1 +263, 492, 37, 51, 1 +264, 492, 37, 52, 1 +265, 492, 37, 53, 1 +266, 492, 37, 54, 1 +267, 492, 37, 55, 1 +268, 492, 37, 56, 1 +269, 492, 37, 57, 1 +270, 492, 37, 58, 1 +271, 492, 37, 59, 1 +272, 492, 37, 60, 1 +273, 492, 37, 61, 1 +274, 492, 37, 62, 1 +275, 492, 37, 63, 1 +276, 492, 37, 64, 1 +277, 492, 37, 65, 1 +278, 492, 37, 66, 1 +279, 492, 37, 67, 1 +280, 492, 37, 68, 1 +281, 492, 37, 69, 1 +282, 492, 37, 70, 1 +283, 492, 37, 71, 1 +284, 492, 37, 72, 1 +285, 492, 37, 73, 1 +286, 492, 37, 74, 1 +287, 492, 37, 75, 1 +288, 492, 37, 76, 1 +289, 492, 37, 77, 1 +290, 492, 37, 78, 1 +291, 492, 37, 79, 1 +292, 492, 37, 80, 1 +293, 492, 37, 81, 1 +294, 492, 37, 82, 1 +295, 492, 37, 83, 1 +296, 492, 37, 84, 1 +297, 492, 37, 85, 1 +298, 492, 37, 86, 1 +299, 492, 37, 87, 1 +300, 492, 37, 88, 1 +301, 492, 37, 89, 1 +302, 492, 37, 90, 1 +303, 492, 37, 91, 1 +304, 492, 37, 92, 1 +305, 492, 37, 93, 1 +306, 492, 37, 94, 1 +307, 492, 37, 95, 1 +308, 492, 37, 96, 1 +309, 492, 37, 97, 1 +310, 492, 37, 98, 1 +311, 492, 37, 99, 1 +312, 492, 37, 100, 1 +313, 492, 38, 1, 1 +314, 492, 38, 2, 1 +315, 492, 38, 3, 1 +316, 492, 38, 4, 1 +317, 492, 38, 5, 1 +318, 492, 38, 6, 1 +319, 492, 38, 7, 1 +320, 492, 38, 8, 1 +321, 492, 38, 9, 1 +322, 492, 38, 10, 1 +323, 492, 38, 11, 1 +324, 492, 38, 12, 1 +325, 492, 38, 13, 1 +326, 492, 38, 14, 1 +327, 492, 38, 15, 1 +328, 492, 38, 16, 1 +329, 492, 38, 17, 1 +330, 492, 38, 18, 1 +331, 492, 38, 19, 1 +332, 492, 38, 20, 1 +333, 492, 38, 21, 1 +334, 492, 38, 22, 1 +335, 492, 38, 23, 1 +336, 492, 38, 24, 1 +337, 492, 38, 25, 1 +338, 492, 38, 26, 1 +339, 492, 38, 27, 1 +340, 492, 38, 28, 1 +341, 492, 38, 29, 1 +342, 492, 38, 30, 1 +343, 492, 38, 31, 1 +344, 492, 38, 32, 1 +345, 492, 38, 33, 1 +346, 492, 38, 34, 1 +347, 492, 38, 35, 1 +348, 492, 38, 36, 1 +349, 492, 38, 37, 1 +350, 492, 38, 38, 1 +351, 492, 38, 39, 1 +352, 492, 38, 40, 1 +353, 492, 38, 41, 1 +354, 492, 38, 42, 1 +355, 492, 38, 43, 1 +356, 492, 38, 44, 1 +357, 492, 38, 45, 1 +358, 492, 38, 46, 1 +359, 492, 38, 47, 1 +360, 492, 38, 48, 1 +361, 492, 38, 49, 1 +362, 492, 38, 50, 1 +363, 492, 38, 51, 1 +364, 492, 38, 52, 1 +365, 492, 38, 53, 1 +366, 492, 38, 54, 1 +367, 492, 38, 55, 1 +368, 492, 38, 56, 1 +369, 492, 38, 57, 1 +370, 492, 38, 58, 1 +371, 492, 38, 59, 1 +372, 492, 38, 60, 1 +373, 492, 38, 61, 1 +374, 492, 38, 62, 1 +375, 492, 38, 63, 1 +376, 492, 38, 64, 1 +377, 492, 38, 65, 1 +378, 492, 38, 66, 1 +379, 492, 38, 67, 1 +380, 492, 38, 68, 1 +381, 492, 38, 69, 1 +382, 492, 38, 70, 1 +383, 492, 38, 71, 1 +384, 492, 38, 72, 1 +385, 492, 38, 73, 1 +386, 492, 38, 74, 1 +387, 492, 38, 75, 1 +388, 492, 38, 76, 1 +389, 492, 38, 77, 1 +390, 492, 38, 78, 1 +391, 492, 38, 79, 1 +392, 492, 38, 80, 1 +393, 492, 38, 81, 1 +394, 492, 38, 82, 1 +395, 492, 38, 83, 1 +396, 492, 38, 84, 1 +397, 492, 38, 85, 1 +398, 492, 38, 86, 1 +399, 492, 38, 87, 1 +400, 492, 38, 88, 1 +401, 492, 38, 89, 1 +402, 492, 38, 90, 1 +403, 492, 38, 91, 1 +404, 492, 38, 92, 1 +405, 492, 38, 93, 1 +406, 492, 38, 94, 1 +407, 492, 38, 95, 1 +408, 492, 38, 96, 1 +409, 492, 38, 97, 1 +410, 492, 38, 98, 1 +411, 492, 38, 99, 1 +412, 492, 38, 100, 1 +413, 492, 39, 1, 1 +414, 492, 39, 2, 1 +415, 492, 39, 3, 1 +416, 492, 39, 4, 1 +417, 492, 39, 5, 1 +418, 492, 39, 6, 1 +419, 492, 39, 7, 1 +420, 492, 39, 8, 1 +421, 492, 39, 9, 1 +422, 492, 39, 10, 1 +423, 492, 39, 11, 1 +424, 492, 39, 12, 1 +425, 492, 39, 13, 1 +426, 492, 39, 14, 1 +427, 492, 39, 15, 1 +428, 492, 39, 16, 1 +429, 492, 39, 17, 1 +430, 492, 39, 18, 1 +431, 492, 39, 19, 1 +432, 492, 39, 20, 1 +433, 492, 39, 21, 1 +434, 492, 39, 22, 1 +435, 492, 39, 23, 1 +436, 492, 39, 24, 1 +437, 492, 39, 25, 1 +438, 492, 39, 26, 1 +439, 492, 39, 27, 1 +440, 492, 39, 28, 1 +441, 492, 39, 29, 1 +442, 492, 39, 30, 1 +443, 492, 39, 31, 1 +444, 492, 39, 32, 1 +445, 492, 39, 33, 1 +446, 492, 39, 34, 1 +447, 492, 39, 35, 1 +448, 492, 39, 36, 1 +449, 492, 39, 37, 1 +450, 492, 39, 38, 1 +451, 492, 39, 39, 1 +452, 492, 39, 40, 1 +453, 492, 39, 41, 1 +454, 492, 39, 42, 1 +455, 492, 39, 43, 1 +456, 492, 39, 44, 1 +457, 492, 39, 45, 1 +458, 492, 39, 46, 1 +459, 492, 39, 47, 1 +460, 492, 39, 48, 1 +461, 492, 39, 49, 1 +462, 492, 39, 50, 1 +463, 492, 39, 51, 1 +464, 492, 39, 52, 1 +465, 492, 39, 53, 1 +466, 492, 39, 54, 1 +467, 492, 39, 55, 1 +468, 492, 39, 56, 1 +469, 492, 39, 57, 1 +470, 492, 39, 58, 1 +471, 492, 39, 59, 1 +472, 492, 39, 60, 1 +473, 492, 39, 61, 1 +474, 492, 39, 62, 1 +475, 492, 39, 63, 1 +476, 492, 39, 64, 1 +477, 492, 39, 65, 1 +478, 492, 39, 66, 1 +479, 492, 39, 67, 1 +480, 492, 39, 68, 1 +481, 492, 39, 69, 1 +482, 492, 39, 70, 1 +483, 492, 39, 71, 1 +484, 492, 39, 72, 1 +1, 493, 39, 73, 1 +2, 493, 39, 74, 1 +3, 493, 39, 75, 1 +4, 493, 39, 76, 1 +5, 493, 39, 77, 1 +6, 493, 39, 78, 1 +7, 493, 39, 79, 1 +8, 493, 39, 80, 1 +9, 493, 39, 81, 1 +10, 493, 39, 82, 1 +11, 493, 39, 83, 1 +12, 493, 39, 84, 1 +13, 493, 39, 85, 1 +14, 493, 39, 86, 1 +15, 493, 39, 87, 1 +16, 493, 39, 88, 1 +17, 493, 39, 89, 1 +18, 493, 39, 90, 1 +19, 493, 39, 91, 1 +20, 493, 39, 92, 1 +21, 493, 39, 93, 1 +22, 493, 39, 94, 1 +23, 493, 39, 95, 1 +24, 493, 39, 96, 1 +25, 493, 39, 97, 1 +26, 493, 39, 98, 1 +27, 493, 39, 99, 1 +28, 493, 39, 100, 1 +29, 493, 40, 1, 1 +30, 493, 40, 2, 1 +31, 493, 40, 3, 1 +32, 493, 40, 4, 1 +33, 493, 40, 5, 1 +34, 493, 40, 6, 1 +35, 493, 40, 7, 1 +36, 493, 40, 8, 1 +37, 493, 40, 9, 1 +38, 493, 40, 10, 1 +39, 493, 40, 11, 1 +40, 493, 40, 12, 1 +41, 493, 40, 13, 1 +42, 493, 40, 14, 1 +43, 493, 40, 15, 1 +44, 493, 40, 16, 1 +45, 493, 40, 17, 1 +46, 493, 40, 18, 1 +47, 493, 40, 19, 1 +48, 493, 40, 20, 1 +49, 493, 40, 21, 1 +50, 493, 40, 22, 1 +51, 493, 40, 23, 1 +52, 493, 40, 24, 1 +53, 493, 40, 25, 1 +54, 493, 40, 26, 1 +55, 493, 40, 27, 1 +56, 493, 40, 28, 1 +57, 493, 40, 29, 1 +58, 493, 40, 30, 1 +59, 493, 40, 31, 1 +60, 493, 40, 32, 1 +61, 493, 40, 33, 1 +62, 493, 40, 34, 1 +63, 493, 40, 35, 1 +64, 493, 40, 36, 1 +65, 493, 40, 37, 1 +66, 493, 40, 38, 1 +67, 493, 40, 39, 1 +68, 493, 40, 40, 1 +69, 493, 40, 41, 1 +70, 493, 40, 42, 1 +71, 493, 40, 43, 1 +72, 493, 40, 44, 1 +73, 493, 40, 45, 1 +74, 493, 40, 46, 1 +75, 493, 40, 47, 1 +76, 493, 40, 48, 1 +77, 493, 40, 49, 1 +78, 493, 40, 50, 1 +79, 493, 40, 51, 1 +80, 493, 40, 52, 1 +81, 493, 40, 53, 1 +82, 493, 40, 54, 1 +83, 493, 40, 55, 1 +84, 493, 40, 56, 1 +85, 493, 40, 57, 1 +86, 493, 40, 58, 1 +87, 493, 40, 59, 1 +88, 493, 40, 60, 1 +89, 493, 40, 61, 1 +90, 493, 40, 62, 1 +91, 493, 40, 63, 1 +92, 493, 40, 64, 1 +93, 493, 40, 65, 1 +94, 493, 40, 66, 1 +95, 493, 40, 67, 1 +96, 493, 40, 68, 1 +97, 493, 40, 69, 1 +98, 493, 40, 70, 1 +99, 493, 40, 71, 1 +100, 493, 40, 72, 1 +101, 493, 40, 73, 1 +102, 493, 40, 74, 1 +103, 493, 40, 75, 1 +104, 493, 40, 76, 1 +105, 493, 40, 77, 1 +106, 493, 40, 78, 1 +107, 493, 40, 79, 1 +108, 493, 40, 80, 1 +109, 493, 40, 81, 1 +110, 493, 40, 82, 1 +111, 493, 40, 83, 1 +112, 493, 40, 84, 1 +113, 493, 40, 85, 1 +114, 493, 40, 86, 1 +115, 493, 40, 87, 1 +116, 493, 40, 88, 1 +117, 493, 40, 89, 1 +118, 493, 40, 90, 1 +119, 493, 40, 91, 1 +120, 493, 40, 92, 1 +121, 493, 40, 93, 1 +122, 493, 40, 94, 1 +123, 493, 40, 95, 1 +124, 493, 40, 96, 1 +125, 493, 40, 97, 1 +126, 493, 40, 98, 1 +127, 493, 40, 99, 1 +128, 493, 40, 100, 1 +129, 493, 41, 1, 1 +130, 493, 41, 2, 1 +131, 493, 41, 3, 1 +132, 493, 41, 4, 1 +133, 493, 41, 5, 1 +134, 493, 41, 6, 1 +135, 493, 41, 7, 1 +136, 493, 41, 8, 1 +137, 493, 41, 9, 1 +138, 493, 41, 10, 1 +139, 493, 41, 11, 1 +140, 493, 41, 12, 1 +141, 493, 41, 13, 1 +142, 493, 41, 14, 1 +143, 493, 41, 15, 1 +144, 493, 41, 16, 1 +145, 493, 41, 17, 1 +146, 493, 41, 18, 1 +147, 493, 41, 19, 1 +148, 493, 41, 20, 1 +149, 493, 41, 21, 1 +150, 493, 41, 22, 1 +151, 493, 41, 23, 1 +152, 493, 41, 24, 1 +153, 493, 41, 25, 1 +154, 493, 41, 26, 1 +155, 493, 41, 27, 1 +156, 493, 41, 28, 1 +157, 493, 41, 29, 1 +158, 493, 41, 30, 1 +159, 493, 41, 31, 1 +160, 493, 41, 32, 1 +161, 493, 41, 33, 1 +162, 493, 41, 34, 1 +163, 493, 41, 35, 1 +164, 493, 41, 36, 1 +165, 493, 41, 37, 1 +166, 493, 41, 38, 1 +167, 493, 41, 39, 1 +168, 493, 41, 40, 1 +169, 493, 41, 41, 1 +170, 493, 41, 42, 1 +171, 493, 41, 43, 1 +172, 493, 41, 44, 1 +173, 493, 41, 45, 1 +174, 493, 41, 46, 1 +175, 493, 41, 47, 1 +176, 493, 41, 48, 1 +177, 493, 41, 49, 1 +178, 493, 41, 50, 1 +179, 493, 41, 51, 1 +180, 493, 41, 52, 1 +181, 493, 41, 53, 1 +182, 493, 41, 54, 1 +183, 493, 41, 55, 1 +184, 493, 41, 56, 1 +185, 493, 41, 57, 1 +186, 493, 41, 58, 1 +187, 493, 41, 59, 1 +188, 493, 41, 60, 1 +189, 493, 41, 61, 1 +190, 493, 41, 62, 1 +191, 493, 41, 63, 1 +192, 493, 41, 64, 1 +193, 493, 41, 65, 1 +194, 493, 41, 66, 1 +195, 493, 41, 67, 1 +196, 493, 41, 68, 1 +197, 493, 41, 69, 1 +198, 493, 41, 70, 1 +199, 493, 41, 71, 1 +200, 493, 41, 72, 1 +201, 493, 41, 73, 1 +202, 493, 41, 74, 1 +203, 493, 41, 75, 1 +204, 493, 41, 76, 1 +205, 493, 41, 77, 1 +206, 493, 41, 78, 1 +207, 493, 41, 79, 1 +208, 493, 41, 80, 1 +209, 493, 41, 81, 1 +210, 493, 41, 82, 1 +211, 493, 41, 83, 1 +212, 493, 41, 84, 1 +213, 493, 41, 85, 1 +214, 493, 41, 86, 1 +215, 493, 41, 87, 1 +216, 493, 41, 88, 1 +217, 493, 41, 89, 1 +218, 493, 41, 90, 1 +219, 493, 41, 91, 1 +220, 493, 41, 92, 1 +221, 493, 41, 93, 1 +222, 493, 41, 94, 1 +223, 493, 41, 95, 1 +224, 493, 41, 96, 1 +225, 493, 41, 97, 1 +226, 493, 41, 98, 1 +227, 493, 41, 99, 1 +228, 493, 41, 100, 1 +229, 493, 42, 1, 1 +230, 493, 42, 2, 1 +231, 493, 42, 3, 1 +232, 493, 42, 4, 1 +233, 493, 42, 5, 1 +234, 493, 42, 6, 1 +235, 493, 42, 7, 1 +236, 493, 42, 8, 1 +237, 493, 42, 9, 1 +238, 493, 42, 10, 1 +239, 493, 42, 11, 1 +240, 493, 42, 12, 1 +241, 493, 42, 13, 1 +242, 493, 42, 14, 1 +243, 493, 42, 15, 1 +244, 493, 42, 16, 1 +245, 493, 42, 17, 1 +246, 493, 42, 18, 1 +247, 493, 42, 19, 1 +248, 493, 42, 20, 1 +249, 493, 42, 21, 1 +250, 493, 42, 22, 1 +251, 493, 42, 23, 1 +252, 493, 42, 24, 1 +253, 493, 42, 25, 1 +254, 493, 42, 26, 1 +255, 493, 42, 27, 1 +256, 493, 42, 28, 1 +257, 493, 42, 29, 1 +258, 493, 42, 30, 1 +259, 493, 42, 31, 1 +260, 493, 42, 32, 1 +261, 493, 42, 33, 1 +262, 493, 42, 34, 1 +263, 493, 42, 35, 1 +264, 493, 42, 36, 1 +265, 493, 42, 37, 1 +266, 493, 42, 38, 1 +267, 493, 42, 39, 1 +268, 493, 42, 40, 1 +269, 493, 42, 41, 1 +270, 493, 42, 42, 1 +271, 493, 42, 43, 1 +272, 493, 42, 44, 1 +273, 493, 42, 45, 1 +274, 493, 42, 46, 1 +275, 493, 42, 47, 1 +276, 493, 42, 48, 1 +277, 493, 42, 49, 1 +278, 493, 42, 50, 1 +279, 493, 42, 51, 1 +280, 493, 42, 52, 1 +281, 493, 42, 53, 1 +282, 493, 42, 54, 1 +283, 493, 42, 55, 1 +284, 493, 42, 56, 1 +285, 493, 42, 57, 1 +286, 493, 42, 58, 1 +287, 493, 42, 59, 1 +288, 493, 42, 60, 1 +289, 493, 42, 61, 1 +290, 493, 42, 62, 1 +291, 493, 42, 63, 1 +292, 493, 42, 64, 1 +293, 493, 42, 65, 1 +294, 493, 42, 66, 1 +295, 493, 42, 67, 1 +296, 493, 42, 68, 1 +297, 493, 42, 69, 1 +298, 493, 42, 70, 1 +299, 493, 42, 71, 1 +300, 493, 42, 72, 1 +301, 493, 42, 73, 1 +302, 493, 42, 74, 1 +303, 493, 42, 75, 1 +304, 493, 42, 76, 1 +305, 493, 42, 77, 1 +306, 493, 42, 78, 1 +307, 493, 42, 79, 1 +308, 493, 42, 80, 1 +309, 493, 42, 81, 1 +310, 493, 42, 82, 1 +311, 493, 42, 83, 1 +312, 493, 42, 84, 1 +313, 493, 42, 85, 1 +314, 493, 42, 86, 1 +315, 493, 42, 87, 1 +316, 493, 42, 88, 1 +317, 493, 42, 89, 1 +318, 493, 42, 90, 1 +319, 493, 42, 91, 1 +320, 493, 42, 92, 1 +321, 493, 42, 93, 1 +322, 493, 42, 94, 1 +323, 493, 42, 95, 1 +324, 493, 42, 96, 1 +325, 493, 42, 97, 1 +326, 493, 42, 98, 1 +327, 493, 42, 99, 1 +328, 493, 42, 100, 1 +329, 493, 43, 1, 1 +330, 493, 43, 2, 1 +331, 493, 43, 3, 1 +332, 493, 43, 4, 1 +333, 493, 43, 5, 1 +334, 493, 43, 6, 1 +335, 493, 43, 7, 1 +336, 493, 43, 8, 1 +337, 493, 43, 9, 1 +338, 493, 43, 10, 1 +339, 493, 43, 11, 1 +340, 493, 43, 12, 1 +341, 493, 43, 13, 1 +342, 493, 43, 14, 1 +343, 493, 43, 15, 1 +344, 493, 43, 16, 1 +345, 493, 43, 17, 1 +346, 493, 43, 18, 1 +347, 493, 43, 19, 1 +348, 493, 43, 20, 1 +349, 493, 43, 21, 1 +350, 493, 43, 22, 1 +351, 493, 43, 23, 1 +352, 493, 43, 24, 1 +353, 493, 43, 25, 1 +354, 493, 43, 26, 1 +355, 493, 43, 27, 1 +356, 493, 43, 28, 1 +357, 493, 43, 29, 1 +358, 493, 43, 30, 1 +359, 493, 43, 31, 1 +360, 493, 43, 32, 1 +361, 493, 43, 33, 1 +362, 493, 43, 34, 1 +363, 493, 43, 35, 1 +364, 493, 43, 36, 1 +365, 493, 43, 37, 1 +366, 493, 43, 38, 1 +367, 493, 43, 39, 1 +368, 493, 43, 40, 1 +369, 493, 43, 41, 1 +370, 493, 43, 42, 1 +371, 493, 43, 43, 1 +372, 493, 43, 44, 1 +373, 493, 43, 45, 1 +374, 493, 43, 46, 1 +375, 493, 43, 47, 1 +376, 493, 43, 48, 1 +377, 493, 43, 49, 1 +378, 493, 43, 50, 1 +379, 493, 43, 51, 1 +380, 493, 43, 52, 1 +381, 493, 43, 53, 1 +382, 493, 43, 54, 1 +383, 493, 43, 55, 1 +384, 493, 43, 56, 1 +385, 493, 43, 57, 1 +386, 493, 43, 58, 1 +387, 493, 43, 59, 1 +388, 493, 43, 60, 1 +389, 493, 43, 61, 1 +390, 493, 43, 62, 1 +391, 493, 43, 63, 1 +392, 493, 43, 64, 1 +393, 493, 43, 65, 1 +394, 493, 43, 66, 1 +395, 493, 43, 67, 1 +396, 493, 43, 68, 1 +397, 493, 43, 69, 1 +398, 493, 43, 70, 1 +399, 493, 43, 71, 1 +400, 493, 43, 72, 1 +401, 493, 43, 73, 1 +402, 493, 43, 74, 1 +403, 493, 43, 75, 1 +404, 493, 43, 76, 1 +405, 493, 43, 77, 1 +406, 493, 43, 78, 1 +407, 493, 43, 79, 1 +408, 493, 43, 80, 1 +409, 493, 43, 81, 1 +410, 493, 43, 82, 1 +411, 493, 43, 83, 1 +412, 493, 43, 84, 1 +413, 493, 43, 85, 1 +414, 493, 43, 86, 1 +415, 493, 43, 87, 1 +416, 493, 43, 88, 1 +417, 493, 43, 89, 1 +418, 493, 43, 90, 1 +419, 493, 43, 91, 1 +420, 493, 43, 92, 1 +421, 493, 43, 93, 1 +422, 493, 43, 94, 1 +423, 493, 43, 95, 1 +424, 493, 43, 96, 1 +425, 493, 43, 97, 1 +426, 493, 43, 98, 1 +427, 493, 43, 99, 1 +428, 493, 43, 100, 1 +429, 493, 44, 1, 1 +430, 493, 44, 2, 1 +431, 493, 44, 3, 1 +432, 493, 44, 4, 1 +433, 493, 44, 5, 1 +434, 493, 44, 6, 1 +435, 493, 44, 7, 1 +436, 493, 44, 8, 1 +437, 493, 44, 9, 1 +438, 493, 44, 10, 1 +439, 493, 44, 11, 1 +440, 493, 44, 12, 1 +441, 493, 44, 13, 1 +442, 493, 44, 14, 1 +443, 493, 44, 15, 1 +444, 493, 44, 16, 1 +445, 493, 44, 17, 1 +446, 493, 44, 18, 1 +447, 493, 44, 19, 1 +448, 493, 44, 20, 1 +449, 493, 44, 21, 1 +450, 493, 44, 22, 1 +451, 493, 44, 23, 1 +452, 493, 44, 24, 1 +453, 493, 44, 25, 1 +454, 493, 44, 26, 1 +455, 493, 44, 27, 1 +456, 493, 44, 28, 1 +457, 493, 44, 29, 1 +458, 493, 44, 30, 1 +459, 493, 44, 31, 1 +460, 493, 44, 32, 1 +461, 493, 44, 33, 1 +462, 493, 44, 34, 1 +463, 493, 44, 35, 1 +464, 493, 44, 36, 1 +465, 493, 44, 37, 1 +466, 493, 44, 38, 1 +467, 493, 44, 39, 1 +468, 493, 44, 40, 1 +469, 493, 44, 41, 1 +470, 493, 44, 42, 1 +471, 493, 44, 43, 1 +472, 493, 44, 44, 1 +473, 493, 44, 45, 1 +474, 493, 44, 46, 1 +475, 493, 44, 47, 1 +476, 493, 44, 48, 1 +477, 493, 44, 49, 1 +478, 493, 44, 50, 1 +479, 493, 44, 51, 1 +480, 493, 44, 52, 1 +481, 493, 44, 53, 1 +482, 493, 44, 54, 1 +483, 493, 44, 55, 1 +484, 493, 44, 56, 1 +1, 494, 44, 57, 1 +2, 494, 44, 58, 1 +3, 494, 44, 59, 1 +4, 494, 44, 60, 1 +5, 494, 44, 61, 1 +6, 494, 44, 62, 1 +7, 494, 44, 63, 1 +8, 494, 44, 64, 1 +9, 494, 44, 65, 1 +10, 494, 44, 66, 1 +11, 494, 44, 67, 1 +12, 494, 44, 68, 1 +13, 494, 44, 69, 1 +14, 494, 44, 70, 1 +15, 494, 44, 71, 1 +16, 494, 44, 72, 1 +17, 494, 44, 73, 1 +18, 494, 44, 74, 1 +19, 494, 44, 75, 1 +20, 494, 44, 76, 1 +21, 494, 44, 77, 1 +22, 494, 44, 78, 1 +23, 494, 44, 79, 1 +24, 494, 44, 80, 1 +25, 494, 44, 81, 1 +26, 494, 44, 82, 1 +27, 494, 44, 83, 1 +28, 494, 44, 84, 1 +29, 494, 44, 85, 1 +30, 494, 44, 86, 1 +31, 494, 44, 87, 1 +32, 494, 44, 88, 1 +33, 494, 44, 89, 1 +34, 494, 44, 90, 1 +35, 494, 44, 91, 1 +36, 494, 44, 92, 1 +37, 494, 44, 93, 1 +38, 494, 44, 94, 1 +39, 494, 44, 95, 1 +40, 494, 44, 96, 1 +41, 494, 44, 97, 1 +42, 494, 44, 98, 1 +43, 494, 44, 99, 1 +44, 494, 44, 100, 1 +45, 494, 45, 1, 1 +46, 494, 45, 2, 1 +47, 494, 45, 3, 1 +48, 494, 45, 4, 1 +49, 494, 45, 5, 1 +50, 494, 45, 6, 1 +51, 494, 45, 7, 1 +52, 494, 45, 8, 1 +53, 494, 45, 9, 1 +54, 494, 45, 10, 1 +55, 494, 45, 11, 1 +56, 494, 45, 12, 1 +57, 494, 45, 13, 1 +58, 494, 45, 14, 1 +59, 494, 45, 15, 1 +60, 494, 45, 16, 1 +61, 494, 45, 17, 1 +62, 494, 45, 18, 1 +63, 494, 45, 19, 1 +64, 494, 45, 20, 1 +65, 494, 45, 21, 1 +66, 494, 45, 22, 1 +67, 494, 45, 23, 1 +68, 494, 45, 24, 1 +69, 494, 45, 25, 1 +70, 494, 45, 26, 1 +71, 494, 45, 27, 1 +72, 494, 45, 28, 1 +73, 494, 45, 29, 1 +74, 494, 45, 30, 1 +75, 494, 45, 31, 1 +76, 494, 45, 32, 1 +77, 494, 45, 33, 1 +78, 494, 45, 34, 1 +79, 494, 45, 35, 1 +80, 494, 45, 36, 1 +81, 494, 45, 37, 1 +82, 494, 45, 38, 1 +83, 494, 45, 39, 1 +84, 494, 45, 40, 1 +85, 494, 45, 41, 1 +86, 494, 45, 42, 1 +87, 494, 45, 43, 1 +88, 494, 45, 44, 1 +89, 494, 45, 45, 1 +90, 494, 45, 46, 1 +91, 494, 45, 47, 1 +92, 494, 45, 48, 1 +93, 494, 45, 49, 1 +94, 494, 45, 50, 1 +95, 494, 45, 51, 1 +96, 494, 45, 52, 1 +97, 494, 45, 53, 1 +98, 494, 45, 54, 1 +99, 494, 45, 55, 1 +100, 494, 45, 56, 1 +101, 494, 45, 57, 1 +102, 494, 45, 58, 1 +103, 494, 45, 59, 1 +104, 494, 45, 60, 1 +105, 494, 45, 61, 1 +106, 494, 45, 62, 1 +107, 494, 45, 63, 1 +108, 494, 45, 64, 1 +109, 494, 45, 65, 1 +110, 494, 45, 66, 1 +111, 494, 45, 67, 1 +112, 494, 45, 68, 1 +113, 494, 45, 69, 1 +114, 494, 45, 70, 1 +115, 494, 45, 71, 1 +116, 494, 45, 72, 1 +117, 494, 45, 73, 1 +118, 494, 45, 74, 1 +119, 494, 45, 75, 1 +120, 494, 45, 76, 1 +121, 494, 45, 77, 1 +122, 494, 45, 78, 1 +123, 494, 45, 79, 1 +124, 494, 45, 80, 1 +125, 494, 45, 81, 1 +126, 494, 45, 82, 1 +127, 494, 45, 83, 1 +128, 494, 45, 84, 1 +129, 494, 45, 85, 1 +130, 494, 45, 86, 1 +131, 494, 45, 87, 1 +132, 494, 45, 88, 1 +133, 494, 45, 89, 1 +134, 494, 45, 90, 1 +135, 494, 45, 91, 1 +136, 494, 45, 92, 1 +137, 494, 45, 93, 1 +138, 494, 45, 94, 1 +139, 494, 45, 95, 1 +140, 494, 45, 96, 1 +141, 494, 45, 97, 1 +142, 494, 45, 98, 1 +143, 494, 45, 99, 1 +144, 494, 45, 100, 1 +145, 494, 46, 1, 1 +146, 494, 46, 2, 1 +147, 494, 46, 3, 1 +148, 494, 46, 4, 1 +149, 494, 46, 5, 1 +150, 494, 46, 6, 1 +151, 494, 46, 7, 1 +152, 494, 46, 8, 1 +153, 494, 46, 9, 1 +154, 494, 46, 10, 1 +155, 494, 46, 11, 1 +156, 494, 46, 12, 1 +157, 494, 46, 13, 1 +158, 494, 46, 14, 1 +159, 494, 46, 15, 1 +160, 494, 46, 16, 1 +161, 494, 46, 17, 1 +162, 494, 46, 18, 1 +163, 494, 46, 19, 1 +164, 494, 46, 20, 1 +165, 494, 46, 21, 1 +166, 494, 46, 22, 1 +167, 494, 46, 23, 1 +168, 494, 46, 24, 1 +169, 494, 46, 25, 1 +170, 494, 46, 26, 1 +171, 494, 46, 27, 1 +172, 494, 46, 28, 1 +173, 494, 46, 29, 1 +174, 494, 46, 30, 1 +175, 494, 46, 31, 1 +176, 494, 46, 32, 1 +177, 494, 46, 33, 1 +178, 494, 46, 34, 1 +179, 494, 46, 35, 1 +180, 494, 46, 36, 1 +181, 494, 46, 37, 1 +182, 494, 46, 38, 1 +183, 494, 46, 39, 1 +184, 494, 46, 40, 1 +185, 494, 46, 41, 1 +186, 494, 46, 42, 1 +187, 494, 46, 43, 1 +188, 494, 46, 44, 1 +189, 494, 46, 45, 1 +190, 494, 46, 46, 1 +191, 494, 46, 47, 1 +192, 494, 46, 48, 1 +193, 494, 46, 49, 1 +194, 494, 46, 50, 1 +195, 494, 46, 51, 1 +196, 494, 46, 52, 1 +197, 494, 46, 53, 1 +198, 494, 46, 54, 1 +199, 494, 46, 55, 1 +200, 494, 46, 56, 1 +201, 494, 46, 57, 1 +202, 494, 46, 58, 1 +203, 494, 46, 59, 1 +204, 494, 46, 60, 1 +205, 494, 46, 61, 1 +206, 494, 46, 62, 1 +207, 494, 46, 63, 1 +208, 494, 46, 64, 1 +209, 494, 46, 65, 1 +210, 494, 46, 66, 1 +211, 494, 46, 67, 1 +212, 494, 46, 68, 1 +213, 494, 46, 69, 1 +214, 494, 46, 70, 1 +215, 494, 46, 71, 1 +216, 494, 46, 72, 1 +217, 494, 46, 73, 1 +218, 494, 46, 74, 1 +219, 494, 46, 75, 1 +220, 494, 46, 76, 1 +221, 494, 46, 77, 1 +222, 494, 46, 78, 1 +223, 494, 46, 79, 1 +224, 494, 46, 80, 1 +225, 494, 46, 81, 1 +226, 494, 46, 82, 1 +227, 494, 46, 83, 1 +228, 494, 46, 84, 1 +229, 494, 46, 85, 1 +230, 494, 46, 86, 1 +231, 494, 46, 87, 1 +232, 494, 46, 88, 1 +233, 494, 46, 89, 1 +234, 494, 46, 90, 1 +235, 494, 46, 91, 1 +236, 494, 46, 92, 1 +237, 494, 46, 93, 1 +238, 494, 46, 94, 1 +239, 494, 46, 95, 1 +240, 494, 46, 96, 1 +241, 494, 46, 97, 1 +242, 494, 46, 98, 1 +243, 494, 46, 99, 1 +244, 494, 46, 100, 1 +245, 494, 47, 1, 1 +246, 494, 47, 2, 1 +247, 494, 47, 3, 1 +248, 494, 47, 4, 1 +249, 494, 47, 5, 1 +250, 494, 47, 6, 1 +251, 494, 47, 7, 1 +252, 494, 47, 8, 1 +253, 494, 47, 9, 1 +254, 494, 47, 10, 1 +255, 494, 47, 11, 1 +256, 494, 47, 12, 1 +257, 494, 47, 13, 1 +258, 494, 47, 14, 1 +259, 494, 47, 15, 1 +260, 494, 47, 16, 1 +261, 494, 47, 17, 1 +262, 494, 47, 18, 1 +263, 494, 47, 19, 1 +264, 494, 47, 20, 1 +265, 494, 47, 21, 1 +266, 494, 47, 22, 1 +267, 494, 47, 23, 1 +268, 494, 47, 24, 1 +269, 494, 47, 25, 1 +270, 494, 47, 26, 1 +271, 494, 47, 27, 1 +272, 494, 47, 28, 1 +273, 494, 47, 29, 1 +274, 494, 47, 30, 1 +275, 494, 47, 31, 1 +276, 494, 47, 32, 1 +277, 494, 47, 33, 1 +278, 494, 47, 34, 1 +279, 494, 47, 35, 1 +280, 494, 47, 36, 1 +281, 494, 47, 37, 1 +282, 494, 47, 38, 1 +283, 494, 47, 39, 1 +284, 494, 47, 40, 1 +285, 494, 47, 41, 1 +286, 494, 47, 42, 1 +287, 494, 47, 43, 1 +288, 494, 47, 44, 1 +289, 494, 47, 45, 1 +290, 494, 47, 46, 1 +291, 494, 47, 47, 1 +292, 494, 47, 48, 1 +293, 494, 47, 49, 1 +294, 494, 47, 50, 1 +295, 494, 47, 51, 1 +296, 494, 47, 52, 1 +297, 494, 47, 53, 1 +298, 494, 47, 54, 1 +299, 494, 47, 55, 1 +300, 494, 47, 56, 1 +301, 494, 47, 57, 1 +302, 494, 47, 58, 1 +303, 494, 47, 59, 1 +304, 494, 47, 60, 1 +305, 494, 47, 61, 1 +306, 494, 47, 62, 1 +307, 494, 47, 63, 1 +308, 494, 47, 64, 1 +309, 494, 47, 65, 1 +310, 494, 47, 66, 1 +311, 494, 47, 67, 1 +312, 494, 47, 68, 1 +313, 494, 47, 69, 1 +314, 494, 47, 70, 1 +315, 494, 47, 71, 1 +316, 494, 47, 72, 1 +317, 494, 47, 73, 1 +318, 494, 47, 74, 1 +319, 494, 47, 75, 1 +320, 494, 47, 76, 1 +321, 494, 47, 77, 1 +322, 494, 47, 78, 1 +323, 494, 47, 79, 1 +324, 494, 47, 80, 1 +325, 494, 47, 81, 1 +326, 494, 47, 82, 1 +327, 494, 47, 83, 1 +328, 494, 47, 84, 1 +329, 494, 47, 85, 1 +330, 494, 47, 86, 1 +331, 494, 47, 87, 1 +332, 494, 47, 88, 1 +333, 494, 47, 89, 1 +334, 494, 47, 90, 1 +335, 494, 47, 91, 1 +336, 494, 47, 92, 1 +337, 494, 47, 93, 1 +338, 494, 47, 94, 1 +339, 494, 47, 95, 1 +340, 494, 47, 96, 1 +341, 494, 47, 97, 1 +342, 494, 47, 98, 1 +343, 494, 47, 99, 1 +344, 494, 47, 100, 1 +345, 494, 48, 1, 1 +346, 494, 48, 2, 1 +347, 494, 48, 3, 1 +348, 494, 48, 4, 1 +349, 494, 48, 5, 1 +350, 494, 48, 6, 1 +351, 494, 48, 7, 1 +352, 494, 48, 8, 1 +353, 494, 48, 9, 1 +354, 494, 48, 10, 1 +355, 494, 48, 11, 1 +356, 494, 48, 12, 1 +357, 494, 48, 13, 1 +358, 494, 48, 14, 1 +359, 494, 48, 15, 1 +360, 494, 48, 16, 1 +361, 494, 48, 17, 1 +362, 494, 48, 18, 1 +363, 494, 48, 19, 1 +364, 494, 48, 20, 1 +365, 494, 48, 21, 1 +366, 494, 48, 22, 1 +367, 494, 48, 23, 1 +368, 494, 48, 24, 1 +369, 494, 48, 25, 1 +370, 494, 48, 26, 1 +371, 494, 48, 27, 1 +372, 494, 48, 28, 1 +373, 494, 48, 29, 1 +374, 494, 48, 30, 1 +375, 494, 48, 31, 1 +376, 494, 48, 32, 1 +377, 494, 48, 33, 1 +378, 494, 48, 34, 1 +379, 494, 48, 35, 1 +380, 494, 48, 36, 1 +381, 494, 48, 37, 1 +382, 494, 48, 38, 1 +383, 494, 48, 39, 1 +384, 494, 48, 40, 1 +385, 494, 48, 41, 1 +386, 494, 48, 42, 1 +387, 494, 48, 43, 1 +388, 494, 48, 44, 1 +389, 494, 48, 45, 1 +390, 494, 48, 46, 1 +391, 494, 48, 47, 1 +392, 494, 48, 48, 1 +393, 494, 48, 49, 1 +394, 494, 48, 50, 1 +395, 494, 48, 51, 1 +396, 494, 48, 52, 1 +397, 494, 48, 53, 1 +398, 494, 48, 54, 1 +399, 494, 48, 55, 1 +400, 494, 48, 56, 1 +401, 494, 48, 57, 1 +402, 494, 48, 58, 1 +403, 494, 48, 59, 1 +404, 494, 48, 60, 1 +405, 494, 48, 61, 1 +406, 494, 48, 62, 1 +407, 494, 48, 63, 1 +408, 494, 48, 64, 1 +409, 494, 48, 65, 1 +410, 494, 48, 66, 1 +411, 494, 48, 67, 1 +412, 494, 48, 68, 1 +413, 494, 48, 69, 1 +414, 494, 48, 70, 1 +415, 494, 48, 71, 1 +416, 494, 48, 72, 1 +417, 494, 48, 73, 1 +418, 494, 48, 74, 1 +419, 494, 48, 75, 1 +420, 494, 48, 76, 1 +421, 494, 48, 77, 1 +422, 494, 48, 78, 1 +423, 494, 48, 79, 1 +424, 494, 48, 80, 1 +425, 494, 48, 81, 1 +426, 494, 48, 82, 1 +427, 494, 48, 83, 1 +428, 494, 48, 84, 1 +429, 494, 48, 85, 1 +430, 494, 48, 86, 1 +431, 494, 48, 87, 1 +432, 494, 48, 88, 1 +433, 494, 48, 89, 1 +434, 494, 48, 90, 1 +435, 494, 48, 91, 1 +436, 494, 48, 92, 1 +437, 494, 48, 93, 1 +438, 494, 48, 94, 1 +439, 494, 48, 95, 1 +440, 494, 48, 96, 1 +441, 494, 48, 97, 1 +442, 494, 48, 98, 1 +443, 494, 48, 99, 1 +444, 494, 48, 100, 1 +445, 494, 49, 1, 1 +446, 494, 49, 2, 1 +447, 494, 49, 3, 1 +448, 494, 49, 4, 1 +449, 494, 49, 5, 1 +450, 494, 49, 6, 1 +451, 494, 49, 7, 1 +452, 494, 49, 8, 1 +453, 494, 49, 9, 1 +454, 494, 49, 10, 1 +455, 494, 49, 11, 1 +456, 494, 49, 12, 1 +457, 494, 49, 13, 1 +458, 494, 49, 14, 1 +459, 494, 49, 15, 1 +460, 494, 49, 16, 1 +461, 494, 49, 17, 1 +462, 494, 49, 18, 1 +463, 494, 49, 19, 1 +464, 494, 49, 20, 1 +465, 494, 49, 21, 1 +466, 494, 49, 22, 1 +467, 494, 49, 23, 1 +468, 494, 49, 24, 1 +469, 494, 49, 25, 1 +470, 494, 49, 26, 1 +471, 494, 49, 27, 1 +472, 494, 49, 28, 1 +473, 494, 49, 29, 1 +474, 494, 49, 30, 1 +475, 494, 49, 31, 1 +476, 494, 49, 32, 1 +477, 494, 49, 33, 1 +478, 494, 49, 34, 1 +479, 494, 49, 35, 1 +480, 494, 49, 36, 1 +481, 494, 49, 37, 1 +482, 494, 49, 38, 1 +483, 494, 49, 39, 1 +484, 494, 49, 40, 1 \ No newline at end of file diff --git a/NeuroData/MNIST_stdp_stim.txt b/NeuroData/MNIST_stdp_stim.txt new file mode 100644 index 0000000..3acd432 --- /dev/null +++ b/NeuroData/MNIST_stdp_stim.txt @@ -0,0 +1,200 @@ +0 - 34,35,36,37,38,55,56,57,58,59,60,76,77,78,79,80,81,82,83,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,166,167,171,172,173,182,183,184,185,186,193,194,195,203,204,205,206,215,216,217,224,225,226,227,237,238,239,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,302,303,304,311,312,313,323,324,325,326,333,334,335,343,344,345,346,355,356,357,364,365,366,367,377,378,379,380,381,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,445,446,447,448,449 +1 - 36,37,38,39,57,58,59,60,61,62,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,187,188,189,190,192,193,194,202,203,204,205,206,209,210,211,215,216,224,225,226,227,237,238,245,246,247,259,260,267,268,269,281,282,288,289,290,291,302,303,304,310,311,312,313,324,325,326,332,333,334,335,345,346,347,348,354,355,356,357,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450,451 +2 - 55,56,57,58,59,60,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,205,206,207,208,209,213,214,215,216,227,228,229,230,231,234,235,236,237,238,249,250,251,252,256,257,258,259,260,270,271,272,273,278,279,280,281,291,292,293,294,295,299,300,301,302,303,313,314,315,316,317,321,322,323,324,335,336,337,338,339,342,343,344,345,346,357,358,359,360,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,431,446,447,448,449,450,451,469,470,471,472,473 +3 - 34,35,36,37,56,57,58,59,60,77,78,79,80,81,82,98,99,100,101,102,103,104,105,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,191,192,193,194,204,205,206,207,208,213,214,215,216,225,226,227,228,229,230,235,236,237,238,239,247,248,249,250,257,258,259,260,268,269,270,271,272,279,280,281,290,291,292,293,294,301,302,303,312,313,314,315,316,321,322,323,324,325,334,335,336,337,342,343,344,345,346,356,357,358,359,360,361,362,363,364,365,366,367,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,446,447,448,449,450 +4 - 55,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,192,193,194,195,202,203,204,205,214,215,216,217,223,224,225,226,227,235,236,237,238,239,245,246,247,248,257,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,302,303,304,305,310,311,312,313,324,325,326,327,332,333,334,335,345,346,347,348,354,355,356,357,366,367,368,369,370,376,377,378,379,387,388,389,390,391,392,398,399,400,401,402,407,408,409,410,411,412,413,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449,450,451,452,453,454,466,467,468,469,470,471,472,473,474 +5 - 52,53,54,55,56,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,128,137,138,139,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,168,169,170,171,172,180,181,182,183,184,185,186,191,192,193,194,195,201,202,203,204,205,206,215,216,217,218,223,224,225,226,227,237,238,239,240,245,246,247,248,259,260,261,262,267,268,269,270,282,283,284,289,290,291,292,304,305,306,311,312,313,314,326,327,328,333,334,335,336,348,349,350,355,356,357,358,359,369,370,371,372,378,379,380,381,382,383,390,391,392,393,401,402,403,404,405,406,407,411,412,413,414,424,425,426,427,428,429,430,431,432,433,434,435,447,448,449,450,451,452,453,454,455,456,457,472,473,474,475,476,477,478 +6 - 56,57,58,59,76,77,78,79,80,81,82,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,182,183,184,185,186,187,188,189,190,191,192,193,194,195,204,205,206,207,208,209,210,211,212,214,215,216,217,218,225,226,227,228,229,230,231,232,233,236,237,238,239,240,246,247,248,249,250,253,254,258,259,260,261,267,268,269,270,271,280,281,282,283,284,288,289,290,291,292,293,294,302,303,304,305,306,309,310,311,312,313,314,315,316,317,324,325,326,327,331,332,333,334,335,337,338,339,344,345,346,347,348,353,354,355,356,366,367,368,369,375,376,377,378,386,387,388,389,397,398,399,400,401,407,408,409,410,411,419,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473 +7 - 32,33,34,35,52,53,54,55,56,57,58,72,73,74,75,78,79,80,81,93,94,95,96,101,102,103,104,105,114,115,116,123,124,125,126,127,128,135,136,137,146,149,150,151,156,157,158,172,173,174,178,179,195,196,197,200,201,218,219,222,223,240,241,244,245,262,263,266,267,284,285,288,289,290,306,307,311,312,328,329,333,334,335,350,351,356,357,358,372,373,379,380,381,392,393,394,402,403,404,405,406,412,413,414,415,425,426,427,428,429,430,431,432,433,434,435,436,450,451,452,453,454,455,456 +8 - 53,54,55,56,57,58,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,172,183,184,185,186,187,188,190,191,192,193,194,204,205,206,207,208,212,213,214,215,226,227,228,229,235,236,237,238,247,248,249,250,251,256,257,258,259,260,268,269,270,271,272,278,279,280,281,291,292,293,294,300,301,302,303,304,313,314,315,316,322,323,324,325,326,334,335,336,337,344,345,346,356,357,358,359,360,366,367,368,379,380,381,382,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,433,434,447,448,449,450,451,452,453,454,455,470,471,472,473,474 +9 - 55,56,57,58,59,60,76,77,78,79,80,81,82,83,98,99,100,101,102,103,104,105,106,120,121,122,123,124,125,126,127,141,142,143,144,145,146,147,148,149,162,163,164,165,166,167,168,169,170,171,184,185,186,187,188,190,191,192,193,204,205,206,207,208,209,212,213,214,215,226,227,228,229,235,236,237,238,247,248,249,250,257,258,259,260,269,270,271,280,281,282,290,291,292,293,302,303,304,312,313,314,323,324,325,333,334,335,344,345,346,347,355,356,357,365,366,367,368,369,377,378,379,386,387,388,389,390,400,401,402,403,404,405,406,407,408,409,410,411,422,423,424,425,426,427,428,429,430,431,432,445,446,447,448,449,450,451,452,468,469,470,471,472,473 +10 - 55,56,57,58,59,60,61,62,76,77,78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,126,127,128,139,140,141,142,143,144,145,148,149,150,160,161,162,163,164,165,166,169,170,171,172,183,184,185,186,187,191,192,193,194,204,205,206,207,208,213,214,215,216,226,227,228,229,234,235,236,237,238,248,249,250,256,257,258,259,269,270,271,272,278,279,280,281,290,291,292,293,300,301,302,303,312,313,314,315,322,323,324,334,335,336,344,345,346,355,356,357,358,365,366,367,368,377,378,379,380,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,468,469,470,471,472,473,474 +11 - 30,31,32,33,34,51,52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,81,93,94,95,96,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,141,142,143,147,148,149,150,158,159,160,163,164,169,170,171,172,180,181,182,192,193,194,195,202,203,204,215,216,217,224,225,226,237,238,239,245,246,247,248,259,260,261,267,268,269,270,281,282,283,289,290,291,292,303,304,305,312,313,314,325,326,327,334,335,336,346,347,348,349,356,357,358,368,369,370,378,379,380,381,388,389,390,391,392,400,401,402,403,404,409,410,411,412,413,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,455 +12 - 33,34,35,36,37,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,145,146,147,148,149,160,161,162,163,164,165,168,169,170,171,182,183,184,185,186,190,191,192,193,203,204,205,206,207,212,213,214,215,225,226,227,228,229,234,235,236,237,247,248,249,250,257,258,259,268,269,270,271,280,281,290,291,292,293,301,302,303,312,313,314,315,322,323,324,325,334,335,336,337,344,345,346,356,357,358,359,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430,431,445,446,447,448,449,450,451,452 +13 - 29,30,49,50,51,52,53,70,71,72,73,74,75,76,77,78,79,80,81,82,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,113,114,115,120,121,123,124,125,126,127,128,134,135,136,142,148,149,150,151,156,157,158,171,172,173,174,178,179,180,194,195,196,200,201,202,217,218,219,222,223,224,239,240,241,244,245,246,261,262,263,266,267,268,283,284,285,288,289,290,291,306,307,311,312,313,314,327,328,329,334,335,336,337,349,350,351,357,358,359,360,370,371,372,373,380,381,382,383,384,385,386,389,390,391,392,393,394,403,404,405,406,407,408,409,410,411,412,413,414,415,427,428,429,430,431,432,433,434,435,451 +14 - 76,77,78,79,80,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,157,158,159,160,161,162,163,164,165,166,170,171,172,173,174,175,178,179,180,181,182,183,184,185,193,194,195,196,197,200,201,202,203,204,205,206,216,217,218,219,223,224,225,226,227,239,240,241,244,245,246,247,248,260,261,262,263,266,267,268,269,270,282,283,284,285,288,289,290,291,303,304,305,306,310,311,312,324,325,326,327,328,332,333,334,345,346,347,348,349,354,355,356,357,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,399,400,401,402,403,404,405,406,407,408,409,410,411,412,423,424,425,426,427,428,429,430,431,432,447,448,449,450,451 +15 - 34,35,36,37,55,56,57,58,59,60,76,77,78,79,80,81,82,83,96,97,98,99,100,104,105,117,118,119,120,121,126,127,128,138,139,140,141,142,143,144,148,149,150,160,161,162,163,164,165,171,172,182,183,185,186,193,194,203,204,205,207,208,215,216,217,225,226,227,229,230,237,238,239,246,247,248,259,260,261,268,269,270,281,282,283,290,291,292,302,303,304,312,313,314,324,325,326,335,336,346,347,348,357,358,359,367,368,369,379,380,381,388,389,390,401,402,403,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,447,448,449,450,451,452,453 +16 - 35,36,37,38,39,57,58,59,60,61,62,63,77,78,79,80,81,82,83,84,85,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,151,152,160,161,162,163,164,165,166,167,168,169,171,172,173,174,181,182,183,184,185,186,187,189,190,191,193,194,195,196,202,203,204,205,206,207,215,216,217,218,224,225,226,227,228,237,238,239,240,245,246,247,248,249,258,259,260,261,266,267,268,269,270,280,281,282,283,288,289,290,291,301,302,303,304,305,310,311,312,313,321,322,323,324,325,326,331,332,333,334,335,343,344,345,346,347,353,354,355,356,357,358,363,364,365,366,367,368,376,377,378,379,380,381,382,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,421,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450 +17 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,64,72,73,74,75,76,77,78,79,80,81,82,83,85,86,87,93,94,95,96,97,98,99,100,101,102,103,104,105,107,108,109,114,115,116,117,118,119,120,121,126,129,130,131,136,137,138,139,140,141,151,152,153,157,158,159,160,161,162,173,174,175,179,180,181,182,195,196,197,200,201,202,203,204,217,218,219,222,223,224,225,238,239,240,241,244,245,246,247,260,261,262,263,266,267,268,269,282,283,284,288,289,290,291,304,305,306,310,311,312,313,314,325,326,327,328,332,333,334,335,336,346,347,348,349,350,355,356,357,358,359,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452 +18 - 77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,121,122,123,124,125,126,127,128,129,130,138,139,140,141,142,150,151,152,153,158,159,160,161,162,173,174,175,180,181,182,183,195,196,197,201,202,203,217,218,219,222,223,224,225,238,239,240,244,245,246,260,261,262,266,267,268,281,282,283,288,289,290,302,303,304,305,310,311,312,323,324,325,326,332,333,334,344,345,346,347,354,355,356,365,366,367,368,376,377,378,379,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,422,423,424,425,426,427,428,429,430 +19 - 34,35,36,54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,139,140,141,142,143,144,145,146,147,148,161,162,163,164,165,168,169,170,171,183,184,185,186,187,190,191,192,193,204,205,206,207,208,209,212,213,214,215,225,226,227,228,229,230,234,235,236,237,247,248,249,250,251,256,257,258,259,269,270,271,272,273,279,280,281,290,291,292,293,294,301,302,303,312,313,314,315,323,324,325,334,335,336,337,344,345,346,356,357,358,359,364,365,366,367,368,378,379,380,381,382,383,384,385,386,387,388,389,400,401,402,403,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453 +20 - 59,60,61,62,80,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,188,189,190,191,208,209,210,211,212,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,298,315,316,317,318,319,337,338,339,340,359,360,361,362,380,381,382,383,384,401,402,403,404,405,423,424,425,426,445,446,447,448,467,468,469,470 +21 - 31,32,33,34,52,53,54,55,56,75,76,77,78,97,98,99,100,119,120,121,122,140,141,142,143,144,145,163,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,274,275,276,277,296,297,298,299,318,319,320,321,322,340,341,342,343,344,362,363,364,365,366,385,386,387,388,389,407,408,409,410,411,429,430,431,432,433,451,452,453,454,455 +22 - 54,55,75,76,77,78,97,98,99,100,119,120,121,122,141,142,143,144,163,164,165,166,185,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,363,364,365,385,386,407,408,429,430,431,451,452,453,473,474,475 +23 - 53,54,55,75,76,77,97,98,99,119,120,121,141,142,143,144,163,164,165,166,185,186,187,188,207,208,209,210,229,230,231,232,251,252,253,254,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,406,407,408,428,429,430,450,451,452,472,473,474 +24 - 59,60,61,81,82,83,84,102,103,104,105,106,123,124,125,126,127,144,145,146,147,148,166,167,168,169,170,188,189,190,191,209,210,211,212,230,231,232,233,251,252,253,254,255,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,336,337,338,339,340,358,359,360,361,362,380,381,382,383,402,403,404,405,423,424,425,426,445,446,447,448,468,469,470 +25 - 12,13,14,34,35,36,55,56,57,58,77,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,168,180,181,182,183,184,185,186,187,188,189,190,201,202,203,204,205,206,207,209,210,211,212,225,226,227,231,232,233,234,254,255,256,276,277,278,298,299,300,320,321,322,337,338,339,340,342,343,344,346,347,348,357,358,359,360,361,362,363,364,365,366,367,368,369,370,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,403,404,421,422,423,424 +26 - 55,56,57,77,78,79,99,100,101,102,121,122,123,142,143,144,145,164,165,166,167,186,187,188,189,208,209,210,211,230,231,232,233,252,253,254,255,273,274,275,276,295,296,297,298,317,318,319,320,339,340,341,342,361,362,363,364,383,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473 +27 - 37,38,39,58,59,60,61,80,81,82,83,101,102,103,104,105,123,124,125,126,144,145,146,147,148,166,167,168,169,187,188,189,190,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,294,295,296,297,315,316,317,318,319,337,338,339,340,358,359,360,361,380,381,382,383,401,402,403,404,405,423,424,425,426,427,446,447,448,449 +28 - 51,52,53,54,55,56,57,58,59,82,99,100,101,103,104,121,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,186,187,188,189,208,209,210,211,229,230,231,232,233,251,252,253,254,255,273,274,275,276,294,295,296,297,298,302,316,317,318,319,323,324,338,339,340,341,345,346,360,361,362,363,367,368,382,383,384,403,404,405,406,425,426,427,428,447,448,449,469,470 +29 - 10,11,12,31,32,33,34,35,52,53,54,55,56,57,73,74,75,76,77,78,94,95,96,97,98,99,100,116,117,118,119,120,121,122,138,139,140,141,142,143,144,161,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,273,274,275,295,296,297,302,317,318,319,323,324,325,339,340,341,342,344,345,346,347,360,361,362,363,364,365,366,367,368,369,382,383,384,385,386,387,388,389,390,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431 +30 - 31,32,33,53,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,383,384,385,405,406,407,427,428,429,449,450,451 +31 - 57,58,59,60,79,80,81,82,100,101,102,103,104,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,294,295,296,297,315,316,317,318,319,337,338,339,340,341,359,360,361,362,381,382,383,402,403,404,405,424,425,426,427,446,447,448,449,468,469,470,471 +32 - 34,35,36,56,57,58,59,78,79,80,81,82,100,101,102,103,104,122,123,124,125,126,144,145,146,147,148,165,166,167,168,169,187,188,189,190,191,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,359,360,361,362,363,364,381,382,383,384,385,402,403,404,405,406,423,424,425,426,427,428,445,446,447,448 +33 - 57,58,59,79,80,81,82,101,102,103,104,122,123,124,125,126,144,145,146,147,166,167,168,169,188,189,190,209,210,211,212,231,232,233,234,252,253,254,255,274,275,276,277,295,296,297,298,299,317,318,319,320,338,339,340,341,342,359,360,361,362,363,381,382,383,384,403,404,405,406,424,425,426,445,446,447,448,467,468,469 +34 - 32,33,54,55,76,77,78,98,99,100,120,121,122,142,143,144,164,165,166,186,187,188,208,209,210,230,231,232,251,252,253,254,273,274,275,295,296,297,298,318,319,320,339,340,341,361,362,363,383,384,385,406,407,408,428,429,430,450,451,452 +35 - 30,31,32,52,53,54,74,75,76,96,97,98,118,119,120,121,140,141,142,143,162,163,164,165,185,186,187,207,208,209,229,230,231,252,253,254,274,275,276,296,297,298,318,319,320,321,340,341,342,343,362,363,364,365,384,385,386,387,407,408,409,410,430,431,432,452,453,454 +36 - 35,36,37,38,39,57,58,59,60,61,79,80,81,82,99,100,101,102,103,121,122,123,124,125,143,144,145,146,147,164,165,166,167,168,186,187,188,189,207,208,209,210,211,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,315,316,317,318,319,337,338,339,340,341,359,360,361,362,363,381,382,383,384,402,403,404,405,406,424,425,426,427,428,446,447,448,449 +37 - 34,35,56,57,58,77,78,79,99,100,101,121,122,123,143,144,145,164,165,166,167,186,187,188,189,208,209,210,230,231,232,252,253,254,274,275,276,296,297,298,318,319,320,339,340,341,342,361,362,363,364,384,385,386,406,407,408,428,429,450,451 +38 - 35,36,37,38,56,57,58,59,60,78,79,80,81,82,100,101,102,103,104,122,123,124,125,143,144,145,146,147,165,166,167,168,186,187,188,189,190,207,208,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,336,337,338,339,340,341,357,358,359,360,361,362,378,379,380,381,382,383,400,401,402,403,404,405,422,423,424,425,426,444,445,446,447 +39 - 55,56,57,77,78,79,99,100,101,121,122,123,143,144,145,165,166,167,187,188,208,209,210,211,230,231,232,233,252,253,254,273,274,275,295,296,297,317,318,319,339,340,341,361,362,363,383,384,385,405,406,426,427,428,448,449,450,470,471 +40 - 58,59,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,125,126,127,138,139,140,141,142,143,147,148,149,160,161,162,163,164,168,169,170,171,183,184,190,191,192,193,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,298,299,300,301,302,303,312,313,314,315,319,320,321,322,323,324,325,326,327,328,329,333,334,335,336,339,340,341,342,343,346,347,348,349,350,351,354,355,356,357,359,360,361,362,363,370,371,372,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404,421,422,423 +41 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,94,95,96,100,101,102,103,115,116,117,123,124,125,137,138,139,145,146,147,167,168,169,170,190,191,192,212,213,214,234,235,236,255,256,257,258,262,263,276,277,278,279,280,281,282,283,284,285,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,312,313,314,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,342,343,344,355,356,357,363,364,365,366,377,378,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428 +42 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,60,71,72,73,74,75,76,77,78,79,80,81,82,83,84,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,114,115,116,117,118,124,125,126,127,128,129,146,147,148,149,150,151,167,168,169,170,171,172,187,188,189,190,191,192,193,208,209,210,211,212,213,214,229,230,231,232,233,234,235,250,251,252,253,254,255,256,270,271,272,273,274,275,292,293,294,295,312,313,314,315,316,334,335,336,337,346,347,348,349,350,351,355,356,357,358,359,360,363,364,365,366,367,368,369,370,371,372,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,422,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453 +43 - 46,47,48,49,50,51,52,53,54,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,164,165,166,167,168,169,170,171,172,173,191,192,193,194,195,213,214,215,216,217,235,236,237,238,256,257,258,259,260,276,277,278,279,280,281,297,298,299,300,301,302,317,318,319,320,321,322,337,338,339,340,341,342,343,344,359,360,361,362,363,364,381,382,383,384,385,386,403,404,405,406,407,408,409,410,411,412,413,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,447,448,449,450,451,452,453,454,455,456,457,458,459,460,472,473,474,475,476,477,478,480,482 +44 - 31,32,33,34,35,50,51,52,53,54,55,56,57,58,69,70,71,72,73,74,75,76,77,78,79,80,81,90,91,92,93,94,95,96,97,98,99,100,101,102,103,112,113,114,115,116,123,124,125,134,135,136,144,145,146,147,165,166,167,168,169,187,188,189,190,208,209,210,211,229,230,231,232,233,251,252,253,254,271,272,273,274,275,293,294,295,296,314,315,316,317,336,337,338,358,359,360,361,380,381,382,383,384,385,387,388,392,393,394,395,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,425,426,427,428,429,430,431,432,433,434,435,436,437,450,451,452,453,454,455,456 +45 - 8,9,10,11,28,29,30,31,32,33,34,35,50,51,52,53,54,55,56,57,58,72,73,74,75,76,77,78,79,80,81,94,95,96,97,98,99,101,102,103,104,116,117,118,119,124,125,126,127,138,139,147,148,149,169,170,171,191,192,193,194,214,215,216,236,237,238,250,251,252,253,254,255,258,259,260,269,270,271,272,273,274,275,276,277,278,279,280,281,282,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,333,334,335,336,337,338,339,342,343,344,345,346,347,348,349,355,356,357,358,359,360,361,363,364,365,366,367,368,369,370,371,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,393,399,400,401,402,403,404,405,406,407,408,409,410,411,412,422,423,424,425,426,427,428,429,430,431,432 +46 - 72,73,74,75,76,77,92,93,94,95,96,97,98,99,100,114,115,116,117,118,119,120,121,122,142,143,144,164,165,166,185,186,187,188,205,206,207,208,209,225,226,227,228,229,230,247,248,249,250,268,269,270,280,281,282,283,284,285,290,291,292,293,294,297,298,299,300,301,302,303,304,305,306,307,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,360,361,362,363,364 +47 - 71,72,73,74,75,76,77,78,79,80,81,82,83,84,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,135,136,137,138,140,145,146,147,148,149,157,158,159,166,167,168,169,170,171,186,187,188,189,190,191,192,207,208,209,210,211,212,213,228,229,230,231,232,233,249,250,251,252,253,254,268,269,270,271,272,273,274,289,290,291,292,293,294,295,305,306,310,311,312,313,314,315,316,324,325,326,327,328,329,332,333,334,335,336,339,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,400,401,402,403,404,405,406,407,408,409 +48 - 52,53,54,68,69,70,71,72,73,74,75,76,77,78,79,80,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,155,156,157,158,159,160,161,162,165,166,167,168,169,170,190,191,192,193,213,214,215,235,236,237,257,258,259,278,279,280,281,297,298,299,300,301,302,303,304,305,317,318,319,320,321,322,323,324,325,326,327,328,338,339,340,341,342,343,344,345,346,347,348,349,350,360,361,362,363,364,365,366,367,368,369,370,371,372,381,382,383,384,385,386,387,388,389,390,391,392,393,403,404,405,406,407,408,409,410,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472 +49 - 8,9,10,11,12,13,30,31,32,33,34,35,36,56,57,58,59,79,80,81,101,102,103,123,124,125,126,145,146,147,148,167,168,169,170,189,190,191,210,211,212,213,231,232,233,234,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,334,335,336,337,338,339,340,346,347,348,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,399,400,401,402,406,407,408,409,410,411,412,413 +50 - 79,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,156,157,158,159,160,161,162,163,167,168,169,170,178,179,180,181,188,189,190,191,192,209,210,211,212,213,230,231,232,233,234,251,252,253,254,272,273,274,275,293,294,295,296,303,304,305,306,307,313,314,315,316,317,318,322,323,324,325,326,327,328,329,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,356,357,358,359,360,361,362,363,364,365,366,367,368,369,379,380,381,382,383,384,385,387 +51 - 73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,106,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,135,136,137,138,139,140,147,148,149,150,157,158,169,170,171,172,180,190,191,192,193,194,210,211,212,213,214,215,231,232,233,234,235,251,252,253,254,255,256,272,273,274,275,276,277,292,293,294,295,296,297,306,307,313,314,315,316,317,321,322,323,324,325,326,327,328,329,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,402,403,404,405 +52 - 35,36,37,54,55,56,57,58,59,60,61,62,63,75,76,77,78,79,80,81,82,83,84,85,86,95,96,97,98,99,100,101,102,103,104,105,106,107,108,116,117,118,119,120,121,125,126,127,128,129,138,139,140,141,142,145,146,147,148,149,150,161,162,167,168,169,170,171,187,188,189,190,191,192,208,209,210,211,212,229,230,231,232,233,250,251,252,253,270,271,272,273,274,291,292,293,294,295,312,313,314,315,316,333,334,335,336,337,348,349,350,351,354,355,356,357,358,368,369,370,371,372,373,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,420,421,422,423,424,425,426,427,428,429,430,431,432,433,443,444,445,446,447,448,449 +53 - 57,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,141,146,147,148,149,168,169,170,171,189,190,191,192,193,209,210,211,212,213,214,215,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,291,292,293,294,295,296,306,307,311,312,313,314,315,316,317,326,327,328,329,333,334,335,336,337,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,401,402,403,404,405,406,407,424,425,426,427 +54 - 16,17,18,36,37,38,39,40,41,57,58,59,60,61,62,63,77,78,79,80,83,84,98,99,100,105,106,107,119,120,121,127,128,141,142,143,149,150,171,172,192,193,194,214,215,216,224,225,236,237,238,245,246,247,248,258,259,266,267,268,269,270,271,272,279,280,281,288,289,292,293,294,295,296,297,300,301,302,310,311,319,320,322,323,324,332,333,343,344,345,354,355,356,363,364,365,366,376,377,378,379,383,384,385,386,387,398,399,400,401,402,403,404,405,406,407,422,423,424,425,426,427 +55 - 10,11,12,31,32,33,34,54,55,56,76,77,78,79,99,100,101,102,121,122,123,124,143,144,145,146,166,167,168,188,189,190,210,211,212,232,233,234,253,254,255,256,275,276,277,297,298,299,318,319,320,321,339,340,341,342,360,361,362,363,364,381,382,383,384,385,386,388,390,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433 +56 - 11,12,13,14,15,28,29,30,31,32,33,34,35,36,37,38,50,51,52,53,54,55,56,57,58,59,60,61,72,73,74,75,76,77,78,79,80,81,82,83,84,96,97,101,102,103,104,105,122,123,124,125,126,143,144,145,146,147,148,164,165,166,167,168,169,170,185,186,187,188,189,190,191,206,207,208,209,210,211,212,226,227,228,229,230,231,232,246,247,248,249,250,251,252,268,269,270,271,272,273,289,290,291,292,293,294,310,311,312,313,314,315,326,327,328,329,332,333,334,335,336,337,338,340,341,342,343,344,345,346,347,348,349,350,351,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,399,400,401,402,403,404,405,406,407,408,409,410,411,424,425,426,427 +57 - 76,78,95,96,97,98,99,100,101,102,103,114,115,116,117,118,119,120,121,122,123,124,125,126,135,136,137,138,139,140,141,142,143,144,145,146,147,148,157,158,159,160,161,162,163,164,165,166,167,168,169,170,179,180,186,187,188,189,190,191,207,208,209,210,211,212,228,229,230,231,232,233,248,249,250,251,252,253,269,270,271,272,273,290,291,292,293,294,303,304,305,306,307,311,312,313,314,315,321,322,323,324,325,326,327,328,329,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,377,378,379,380,381,382,383,384,385,386,387,402,403,404 +58 - 10,11,12,13,14,31,32,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,80,97,98,99,100,101,102,119,120,121,122,123,124,142,143,144,145,146,166,167,188,189,209,210,211,230,231,232,233,239,252,253,254,260,261,268,269,273,274,275,276,282,283,289,290,291,292,293,294,295,296,297,303,304,305,310,311,312,313,314,315,316,317,318,325,326,327,332,333,334,335,336,337,338,339,340,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,406,407,408,409,410,411,412 +59 - 97,98,99,100,101,102,103,115,116,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,159,160,161,162,169,170,171,190,191,192,193,211,212,213,214,215,231,232,233,234,235,236,251,252,253,254,255,256,272,273,274,275,276,291,292,293,294,295,296,297,301,302,303,304,305,306,307,311,312,313,314,315,316,319,320,321,322,323,324,325,326,327,328,329,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,376,377,378,379,380,381 +60 - 54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,116,117,118,119,120,121,122,123,124,125,126,127,128,129,147,148,149,150,168,169,170,171,172,189,190,191,192,193,209,210,211,212,213,214,215,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,293,294,299,300,301,302,322,323,324,343,344,345,346,356,364,365,366,367,368,376,377,378,385,386,387,388,389,390,398,399,400,401,402,403,404,405,406,407,408,409,410,411,420,421,422,423,424,425,426,427,428,429,430,431,442,443,444,445,446,447,448,449,450,451,466,467,468,469,470 +61 - 30,31,32,33,34,35,51,52,53,54,55,56,57,58,74,75,76,77,78,79,80,81,96,97,98,99,100,101,102,103,119,120,121,122,123,124,141,142,143,144,145,146,147,165,166,167,168,169,185,186,187,188,189,190,191,205,206,207,208,209,210,211,212,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,273,274,275,276,277,278,279,299,300,301,321,322,323,342,343,344,345,356,357,364,365,366,377,378,379,380,383,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,430,446,447,448,449,450,451,452 +62 - 45,46,47,48,49,50,51,52,53,54,55,56,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,111,122,123,124,125,143,144,145,146,147,164,165,166,167,168,184,185,186,187,188,189,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,249,250,251,252,253,254,255,256,257,258,259,274,275,276,277,278,279,280,281,282,299,300,301,302,303,304,305,323,324,325,326,327,345,346,347,348,349,358,359,367,368,369,370,371,379,380,388,389,390,391,392,400,401,402,403,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,445,446,447,448,449,450,451,452,453,454,455,456,468,469,470,471,472,473,474,475,476 +63 - 52,53,54,55,56,57,58,59,60,70,71,72,73,74,75,76,77,78,79,80,81,82,83,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,142,144,145,146,147,148,149,150,151,152,157,167,168,169,170,171,172,173,186,187,188,189,190,191,192,193,194,206,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,258,273,274,275,276,277,278,279,280,281,299,300,301,302,303,304,321,322,323,324,325,326,344,345,346,347,365,366,367,368,369,375,376,377,378,379,385,386,387,388,389,390,391,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,442,443,444,445,446,447,448,449,450,451,452,453,465,466,467,468,469,470,471,472,473 +64 - 92,93,94,95,96,97,98,99,100,101,110,111,112,113,114,115,116,117,118,119,120,121,122,123,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,154,155,156,165,166,167,168,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,259,271,272,273,274,275,276,277,278,279,280,281,282,297,298,302,303,304,305,318,319,320,325,326,327,340,341,347,348,349,362,363,364,365,368,369,370,371,384,385,386,387,388,389,390,391,392,393,407,408,409,410,411,412,413,414,431,432,433,434,435 +65 - 69,70,71,72,73,74,75,76,77,91,92,93,94,95,96,97,98,99,100,101,102,114,115,116,117,118,119,120,121,122,123,124,144,145,146,166,167,168,187,188,189,208,209,210,229,230,231,250,251,252,253,272,273,274,275,276,277,278,294,295,296,297,298,299,300,301,302,319,320,321,322,323,324,344,345,346,366,367,368,387,388,389,409,410,411,430,431,432,451,452,453,470,471,472,473,474 +66 - 53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,102,103,104,105,106,107,110,117,118,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,163,164,165,166,167,168,169,170,171,184,185,186,187,188,189,190,191,205,206,207,208,209,210,211,227,228,229,230,231,232,250,251,252,253,254,255,256,275,276,277,278,279,298,299,300,301,322,323,324,344,345,346,365,366,367,368,377,378,379,383,384,385,386,387,388,389,398,399,400,401,402,403,404,405,406,407,408,409,410,411,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,468,469,470 +67 - 30,31,32,33,34,35,49,50,51,52,53,54,55,56,57,58,71,72,73,74,75,76,77,78,79,80,93,101,102,122,123,124,144,145,165,166,167,184,185,186,187,188,189,190,205,206,207,208,209,210,211,212,213,227,228,229,230,234,235,236,257,258,279,280,301,302,323,324,345,346,357,366,367,368,378,379,380,381,386,387,388,389,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451 +68 - 50,51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,93,94,95,96,97,98,99,100,101,114,115,116,117,118,119,120,121,122,123,124,142,143,144,145,146,164,165,166,167,184,185,186,187,188,189,205,206,207,208,209,210,211,212,226,227,228,229,230,231,232,233,234,248,249,250,251,253,254,255,256,257,276,277,278,279,298,299,300,301,302,320,321,322,323,324,343,344,345,346,365,366,367,368,380,381,386,387,388,389,402,403,404,407,408,409,410,411,424,425,426,427,428,429,430,431,432,446,447,448,449,450,451,452,453,469,470,471,472,473,474 +69 - 68,69,70,71,72,73,74,75,76,88,89,90,91,92,93,94,95,96,97,98,99,100,110,111,112,113,117,118,119,120,121,122,141,142,143,144,162,163,164,165,183,184,185,186,187,188,189,205,206,207,208,209,210,211,212,228,230,231,232,233,234,235,255,256,257,258,259,278,279,280,281,282,301,302,303,304,324,325,326,347,348,349,369,370,371,391,392,393,413,414,415,427,435,436,437,448,449,450,451,452,453,454,455,456,457,458,472,473,474,475,476,477,478,479,480 +70 - 52,53,54,55,56,57,72,73,74,75,76,77,78,79,80,93,94,95,96,97,98,99,100,101,102,115,116,117,118,122,123,124,138,144,145,146,165,166,167,185,186,187,188,189,206,207,208,209,210,211,227,228,229,230,231,232,233,234,250,251,252,254,255,256,257,277,278,279,280,300,301,302,322,323,324,344,345,346,365,366,367,368,387,388,389,390,403,404,408,409,410,411,425,426,427,428,429,430,431,432,447,448,449,450,451,452,453,454,469,470,471,472,473,474 +71 - 32,33,34,35,36,37,38,51,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,106,117,118,125,126,127,128,146,147,148,149,167,168,169,170,171,188,189,190,191,192,209,210,211,212,213,214,228,229,230,231,232,233,234,235,236,249,250,251,252,253,254,255,256,257,258,271,272,273,274,275,278,279,280,293,294,295,300,301,302,322,323,324,343,344,345,346,364,365,366,367,368,376,377,382,383,384,385,386,387,388,389,397,398,399,400,401,402,403,404,405,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448 +72 - 69,71,72,73,74,75,76,77,78,79,80,81,82,83,84,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,134,135,136,137,138,139,142,148,149,150,151,158,159,160,161,170,171,172,173,191,192,193,194,195,204,210,211,212,213,214,215,216,217,226,227,228,229,230,231,232,233,234,235,236,237,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,323,324,345,346,347,367,368,369,388,389,390,391,396,397,398,399,400,408,409,410,411,412,413,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,464,465,466,467,468,469,470,471,472,473,474,475 +73 - 49,50,51,71,72,73,74,75,76,77,78,93,94,95,96,97,98,99,100,101,102,103,116,117,118,119,120,121,122,123,124,125,145,146,147,148,165,166,167,168,169,170,186,187,188,189,190,191,207,208,209,210,211,212,229,230,231,232,251,252,253,254,255,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,324,344,345,346,366,367,368,369,385,386,387,388,389,390,404,405,406,407,408,409,410,411,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,466,467,469 +74 - 32,33,34,35,36,37,38,39,52,53,54,55,56,57,58,59,60,61,62,72,73,74,75,76,77,78,79,80,81,82,83,84,94,95,96,97,98,99,100,101,103,104,105,106,116,117,118,119,125,126,127,128,145,146,147,148,149,150,167,168,169,170,171,187,188,189,190,191,192,207,208,209,210,211,212,227,228,229,230,231,232,233,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,278,279,297,298,299,300,301,320,321,322,323,342,343,344,345,363,364,365,366,367,374,375,376,384,385,386,387,388,396,397,398,399,400,401,402,403,404,405,406,407,408,409,418,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449 +75 - 51,52,53,54,55,56,71,72,73,74,75,76,77,78,79,92,93,94,95,96,97,98,99,100,101,114,115,116,121,122,123,136,137,143,144,145,165,166,167,186,187,188,189,207,208,209,210,228,229,230,231,232,233,249,250,251,252,253,254,255,256,257,271,272,273,274,275,276,277,278,279,280,300,301,302,303,323,324,325,346,347,368,369,389,390,391,404,405,410,411,412,413,426,427,428,429,430,431,432,433,434,448,449,450,451,452,453,454,455,472,473,474,475,476 +76 - 50,51,52,53,54,55,56,57,58,59,60,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,111,112,113,114,115,116,117,124,125,126,127,134,135,136,145,146,147,148,149,166,167,168,169,170,187,188,189,190,191,208,209,210,211,212,227,228,229,230,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,278,279,280,281,291,292,293,294,300,301,302,303,323,324,325,345,346,347,366,367,368,369,388,389,390,391,400,401,408,409,410,411,412,413,422,423,424,425,426,427,428,429,430,431,432,433,434,444,445,446,447,448,449,450,451,452,453,454,455,467,468,469,470,471,472,473,474,475 +77 - 33,34,35,36,37,38,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,85,96,97,98,99,100,103,104,105,106,119,120,121,125,126,127,128,146,147,148,149,150,168,169,170,171,188,189,190,191,192,193,208,209,210,211,212,213,214,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,299,300,301,302,321,322,323,324,343,344,345,346,353,363,364,365,366,367,374,375,376,377,379,380,381,382,383,384,385,386,387,388,397,398,399,400,401,402,403,404,405,406,407,408,409,419,420,421,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449 +78 - 57,58,59,73,74,75,76,77,78,79,80,81,82,83,84,85,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,135,136,137,138,139,140,150,151,152,170,171,172,173,174,190,191,192,193,194,195,196,209,210,211,212,213,214,215,216,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,293,294,295,300,301,302,323,324,325,345,346,347,354,355,366,367,368,369,375,376,377,387,388,389,390,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,419,420,421,422,423,424,425,426,427,428,429,430,431,432,443,444,445,446,447,448,449,450,451,452 +79 - 75,76,77,78,79,80,81,82,83,84,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,158,159,160,161,171,172,173,174,191,192,193,194,195,196,212,213,214,215,216,217,232,233,234,235,236,237,238,250,251,252,253,254,255,256,257,258,259,272,273,274,275,276,277,278,279,294,295,296,297,298,299,300,301,320,321,322,323,342,343,344,345,364,365,366,375,376,377,385,386,387,388,397,398,399,406,407,408,409,410,419,420,421,422,423,424,425,426,427,428,429,430,431,441,442,443,444,445,446,447,448,449,450,451,464,465,466,467,468,469,470,471,472 +80 - 61,62,63,67,68,83,84,85,89,90,105,106,107,111,112,126,127,128,133,134,148,149,150,154,155,156,170,171,172,176,177,178,192,193,194,198,199,200,213,214,215,220,221,222,233,234,235,236,237,242,243,244,248,249,250,251,252,253,254,255,256,257,258,259,264,265,266,267,268,269,270,271,272,273,274,275,276,277,279,280,287,288,289,290,291,292,293,294,300,301,302,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,454,455,456,476,477,478 +81 - 41,42,62,63,64,83,84,85,86,105,106,107,119,120,126,127,128,129,141,142,143,148,149,150,163,164,165,169,170,171,172,184,185,186,191,192,193,205,206,207,208,212,213,214,226,227,228,229,233,234,235,236,247,248,249,250,251,252,255,256,257,268,269,270,271,272,273,274,275,276,277,278,289,290,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,317,318,319,320,321,322,323,333,334,339,340,341,342,343,344,361,362,363,382,383,384,385,403,404,405,406,425,426,427,447,448,449 +82 - 37,58,59,60,66,67,68,80,81,82,88,89,90,91,102,103,104,110,111,112,113,114,124,125,126,127,132,133,134,135,136,145,146,147,148,149,155,156,157,158,159,168,169,170,178,179,180,181,189,190,191,192,200,201,202,203,204,209,210,211,212,213,214,222,223,224,225,226,228,229,230,231,232,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,311,312,313,314,315,316,317,321,322,323,324,325,334,335,336,337,343,344,345,346,347,365,366,367,368,369,388,389,390,391,392,410,411,412,413,414,433,434,435,436,437,456,457,458 +83 - 80,81,82,95,96,102,103,104,116,117,118,123,124,125,138,139,145,146,147,160,161,167,168,169,181,182,183,189,190,191,204,205,211,212,226,227,228,229,233,234,235,236,249,250,251,252,253,254,255,256,257,272,273,274,275,276,277,278,298,299,300,320,321,322,342,343,363,364,365,385,386,387,407,408,428,429,430,450,451,452,472,473 +84 - 101,102,103,104,120,121,123,124,125,130,142,143,145,146,152,163,164,165,166,167,168,174,184,185,186,187,188,189,190,196,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,237,238,239,249,250,251,252,253,254,255,256,257,258,259,260,261,272,273,274,275,276,277,278,279,280,281,282,283,296,297,298,306,317,318,319,328,339,340,341,361,362,363,382,383,384,403,404,405,425,426,427,446,447,448,468,469,470 +85 - 57,58,59,60,71,72,79,80,81,82,92,93,94,101,102,103,104,113,114,115,116,123,124,125,126,135,136,137,138,145,146,147,148,157,158,159,160,167,168,169,170,179,180,181,182,183,189,190,191,192,201,202,203,204,205,208,209,210,211,212,213,214,223,224,225,226,227,228,229,230,231,232,233,234,235,236,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,290,291,292,293,294,295,296,297,298,299,300,301,302,320,321,322,323,324,342,343,344,345,346,364,365,366,367,368,386,387,388,389,390,408,409,410,411,412,430,431,432,433,434,452,453,454,455,456,474,475,476,477 +86 - 50,60,71,72,73,81,82,83,92,93,94,95,103,104,105,106,114,115,116,117,126,127,128,135,136,137,138,148,149,150,151,156,157,158,159,160,170,171,172,173,177,178,179,180,181,192,193,194,195,199,200,201,202,215,216,217,221,222,223,224,237,238,239,243,244,245,257,258,259,260,261,262,265,266,267,268,273,274,275,276,277,278,279,280,281,282,283,284,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,334,335,336,337,338,339,340,347,348,349,368,369,370,371,391,392,393,413,414 +87 - 82,83,84,103,104,105,106,124,125,126,127,141,142,146,147,148,162,163,164,165,167,168,169,184,185,186,188,189,190,205,206,207,208,210,211,212,226,227,228,229,231,232,233,247,248,249,250,251,252,253,254,255,257,258,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,316,317,318,319,338,339,340,359,360,361,381,382,383,402,403,404,424,425,426,446,447,468,469 +88 - 53,54,55,63,74,75,76,77,84,85,86,96,97,98,99,106,107,108,118,119,120,128,129,130,139,140,141,149,150,151,161,162,163,171,172,173,182,183,184,185,192,193,194,195,203,204,205,206,214,215,216,225,226,227,235,236,237,238,246,247,248,257,258,259,267,268,269,270,278,279,280,281,289,290,291,296,297,298,299,300,301,302,311,312,313,315,316,317,318,319,320,321,322,323,324,333,334,335,336,337,338,339,340,341,342,343,344,345,355,356,357,358,359,360,361,362,365,366,367,379,380,387,388,408,409,410,430,431,432,452,453,454,474,475,476 +89 - 84,85,86,87,97,98,105,106,107,108,109,118,119,120,127,128,129,130,140,141,142,148,149,150,151,152,156,161,162,163,164,170,171,172,173,182,183,184,185,191,192,193,194,195,203,204,205,206,212,213,214,215,216,224,225,226,227,234,235,236,237,245,246,247,248,255,256,257,258,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,288,289,290,291,292,293,294,295,296,297,298,299,300,301,310,311,312,313,314,315,316,317,318,319,320,321,340,341,342,343,362,363,364,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470 +90 - 59,60,73,80,81,82,94,95,102,103,104,116,117,124,125,126,138,139,146,147,148,160,161,168,169,170,182,183,190,191,192,204,205,212,213,214,226,227,234,235,247,248,249,252,253,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,314,315,316,322,323,344,345,365,366,367,387,388,389,409,410,411,432,433,454,455,476,477 +91 - 62,63,64,83,84,85,104,105,106,107,119,126,127,128,140,141,142,143,147,148,149,161,162,163,164,169,170,171,182,183,184,185,191,192,193,202,203,204,205,206,212,213,214,215,224,225,226,227,229,230,233,234,235,236,245,246,247,248,249,250,251,252,253,254,255,256,257,258,267,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,298,299,300,301,320,321,322,341,342,343,362,363,364,384,385,386,405,406,407,426,427,428,429,448,449,469,470,471 +92 - 64,65,85,86,87,106,107,108,109,127,128,129,130,142,143,144,148,149,150,151,164,165,166,170,171,172,185,186,187,188,191,192,193,194,205,206,207,208,209,212,213,214,215,226,227,228,229,230,233,234,235,236,247,248,249,250,251,254,255,256,257,268,269,270,271,276,277,278,289,290,291,292,293,294,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,323,324,334,335,336,337,338,339,340,341,342,343,344,345,360,361,362,363,382,383,384,403,404,405,424,425,426,446,447,448,468,469 +93 - 83,84,85,98,99,100,104,105,106,107,119,120,121,122,126,127,128,129,140,141,142,143,147,148,149,150,161,162,163,164,165,169,170,171,182,183,184,185,186,190,191,192,203,204,205,206,207,211,212,213,214,223,224,225,226,227,228,232,233,234,235,245,246,247,248,249,250,251,253,254,255,256,259,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,316,317,318,319,320,321,322,323,324,325,339,340,341,342,361,362,363,364,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469 +94 - 61,62,63,82,83,84,103,104,105,125,126,127,141,142,146,147,148,149,162,163,164,165,168,169,170,183,184,185,186,189,190,191,192,204,205,206,207,208,211,212,213,225,226,227,228,229,232,233,234,235,247,248,249,250,254,255,256,258,259,260,268,269,270,271,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,303,313,314,315,316,317,318,319,320,321,322,323,324,325,337,338,339,340,341,342,343,344,361,362,363,364,383,384,385,386,405,406,407,426,427,428,448,449,450,470,471 +95 - 51,52,53,73,74,75,94,95,96,97,104,105,116,117,118,126,127,138,139,140,147,148,149,159,160,161,169,170,181,182,183,190,191,192,203,204,205,211,212,213,225,226,227,228,233,234,235,248,249,250,251,254,255,256,271,272,273,274,275,276,277,278,282,283,284,294,295,296,297,298,299,300,301,302,303,304,305,317,318,319,320,321,322,323,324,325,326,327,341,342,343,344,346,347,362,363,364,384,385,386,406,407,428,429,449,450,451,471,472,473 +96 - 57,58,78,79,80,99,100,101,102,120,121,122,123,124,141,142,143,144,145,146,162,163,164,165,166,167,182,183,184,185,186,187,188,189,203,204,205,206,207,209,210,211,224,225,226,227,228,230,231,232,233,245,246,247,248,252,253,254,255,261,262,266,267,268,269,270,271,272,274,275,276,277,278,279,280,281,282,283,284,285,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,338,339,340,341,342,362,363,364,384,385,386,406,407,408,427,428,429,449,450,451,472,473 +97 - 62,63,64,82,83,84,85,103,104,105,106,124,125,126,127,140,141,142,143,144,146,147,148,161,162,163,164,165,166,167,168,169,170,182,183,184,185,186,188,189,190,191,203,204,205,206,207,209,210,211,212,224,225,226,227,228,231,232,233,237,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,291,292,293,294,295,296,297,298,299,300,301,302,315,316,317,318,319,320,321,338,339,340,341,359,360,361,362,381,382,383,403,404,425,426,446,447,467,468,469 +98 - 48,49,50,70,71,72,80,81,82,92,93,94,95,102,103,104,105,113,114,115,116,124,125,126,127,135,136,137,138,146,147,148,149,157,158,159,160,168,169,170,171,179,180,181,189,190,191,192,193,201,202,203,212,213,214,215,223,224,225,228,229,230,231,232,233,234,235,236,237,238,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,310,311,312,313,314,315,316,317,318,319,322,323,324,325,333,334,335,336,337,344,345,346,347,366,367,368,369,388,389,390,391,410,411,412,413,432,433,434,435,454,455,456,457,476,477,478 +99 - 38,39,60,61,62,82,83,84,96,97,103,104,105,117,118,119,125,126,127,139,140,141,146,147,148,149,161,162,163,168,169,170,182,183,184,185,189,190,191,192,204,205,206,207,211,212,213,226,227,228,232,233,234,235,247,248,249,250,253,254,255,256,257,269,270,271,273,274,275,276,277,278,291,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,362,363,364,384,385,386,405,406,407,427,428,429,449,450 +100 - 57,58,59,61,62,63,64,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,115,116,117,118,119,120,121,122,123,124,137,138,139,140,141,142,145,146,162,163,164,184,185,186,207,208,209,230,231,232,233,252,253,254,255,256,275,276,277,278,279,299,300,301,302,322,323,324,325,341,342,343,344,345,346,361,362,363,364,365,366,367,368,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,422,423,424,425,426,427,428,429,441,442,443,444,445,446,447,448,449,463,464,465,466,467,468,469 +101 - 105,106,107,108,109,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,165,166,167,168,169,170,171,172,187,188,189,207,208,209,210,228,229,230,250,251,252,272,273,274,275,291,295,296,297,298,311,312,313,314,317,318,319,320,333,334,335,339,340,341,355,356,357,358,359,360,361,362,363,378,379,380,381,382,383,384 +102 - 83,84,85,86,87,102,103,104,105,106,107,108,109,121,122,123,124,125,126,127,128,129,143,144,145,146,147,148,164,165,166,167,185,186,187,188,207,208,209,210,211,228,229,230,231,232,233,234,248,249,250,251,252,254,255,256,270,271,272,276,277,278,293,298,299,300,319,320,321,332,340,341,342,343,354,355,356,360,361,362,363,364,376,377,378,379,380,381,382,383,384,398,399,400,401,402,403,404 +103 - 81,82,83,84,85,86,87,101,102,103,104,105,106,107,108,109,122,123,124,125,126,127,128,129,130,131,144,145,146,147,148,149,162,163,166,183,184,185,204,205,206,207,226,227,228,248,249,250,251,252,253,270,271,272,273,274,275,276,294,295,296,297,298,299,318,319,320,321,341,342,343,362,363,364,365,378,379,380,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,421,422,423,424,425,426,427,428,429,443,444,445,446,447,448 +104 - 109,127,128,129,130,131,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,172,173,174,175,185,186,187,188,189,190,205,206,207,208,209,210,211,226,227,228,229,230,248,249,250,251,252,253,271,272,273,274,275,295,296,297,317,318,319,333,334,339,340,341,355,356,357,360,361,362,363,377,378,379,380,381,382,383,384,399,400,401,402,403,404,405,424 +105 - 78,79,80,81,82,83,84,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,139,140,141,142,143,144,145,161,162,163,164,183,184,185,186,205,206,207,208,227,228,229,249,250,251,271,272,273,294,295,296,316,317,318,319,320,321,338,339,340,341,342,343,344,345,361,362,363,364,365,366,367,386,387,388,389,409,410,411,432,433,453,454,455,475,476,477 +106 - 32,33,34,35,53,54,55,56,57,74,75,76,77,78,79,96,97,98,99,100,101,118,119,120,121,122,142,143,144,164,165,166,186,187,188,189,208,209,210,211,230,231,232,233,234,253,254,255,256,275,276,277,278,297,298,299,300,319,320,321,322,341,342,343,344,362,363,364,365,366,384,385,386,387,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450 +107 - 36,37,38,39,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,96,97,98,99,100,101,102,103,117,118,119,120,121,122,139,140,141,142,162,163,164,165,166,185,186,187,188,189,208,209,210,211,212,231,232,233,234,235,254,255,256,257,258,259,278,279,280,281,290,291,292,293,294,301,302,303,304,311,312,313,314,315,316,324,325,326,333,334,335,336,345,346,347,348,355,356,357,358,359,367,368,369,370,378,379,380,381,382,383,386,387,388,389,390,391,401,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452 +108 - 106,107,108,109,125,126,127,128,129,130,131,143,144,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,203,204,205,207,225,226,227,228,247,248,249,250,251,252,270,271,272,273,274,275,276,295,296,297,298,299,311,312,319,320,321,333,334,340,341,342,343,355,356,357,358,361,362,363,364,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,423,424,425,426 +109 - 106,107,108,109,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,163,164,165,166,167,168,169,170,171,185,186,187,188,189,207,208,209,228,229,230,231,232,249,250,251,252,253,254,255,271,272,273,274,275,276,277,296,297,298,299,311,312,318,319,320,332,333,334,335,336,337,338,339,340,341,342,354,355,356,357,358,359,360,361,362,376,377,378,379,380,381,382 +110 - 105,106,107,108,109,121,122,125,126,127,128,129,130,131,142,143,144,145,146,147,148,149,150,151,152,153,164,165,166,167,168,169,170,171,185,186,187,188,189,190,206,207,208,209,227,228,229,230,249,250,251,252,253,254,255,271,272,273,274,275,276,277,290,291,297,298,299,300,311,312,313,320,321,322,323,333,334,335,342,343,344,355,356,357,358,363,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429 +111 - 31,32,33,52,53,54,55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,125,126,136,137,138,139,140,141,142,159,160,161,162,163,164,165,166,183,184,185,186,187,188,189,190,208,209,210,211,212,213,232,233,234,235,236,256,257,258,259,278,279,280,281,301,302,303,324,325,326,336,337,345,346,347,348,358,359,366,367,368,369,370,380,381,382,386,387,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,448,449,450,451,452,453 +112 - 107,108,109,125,126,127,128,129,130,131,145,146,147,148,149,150,151,152,153,163,164,165,166,167,168,169,170,171,172,184,185,186,187,188,189,205,206,207,208,226,227,228,229,248,249,250,270,271,272,273,274,275,292,293,294,295,296,297,298,299,312,313,318,319,320,321,333,334,335,342,343,355,356,361,362,363,364,365,377,378,379,380,381,382,383,384,385,386,400,401,402,403,404,405,406,407,423,424,425,426 +113 - 60,61,62,63,64,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,108,119,120,121,122,123,124,125,126,127,139,140,141,142,143,160,161,162,163,164,182,183,184,185,186,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,248,249,250,251,252,253,254,255,256,257,266,277,278,279,280,287,288,299,300,301,302,309,310,311,321,322,323,331,332,333,334,343,344,345,354,355,356,357,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,399,400,401,402,403,404,405,406,407,408,409,410,423,424,425,426,427,428,429,430 +114 - 62,63,64,65,80,81,82,83,84,85,86,87,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,117,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,183,184,185,186,187,188,205,206,207,227,228,229,230,250,251,252,253,273,274,275,296,297,298,318,319,320,321,341,342,343,355,356,364,365,366,377,378,384,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,432,444,445,446,447,448,449,450,451,452,453,467,468,469,470,471,472,473 +115 - 99,100,101,102,103,104,105,106,107,108,120,121,122,123,124,125,126,127,128,129,130,141,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,169,184,185,186,205,206,207,208,209,210,227,228,229,230,231,232,233,234,251,252,253,254,255,256,257,277,278,279,280,287,300,301,302,309,310,311,322,323,324,331,332,333,334,335,343,344,345,346,354,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,389,401,402,403,404,405,406,407,408,409,410,425,426,427,428,429,430,431 +116 - 50,51,52,53,54,55,56,57,58,59,60,72,73,74,75,76,77,78,79,80,81,82,83,93,94,95,96,97,98,99,100,101,102,103,104,105,115,116,117,118,119,120,121,122,123,124,125,126,127,138,139,140,141,160,161,162,163,182,183,184,185,189,190,191,192,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,230,231,232,233,234,235,236,237,238,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,269,270,271,272,273,274,275,276,277,280,281,282,283,291,292,293,294,295,296,297,298,302,303,304,305,313,314,315,316,317,323,324,325,326,336,337,338,344,345,346,347,348,366,367,368,369,370,386,387,388,389,390,391,404,405,406,407,408,409,410,411,412,424,425,426,427,428,429,430,431,432,433,434,446,447,448,449,450,451,452,453,454,468,469,470,471,472,473,474,475 +117 - 83,84,85,100,101,102,103,104,105,106,107,119,120,121,122,123,124,125,126,127,128,129,140,141,142,143,144,145,146,147,148,149,161,162,163,164,182,183,184,185,186,187,188,204,205,206,207,208,209,210,211,226,227,228,229,230,231,232,233,234,253,254,255,256,257,264,265,277,278,279,286,287,288,299,300,301,309,310,311,312,320,321,322,323,332,333,334,335,336,341,342,343,344,345,355,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,402,403,404,405,406,407,408 +118 - 31,32,33,34,38,39,40,41,42,50,51,52,53,54,55,56,57,58,59,60,61,62,63,71,72,73,74,75,76,77,78,79,80,81,82,83,92,93,94,95,96,100,101,102,114,115,116,117,137,138,139,140,160,161,162,163,183,184,185,186,206,207,208,209,229,230,231,232,251,252,253,254,255,274,275,276,277,297,298,299,300,301,320,321,322,323,324,335,336,343,344,345,346,347,356,357,358,366,367,368,369,377,378,379,380,381,382,383,384,389,390,391,392,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,446,449,450,451,452,453,454,455,456,457 +119 - 102,103,104,105,106,107,120,121,122,123,124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,162,163,164,165,166,167,168,183,184,185,186,187,205,206,207,208,209,210,211,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,257,264,265,277,278,279,280,286,287,288,300,301,302,308,309,310,311,322,323,324,331,332,333,334,343,344,345,354,355,356,357,358,364,365,366,367,377,378,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,426,427,428,429 +120 - 12,13,14,15,33,34,35,36,53,54,55,56,57,58,75,76,77,78,79,96,97,98,99,100,118,119,120,139,140,141,142,160,161,162,163,182,183,184,185,190,191,192,204,205,206,207,210,211,212,213,214,215,225,226,227,228,229,231,232,233,234,235,236,237,238,247,248,249,250,252,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,277,279,280,281,282,290,291,292,295,296,297,298,300,301,302,303,312,313,314,316,317,318,319,321,322,323,324,334,335,336,338,339,340,341,342,343,344,356,357,358,359,360,361,362,363,364,365,366,378,379,380,381,382,383,384,385,386,387,401,402,403,404,405,406,407,408 +121 - 13,14,15,16,34,35,36,37,55,56,57,76,77,78,98,99,119,120,121,141,142,162,163,164,184,185,205,206,207,211,212,227,228,231,232,233,234,235,249,250,253,254,256,257,258,270,271,272,274,275,279,280,292,293,294,297,301,302,314,315,324,336,337,345,346,358,359,367,368,380,381,382,388,389,390,403,404,405,407,408,409,410,411,426,427,428,429,430,431 +122 - 11,12,13,14,15,32,33,34,53,54,55,75,76,77,96,97,98,118,119,120,140,141,142,162,163,183,184,185,205,206,207,227,228,236,248,249,250,255,256,257,258,259,260,270,271,272,276,277,278,279,280,281,282,292,293,294,297,298,299,300,302,303,304,314,315,316,319,320,324,325,326,336,337,338,341,342,345,346,347,359,360,361,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,410 +123 - 11,12,13,14,33,34,35,36,54,55,56,57,58,76,77,78,79,80,97,98,99,100,101,118,119,120,121,122,140,141,142,143,144,161,162,163,164,165,183,184,185,186,187,205,206,207,208,209,227,228,229,230,231,232,233,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,279,280,292,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,321,322,323,324,325,326,336,337,338,339,340,341,342,343,344,345,346,347,348,359,360,361,362,363,364,365,366,367,368,369,370,382,383,384,385,386,387,388,389,390,391,405,406,407,408,409,410,411,412,429,430,431,432,433 +124 - 33,34,35,54,55,56,57,75,76,77,78,79,96,97,98,99,100,118,119,120,121,122,139,140,141,142,143,161,162,163,164,183,184,185,191,192,205,206,207,211,212,213,214,215,226,227,228,229,233,234,235,236,237,248,249,250,254,255,256,257,258,259,270,271,272,276,277,278,280,281,292,293,294,297,298,299,300,302,303,314,315,316,319,320,321,323,324,325,336,337,338,339,340,341,342,343,344,345,346,347,358,359,360,361,362,363,364,365,366,367,368,381,382,383,384,385,386,387,388,389,404,405,406,407,408,409,428,429,430,450,451 +125 - 35,36,37,38,56,57,58,59,60,76,77,78,79,80,81,82,98,99,100,101,103,104,119,120,121,122,123,140,141,142,143,144,161,162,163,164,165,183,184,185,186,205,206,207,208,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,300,301,302,303,314,315,316,317,318,322,323,324,325,336,337,338,339,340,344,345,346,347,358,359,360,365,366,367,368,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409,410,411,425,426,427,428,429,430,431,432,449,450,451,452,453 +126 - 14,15,16,35,36,37,56,57,58,59,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,205,206,207,208,209,210,211,212,213,214,215,226,227,228,229,230,231,232,233,234,235,236,237,238,248,249,250,251,252,253,254,255,256,257,258,259,260,269,270,271,272,273,274,280,281,282,291,292,293,301,302,303,304,313,314,315,322,323,324,325,335,336,337,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408 +127 - 11,12,13,14,34,35,36,56,57,58,77,78,79,98,99,100,101,120,121,122,141,142,143,162,163,164,165,170,171,184,185,186,189,190,191,192,193,194,205,206,207,210,211,212,213,214,215,216,227,228,229,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,313,314,315,316,317,318,319,322,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408 +128 - 12,13,14,33,34,35,36,55,56,57,76,77,78,79,98,99,100,119,120,121,140,141,142,143,161,162,163,164,168,169,170,171,183,184,185,189,190,191,192,193,194,205,206,207,210,211,212,213,214,215,216,217,226,227,228,231,232,233,234,237,238,239,247,248,249,250,253,254,255,259,260,261,269,270,271,274,275,276,281,282,283,291,292,293,296,297,298,303,304,312,313,314,318,319,320,323,324,325,326,334,335,336,341,342,343,344,345,346,347,356,357,358,359,360,361,362,363,364,365,366,367,368,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407 +129 - 13,14,15,16,17,34,35,36,37,38,54,55,56,57,58,59,76,77,78,79,96,97,98,99,100,117,118,119,120,121,139,140,141,142,160,161,162,163,181,182,183,184,203,204,205,206,214,215,216,225,226,227,228,233,234,235,236,237,238,246,247,248,249,253,254,255,256,257,258,259,260,268,269,270,271,274,275,276,279,280,281,282,290,291,292,293,294,295,296,297,298,302,303,304,313,314,315,316,317,318,322,323,324,325,326,335,336,337,338,339,340,343,344,345,346,347,357,358,359,360,361,362,363,364,365,366,367,368,380,381,382,383,384,385,386,387,388,404,405,406,407,408,409 +130 - 12,13,14,15,33,34,35,36,37,55,56,57,58,76,77,78,79,98,99,100,119,120,121,122,140,141,142,143,162,163,164,183,184,185,186,188,189,190,191,192,205,206,207,209,210,211,212,213,214,215,226,227,228,231,232,233,234,235,236,237,247,248,249,250,252,253,254,255,257,258,259,260,269,270,271,272,274,275,276,280,281,282,291,292,293,296,297,298,302,303,304,313,314,315,318,319,320,323,324,325,335,336,337,340,341,342,344,345,346,357,358,359,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,409,424,425,426,427,428,429,430 +131 - 12,13,14,33,34,35,36,54,55,56,57,58,59,75,76,77,78,80,81,96,97,98,99,102,117,118,119,120,139,140,141,160,161,162,181,182,183,184,203,204,205,225,226,227,228,229,230,231,232,233,247,248,249,250,251,252,253,254,255,256,257,258,269,270,271,272,273,274,275,276,277,278,279,280,281,291,292,293,294,295,300,301,302,303,313,314,315,323,324,325,335,336,337,344,345,346,347,348,357,358,359,360,365,366,367,368,369,380,381,382,383,384,385,386,387,388,389,390,404,405,406,407,408,409,410,411,427,428,429,430,431,432 +132 - 13,14,15,16,17,34,35,36,37,38,39,53,54,55,56,57,58,59,60,74,75,76,77,78,79,96,97,98,99,117,118,119,120,139,140,141,142,161,162,163,182,183,184,185,204,205,206,225,226,227,228,247,248,249,250,253,254,255,256,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,303,314,315,316,317,318,319,320,321,322,323,324,325,336,337,338,339,345,346,347,348,358,359,360,361,362,367,368,369,370,382,383,384,385,386,387,388,389,390,391,392,405,406,407,408,409,410,411,412,413,428,429,430,431,432,433,434 +133 - 14,15,16,17,35,36,37,38,39,56,57,58,59,60,61,77,78,79,80,81,98,99,100,101,102,119,120,121,122,123,140,141,142,143,144,145,162,163,164,165,183,184,185,186,187,188,189,190,191,204,205,206,207,208,209,210,211,212,213,226,227,228,229,230,231,232,233,234,235,236,248,249,250,251,252,253,254,255,257,258,259,270,271,272,273,274,275,276,277,279,280,281,292,293,294,295,296,297,301,302,313,314,315,316,317,318,321,322,323,334,335,336,337,338,339,342,343,344,345,357,358,359,360,361,362,363,364,365,366,379,380,381,382,383,384,385,386,387,388,401,402,403,404,405,406,407,408,424,425,426,427,428,429,430,431 +134 - 11,12,13,14,33,34,35,36,54,55,56,57,58,75,76,77,78,97,98,99,100,118,119,120,121,140,141,142,143,162,163,164,183,184,185,186,191,192,205,206,207,208,211,212,213,214,215,227,228,229,231,232,233,234,235,236,237,248,249,250,251,253,254,255,256,257,258,259,270,271,272,273,274,275,276,277,278,279,280,281,292,293,294,295,296,297,298,299,300,301,302,314,315,316,317,318,319,320,321,322,323,324,336,337,338,339,340,341,342,343,344,345,346,359,360,361,362,363,364,365,366,367,381,382,383,384,385,386,387,388,404,405,406,407,408,427,428,429 +135 - 12,13,14,15,16,17,33,34,35,36,37,54,55,56,57,58,75,76,77,78,79,97,98,99,100,118,119,120,121,140,141,142,161,162,163,164,183,184,185,204,205,206,207,213,226,227,228,234,235,236,237,248,249,250,254,255,256,257,258,259,260,269,270,271,276,277,278,279,280,281,282,291,292,293,297,298,299,300,301,302,303,304,313,314,315,319,320,321,322,323,324,325,335,336,337,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,402,403,404,405,406,407,408,409 +136 - 14,15,16,34,35,36,37,55,56,57,58,59,76,77,78,79,80,98,99,100,101,119,120,121,122,123,141,142,143,144,162,163,164,165,183,184,185,186,191,192,193,205,206,207,208,211,212,213,214,215,216,226,227,228,229,232,233,234,235,236,237,238,248,249,250,253,254,255,256,258,259,260,269,270,271,272,274,275,276,277,278,280,281,282,291,292,293,294,296,297,298,299,302,303,304,313,314,315,318,319,320,323,324,325,335,336,337,340,341,342,343,344,345,346,357,358,359,360,361,362,363,364,365,366,367,379,380,381,382,383,384,385,386,387,388,389,402,403,404,405,406,407,408,409 +137 - 13,14,15,16,34,35,36,37,55,56,57,58,76,77,78,79,80,97,98,99,100,101,119,120,121,122,140,141,142,143,161,162,163,164,165,183,184,185,186,204,205,206,207,209,210,211,212,213,214,226,227,228,229,230,231,232,233,234,235,236,237,248,249,250,251,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,280,281,282,291,292,293,294,295,296,297,302,303,304,313,314,315,316,317,318,323,324,325,335,336,337,338,339,340,341,342,343,344,345,346,358,359,360,361,362,363,364,365,366,367,380,381,382,383,384,385,386,387,388,403,404,405,406,407,408,409 +138 - 8,9,10,11,30,31,32,33,51,52,53,54,55,73,74,75,76,95,96,97,116,117,118,138,139,140,160,161,162,182,183,184,204,205,206,211,212,213,226,227,228,230,231,232,233,234,235,236,237,238,248,249,250,252,253,254,255,256,257,258,259,260,270,271,272,273,274,275,276,281,282,283,293,294,295,296,297,303,304,305,315,316,317,318,319,325,326,327,337,338,339,340,341,347,348,349,360,361,362,363,368,369,370,382,383,384,385,386,387,388,389,390,391,392,406,407,408,409,410,411,412,413,429,430,431,432,433,434,435 +139 - 10,11,12,32,33,34,54,55,75,76,77,97,98,99,119,120,121,141,142,162,163,164,184,185,186,191,192,206,207,208,211,212,213,214,215,227,228,229,230,233,234,235,236,237,238,249,250,251,254,255,256,257,258,259,271,272,273,275,276,277,278,279,280,281,293,294,295,296,297,298,299,300,301,302,303,315,316,317,318,319,320,321,322,323,324,337,338,339,340,341,342,343,344,345,359,360,361,362,363,364,365,366,367,382,383,384,385,386,387,388,404,405,406,407,408,409 +140 - 100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,158,159,160,161,162,163,164,165,167,168,169,170,171,172,180,181,182,183,184,185,186,190,191,192,193,201,202,203,204,205,206,212,213,214,215,223,224,225,226,227,233,234,235,236,237,245,246,247,254,255,256,257,275,276,277,278,279,297,298,299,300,318,319,320,321,322,340,341,342,343,361,362,363,364,382,383,384,385,403,404,405,406,424,425,426,427,446,447,448,449,467,468,469,470,471 +141 - 124,125,126,142,143,144,145,146,147,148,149,160,161,162,163,164,165,166,167,168,169,170,171,182,183,184,185,186,187,188,190,191,192,193,204,205,206,207,208,211,212,213,214,215,226,227,232,233,234,235,236,253,254,255,256,257,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,337,338,339,340,341,358,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,446 +142 - 91,92,93,94,95,96,97,98,99,100,101,112,113,114,115,116,117,118,119,120,121,122,123,124,134,135,136,137,138,139,140,141,142,143,144,145,146,147,167,168,169,189,190,191,211,212,213,232,233,234,235,254,255,256,259,260,261,262,263,273,274,275,276,277,278,279,280,281,282,283,284,285,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,312,313,314,315,316,317,318,319,320,321,322,334,335,336,337,341,342,343,356,357,364,365,386,387,408,409,430,431,452,453,475 +143 - 99,100,101,102,103,118,119,120,121,122,123,124,125,138,139,140,141,142,143,144,145,146,158,159,160,161,162,163,166,167,168,180,181,182,183,188,189,190,210,211,232,233,254,255,275,276,277,297,298,299,319,320,321,341,342,363,364,385,386,406,407,408,428,429,430,450,451,452,472,473 +144 - 93,94,95,96,97,98,99,100,101,102,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,191,192,193,194,195,202,203,204,205,213,214,215,216,217,226,227,235,236,237,238,256,257,258,259,278,279,280,281,299,300,301,302,321,322,323,342,343,344,345,363,364,365,366,367,385,386,387,388,406,407,408,409,428,429,430,431,449,450,451,452,453,454,471,472,473,474,475,476 +145 - 122,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,160,161,162,163,164,165,166,167,168,169,170,171,172,181,182,183,184,185,186,187,188,191,192,193,194,202,203,204,205,206,207,208,209,212,213,214,215,224,225,226,227,228,233,234,235,236,237,255,256,257,276,277,278,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,381,382,383,384,403,404,405,406,424,425,426,427,446,447,448,467,468,469 +146 - 102,103,104,105,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,172,180,181,182,183,184,185,186,187,188,189,190,191,192,193,201,202,203,204,205,206,207,208,211,212,213,214,223,224,225,226,227,228,233,234,235,236,246,254,255,256,257,275,276,277,296,297,298,317,318,319,320,339,340,341,342,360,361,362,363,381,382,383,384,402,403,404,405,423,424,425,426,427,445,446,447,466,467,468,469 +147 - 89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,134,135,136,137,138,139,147,148,149,169,170,171,191,192,193,212,213,214,234,235,236,255,256,257,258,277,278,279,298,299,300,301,320,321,322,342,343,344,363,364,365,385,386,387,406,407,408,409,428,429,430,450,451,452,471,472,473,474,475 +148 - 121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,222,223,224,225,226,227,228,234,235,236,237,244,245,256,257,258,259,277,278,279,280,298,299,300,301,319,320,321,322,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,424,425,426,427,428,446,447,448,449,467,468,469 +149 - 99,100,101,102,103,104,117,118,119,120,121,122,123,124,125,126,137,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,167,168,169,170,181,182,183,189,190,191,210,211,212,213,232,233,234,235,254,255,256,275,276,277,278,297,298,299,318,319,320,321,340,341,342,343,362,363,364,383,384,385,386,405,406,407,408,427,428,429,449,450,451,470,471,472,473 +150 - 124,125,126,127,128,129,142,143,144,145,146,147,148,149,150,151,161,162,163,164,165,166,167,168,169,170,171,172,173,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,199,200,201,202,203,204,205,206,207,208,209,213,214,215,216,220,221,222,223,224,225,226,227,228,234,235,236,237,238,242,243,244,245,246,247,256,257,258,259,265,266,277,278,279,280,299,300,301,320,321,322,323,341,342,343,344,363,364,365,366,384,385,386,387,405,406,407,408,427,428,429,430,448,449,450,451,470,471,472,473 +151 - 101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,157,158,159,160,161,162,163,164,165,166,167,169,170,171,179,180,181,182,183,184,185,190,191,192,193,202,203,212,213,214,215,234,235,236,255,256,257,258,277,278,279,298,299,300,320,321,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,447,448,449,450,469,470,471 +152 - 117,118,119,120,121,122,123,124,125,126,127,128,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,178,179,180,181,182,183,184,185,186,192,193,194,200,201,202,203,213,214,215,216,234,235,236,237,255,256,257,258,259,276,277,278,279,298,299,300,301,319,320,321,322,339,340,341,342,343,361,362,363,364,381,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,466,467,468,469 +153 - 49,50,51,52,53,54,55,71,72,73,74,75,76,77,78,97,98,99,100,101,121,122,123,124,144,145,146,166,167,168,169,188,189,190,191,211,212,213,233,234,235,254,255,256,276,277,278,298,299,300,319,320,321,322,341,342,343,362,363,364,383,384,385,404,405,406,424,425,426,427,428,445,446,447,448,449,466,467,468,469,470 +154 - 103,104,105,106,123,124,125,126,127,128,141,142,143,144,145,146,147,148,149,150,161,162,163,164,165,166,167,168,169,170,171,181,182,183,184,185,186,187,188,189,190,191,192,193,202,203,204,205,206,207,208,209,210,211,212,213,214,224,225,226,227,228,232,233,234,235,247,253,254,255,256,274,275,276,277,278,296,297,298,299,317,318,319,320,338,339,340,341,359,360,361,362,380,381,382,383,401,402,403,404,423,424,425,426,444,445,446,447,466,467,468 +155 - 54,55,56,57,58,75,76,77,78,79,80,81,96,97,98,99,101,102,103,118,119,120,124,125,139,140,141,146,147,161,162,163,168,169,183,184,190,191,205,206,211,212,213,233,234,235,255,256,257,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,302,311,312,313,314,315,316,317,318,319,320,321,322,334,335,341,342,343,362,363,364,383,384,385,386,405,406,407,426,427,428,429,448,449,450,470,471 +156 - 91,92,113,114,115,135,136,137,138,139,148,149,157,158,159,160,161,162,163,164,168,169,170,171,172,179,180,181,183,184,185,186,187,188,189,190,191,192,193,201,202,203,208,209,210,211,212,214,215,224,225,236,237,246,247,248,258,259,268,269,270,280,281,290,291,292,301,302,303,313,314,323,324,325,345,346,347,368,369,390,391,412,413,433,434,435,455,456,457,477,478,479 +157 - 71,72,73,74,75,76,77,78,79,80,81,93,94,95,96,97,98,99,100,101,102,103,104,115,116,117,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,165,166,167,168,169,170,187,188,189,190,191,192,208,209,210,211,212,213,230,231,232,233,234,235,252,253,254,255,256,273,274,275,276,277,278,294,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,343,359,360,361,362,363,364,365,380,381,382,383,384,385,386,402,403,404,405,406,407,424,425,426,427,428,429,446,447,448,449,450,451,469,470,471,472,473 +158 - 120,121,122,123,124,125,126,127,128,129,138,140,141,142,143,144,145,146,147,148,149,150,151,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,198,199,200,201,202,203,204,205,206,207,212,213,214,215,216,217,221,222,223,224,225,226,234,235,236,237,238,255,256,257,258,259,260,277,278,279,280,297,298,299,300,301,302,319,320,321,322,323,335,340,341,342,343,344,356,361,362,363,364,365,382,383,384,385,386,387,403,404,405,406,407,425,426,427,428,445,446,447,448,449,467,468,469,470 +159 - 105,106,107,123,124,125,126,127,128,129,130,140,141,142,143,144,145,146,147,148,149,150,151,152,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,178,179,180,181,182,183,184,185,186,187,188,189,190,192,193,194,195,200,201,202,203,204,205,206,207,214,215,216,217,221,222,223,224,225,226,227,234,235,236,237,238,243,244,245,246,255,256,257,258,259,276,277,278,279,280,298,299,300,301,319,320,321,322,323,340,341,342,343,344,362,363,364,365,383,384,385,386,404,405,406,407,424,425,426,427,446,447,448,449,467,468,469,470 +160 - 61,62,79,80,82,83,84,96,97,98,99,100,101,102,103,104,105,106,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,143,146,147,148,149,161,162,163,167,168,169,170,171,183,184,185,186,189,190,191,192,206,207,208,209,210,211,212,213,228,229,230,231,232,233,234,250,251,252,253,254,255,256,272,273,274,275,276,293,294,295,296,297,298,314,315,316,317,318,319,320,335,336,337,338,340,341,342,356,357,358,359,362,363,364,378,379,380,383,384,385,386,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470 +161 - 54,55,56,57,58,59,60,76,77,78,79,80,81,82,83,84,98,99,100,101,102,103,104,105,106,120,121,122,127,128,129,142,143,144,148,149,150,151,152,164,165,166,167,169,170,171,172,173,174,186,187,188,189,190,191,192,193,194,195,208,209,210,211,212,213,214,230,231,232,233,234,235,250,251,252,253,254,255,256,271,272,273,274,275,276,291,292,293,294,295,296,297,298,312,313,314,315,316,317,318,319,320,334,335,336,337,338,339,340,341,342,355,356,357,361,362,363,364,377,378,379,383,384,385,386,398,399,400,401,404,405,406,407,420,421,422,423,424,425,426,427,428,442,443,444,445,446,447,448,449,450,465,466,467,468,469,470,471 +162 - 38,39,40,55,56,57,60,61,62,76,77,78,79,80,82,83,84,96,97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,125,126,127,139,140,141,144,145,146,147,148,149,161,162,163,167,168,169,170,183,184,185,186,187,188,189,190,191,192,206,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,296,297,298,299,300,315,316,317,318,320,321,322,336,337,338,339,342,343,344,357,358,359,360,364,365,366,379,380,381,382,385,386,387,401,402,403,404,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450 +163 - 54,55,56,57,58,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,116,117,118,119,120,121,122,123,124,125,126,127,137,138,139,140,142,143,144,145,146,147,148,158,159,160,167,168,169,180,181,182,189,190,191,203,204,205,206,210,211,212,226,227,228,229,231,232,233,250,251,252,253,254,273,274,275,276,294,295,296,297,298,299,315,316,317,320,321,322,337,338,342,343,344,358,359,360,365,366,367,380,381,382,388,389,402,403,404,409,410,411,424,425,430,431,432,433,447,448,449,450,451,452,453,454,469,470,471,472,473,474,475 +164 - 77,78,79,80,81,82,84,85,86,97,98,99,100,101,102,103,104,105,106,107,108,118,119,120,121,122,123,124,125,126,127,128,129,130,139,140,141,142,146,147,148,149,150,151,160,161,162,167,168,169,170,171,172,182,183,184,189,190,191,192,193,204,205,206,207,210,211,212,213,214,227,228,229,230,231,232,233,234,235,236,250,251,252,253,254,255,256,257,273,274,275,276,277,278,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,342,343,358,359,360,361,364,365,379,380,381,382,386,387,401,402,403,407,408,409,422,423,424,425,428,429,430,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473 +165 - 53,54,55,56,57,58,59,62,63,75,76,77,78,79,80,81,82,84,85,97,98,99,100,103,104,105,106,107,118,119,120,125,126,127,128,140,141,145,146,147,148,149,150,162,163,164,167,168,169,170,171,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,229,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,277,292,293,294,295,298,299,300,314,315,316,320,321,322,335,336,337,342,343,344,357,358,359,364,365,366,379,380,386,387,400,401,402,407,408,409,422,423,424,426,427,428,429,430,444,445,446,447,448,449,450,451,466,467,468,469,470,471 +166 - 56,57,58,59,60,76,77,78,79,80,81,82,83,95,96,97,98,99,100,101,102,103,104,105,116,117,118,119,120,121,126,127,128,138,139,140,141,147,148,149,150,160,161,162,163,169,170,171,182,183,184,185,186,190,191,192,193,205,206,207,208,209,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,338,339,340,341,342,343,358,359,360,361,362,363,364,365,380,381,382,384,385,386,387,401,402,403,406,407,408,423,424,425,426,427,428,429,445,446,447,448,449,450,451,467,468,469,470,471,472 +167 - 56,61,62,63,75,76,77,78,79,80,81,83,84,85,96,97,98,99,100,101,102,103,104,105,106,107,117,118,119,120,124,125,126,127,128,129,139,140,141,146,147,148,149,150,160,161,162,163,169,170,171,183,184,185,186,190,191,192,193,206,207,208,209,210,211,212,213,214,228,229,230,231,232,233,234,235,251,252,253,254,255,273,274,275,276,294,295,296,297,298,299,315,316,317,318,319,320,321,322,336,337,338,339,341,342,343,344,357,358,359,360,363,364,365,378,379,380,381,385,386,387,400,401,402,403,406,407,408,422,423,424,425,426,427,428,429,430,444,445,446,447,448,449,450,451,467,468,469,470,471 +168 - 38,39,40,56,57,58,59,60,61,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,123,124,125,128,139,140,141,144,145,146,147,161,162,163,164,166,167,184,185,186,187,188,189,206,207,208,209,210,229,230,231,232,233,250,251,252,253,254,255,272,273,274,275,276,277,278,293,294,295,298,299,300,301,315,316,317,320,321,322,323,336,337,338,339,342,343,344,358,359,360,364,365,366,380,381,385,386,387,401,402,403,405,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451 +169 - 54,55,56,57,58,59,75,76,77,78,79,80,81,82,96,97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,140,141,142,146,147,148,149,162,163,164,165,167,168,169,170,185,186,187,188,189,190,191,192,207,208,209,210,211,212,213,230,231,232,233,234,252,253,254,255,256,274,275,276,277,295,296,297,298,299,316,317,318,319,320,321,337,338,339,340,341,342,359,360,361,362,363,364,380,381,382,383,384,385,402,403,404,405,406,407,423,424,425,426,427,428,445,446,447,448,449,450,468,469,470,471 +170 - 52,53,54,55,56,57,58,59,72,73,74,75,76,77,78,79,80,81,82,93,94,95,96,104,105,106,115,116,126,127,137,138,139,147,148,160,161,162,168,169,170,183,184,185,189,190,191,206,207,208,209,210,211,212,229,230,231,232,233,252,253,254,255,274,275,276,277,295,296,299,300,316,317,321,322,323,338,339,344,345,346,360,361,367,368,382,383,389,390,391,404,405,411,412,413,426,427,428,433,434,435,449,450,451,452,453,454,455,456,472,473,474,475,476,477 +171 - 31,32,33,34,35,36,37,38,52,53,54,55,56,57,58,59,60,61,73,74,75,76,77,78,79,80,81,82,83,84,95,96,97,98,105,106,117,118,128,129,130,131,139,140,150,151,152,153,161,162,170,171,172,173,174,175,183,184,190,191,192,193,194,195,206,207,211,212,213,214,215,228,229,230,231,232,233,234,235,236,251,252,253,254,255,256,273,274,275,276,277,294,295,296,297,298,315,316,317,318,319,320,335,336,337,338,339,340,342,343,356,357,358,359,360,363,364,365,377,378,379,380,381,382,383,384,385,386,387,399,400,401,402,403,404,405,406,407,408,422,423,424,425,426,427,428,429,444,445,446,447,448,449 +172 - 32,33,34,54,55,56,76,77,96,97,98,99,104,105,117,118,119,120,121,125,126,127,138,139,140,141,146,147,148,159,160,161,162,167,168,169,181,182,183,184,185,186,187,188,189,190,191,203,204,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,253,254,255,256,257,275,276,277,278,279,296,297,298,300,301,318,319,322,323,339,340,341,344,345,361,362,363,365,366,367,383,384,385,387,388,389,405,406,407,408,409,410,427,428,429,430,431,449,450,451,452,453 +173 - 52,53,54,55,56,57,73,74,75,76,77,78,79,80,81,82,94,95,96,97,100,101,102,103,104,105,116,117,118,125,126,127,138,139,140,147,148,149,159,160,161,162,169,170,171,182,183,184,191,192,193,204,205,206,212,213,214,215,226,227,228,229,234,235,236,248,249,250,251,252,255,256,257,258,271,272,273,274,275,276,277,278,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,323,336,337,338,339,340,343,344,345,358,359,360,361,366,367,368,381,382,388,389,390,402,403,404,410,411,412,424,425,426,431,432,433,446,447,448,449,453,454,455,469,470,471,472,473,474,475,476 +174 - 55,56,57,58,59,75,76,77,78,79,80,81,82,86,87,97,98,99,100,101,102,103,104,106,107,108,119,120,127,128,129,141,142,143,148,149,150,151,163,164,165,168,169,170,171,172,185,186,187,189,190,191,192,193,207,208,209,210,211,212,213,230,231,232,233,234,251,252,253,254,255,272,273,274,275,276,293,294,295,296,297,298,314,315,316,318,319,320,335,336,337,340,341,342,357,358,359,362,363,364,378,379,380,383,384,385,400,401,402,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448,449,467,468,469,470,471 +175 - 41,42,43,63,64,65,77,78,79,80,81,82,83,84,85,86,98,99,100,101,102,103,104,105,106,107,119,120,121,122,123,125,126,127,128,140,141,142,143,146,147,148,149,162,163,164,167,168,169,170,183,184,185,188,189,190,191,205,206,207,209,210,211,212,227,228,229,230,231,232,233,250,251,252,253,254,272,273,274,275,276,277,293,294,295,296,297,298,299,300,315,316,317,320,321,322,336,337,338,342,343,344,357,358,359,363,364,365,366,379,380,383,384,385,386,387,400,401,402,403,404,405,406,407,422,423,424,425,426,427,428,444,445,446,447,448 +176 - 33,34,35,36,37,38,39,54,55,56,57,58,59,60,61,62,75,76,77,78,79,80,81,82,83,84,97,98,99,100,102,103,104,105,106,118,119,120,121,127,128,140,141,142,143,148,149,150,162,163,164,165,169,170,171,172,184,185,186,187,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,228,229,230,231,232,233,234,235,248,249,250,251,252,253,254,255,268,269,270,271,272,273,274,275,276,277,289,290,291,292,293,297,298,299,300,311,312,313,314,319,320,321,322,332,333,334,341,342,343,344,354,355,356,363,364,365,366,376,377,378,385,386,387,388,399,400,401,402,403,404,405,406,407,408,409,410,421,422,423,424,425,426,427,428,429,430,431,444,445,446,447,448,449,450,451,452 +177 - 53,54,55,56,57,75,76,77,78,79,80,97,98,101,102,119,120,121,123,124,141,142,143,145,146,148,149,164,165,166,167,168,169,170,171,172,186,187,188,189,190,191,192,209,210,211,212,229,230,231,232,233,251,252,253,254,255,272,273,274,275,276,277,294,295,297,298,299,315,316,317,319,320,321,337,338,339,341,342,343,359,360,361,363,364,365,381,382,383,385,386,387,407,408,409,429,430,431,449,450,451,452,453,471,472,473,474 +178 - 53,54,55,56,57,58,59,60,74,75,76,77,78,79,80,81,82,83,84,96,97,98,99,100,101,102,103,104,105,106,107,118,119,120,126,127,128,129,140,141,142,148,149,150,151,163,164,165,168,169,170,171,172,173,185,186,187,188,189,190,191,192,193,194,207,208,209,210,211,212,213,214,215,229,230,231,232,233,234,249,250,251,252,253,254,255,270,271,272,273,274,275,276,277,292,293,294,295,297,298,299,313,314,315,316,319,320,321,335,336,337,341,342,343,356,357,358,359,363,364,365,378,379,380,381,384,385,386,387,400,401,402,403,406,407,408,409,423,424,425,426,427,428,429,430,445,446,447,448,449,450,451,452,469,470,471,472,473 +179 - 55,56,57,58,59,73,74,75,76,77,78,79,80,81,82,95,96,97,98,99,100,101,102,103,104,105,106,117,118,119,120,121,122,123,124,125,126,127,128,139,140,141,142,148,149,150,161,162,163,164,170,171,172,184,185,186,187,191,192,193,194,206,207,208,209,210,211,212,213,214,215,216,229,230,231,232,233,234,235,236,237,251,252,253,254,255,256,257,272,273,274,275,276,277,292,293,294,295,296,297,298,299,313,314,315,316,317,318,319,320,321,335,336,337,338,341,342,343,356,357,358,359,362,363,364,365,377,378,379,380,384,385,386,387,399,400,401,406,407,408,409,421,422,423,424,425,426,427,428,429,430,431,443,444,445,446,447,448,449,450,451,452,466,467,468,469,470,471,472,473,474 +180 - 97,98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,167,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,210,211,212,213,224,225,226,230,231,232,233,234,246,247,248,250,251,252,253,254,255,256,268,269,270,271,272,273,274,275,276,277,290,291,292,293,294,295,297,298,299,318,319,320,321,340,341,342,363,364,384,385,386,406,407,408,428,429,430,451,452,453,473,474,475,476 +181 - 99,100,101,102,103,119,120,121,122,123,124,125,126,141,142,143,144,145,146,147,148,162,163,164,168,169,170,171,184,185,186,190,191,192,193,206,207,208,210,211,212,213,214,228,229,230,231,232,233,234,250,251,252,253,254,255,256,273,274,275,276,277,296,297,298,299,318,319,320,321,340,341,342,343,361,362,363,364,383,384,385,404,405,406,425,426,427,428,446,447,448,449,468,469,470 +182 - 78,79,80,81,82,99,100,101,102,103,104,105,120,121,122,125,126,127,141,142,143,147,148,163,164,168,169,170,184,185,190,191,192,205,206,207,211,212,213,214,227,228,232,233,234,235,249,250,254,255,256,270,271,272,274,275,276,277,292,293,294,295,296,297,298,299,315,316,317,318,319,320,340,341,342,361,362,363,383,384,404,405,406,426,427,447,448,449,469,470 +183 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,128,140,141,142,143,144,145,146,147,148,149,150,162,163,164,168,169,170,171,172,184,185,186,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,229,230,231,232,233,234,235,236,254,255,256,257,275,276,277,278,296,297,298,299,300,318,319,320,321,339,340,341,342,361,362,363,382,383,384,385,403,404,405,406,424,425,426,427,445,446,447,448,467,468,469,470 +184 - 76,77,78,79,80,81,97,98,99,100,101,102,103,104,118,119,120,121,122,124,125,126,140,141,142,145,146,147,161,162,163,166,167,168,169,183,184,185,189,190,191,205,206,207,208,209,210,211,212,228,229,230,231,232,233,234,251,252,253,254,255,256,276,277,278,297,298,299,318,319,320,321,340,341,342,361,362,363,364,383,384,385,405,406,407,426,427,428,447,448,449,469,470,471 +185 - 98,99,100,101,102,103,104,105,118,119,120,121,122,123,124,125,126,127,139,140,141,142,143,146,147,148,149,160,161,162,163,164,167,168,169,170,181,182,183,184,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,227,230,231,232,233,234,235,246,247,248,249,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,277,278,279,291,292,293,294,295,298,299,300,320,321,322,341,342,343,344,363,364,365,385,386,387,406,407,408,427,428,429,449,450,451,469,470,471,472,473 +186 - 51,52,53,54,72,73,74,75,76,77,94,95,96,97,98,99,100,116,117,118,120,121,122,138,139,140,142,143,144,160,161,162,164,165,166,182,183,184,185,186,187,188,205,206,207,208,209,210,211,228,229,230,231,232,233,254,255,256,276,277,278,299,300,321,322,323,343,344,345,365,366,367,387,388,389,403,404,405,406,409,410,411,425,426,427,428,429,430,431,432,433,447,449,450,451,452,453,454,473,474,475,476 +187 - 94,95,96,97,98,99,106,107,108,115,116,117,118,119,120,121,122,127,128,129,130,135,136,137,138,139,140,142,143,148,149,150,151,157,158,159,169,170,171,172,179,180,190,191,192,193,194,201,202,203,209,210,211,212,213,214,215,224,225,226,227,228,229,230,231,232,233,234,235,236,247,248,249,250,251,252,253,254,255,256,257,271,272,273,276,277,278,279,298,299,300,319,320,321,322,341,342,343,363,364,365,384,385,386,405,406,407,408,427,428,429,430,449,450,451,471,472,473 +188 - 99,100,101,102,103,104,120,121,122,123,124,125,126,127,140,141,142,143,144,145,146,147,148,149,161,162,163,164,167,168,169,170,182,183,184,189,190,191,192,204,205,211,212,213,226,227,232,233,234,235,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,293,294,295,296,298,299,300,319,320,321,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,468,469,470,471 +189 - 31,32,33,34,35,36,52,53,54,55,56,57,58,59,73,74,75,76,80,81,94,95,96,97,102,116,117,118,119,124,125,126,127,138,139,140,141,147,148,149,160,161,162,163,168,169,170,171,183,184,185,186,187,188,189,190,191,192,193,206,207,208,209,210,211,212,213,214,215,227,230,231,232,236,237,248,258,259,269,270,271,280,281,291,292,293,302,303,313,314,315,324,325,335,336,337,346,347,348,357,358,359,360,366,367,368,369,379,380,381,382,383,388,389,390,391,402,403,404,405,406,407,408,409,410,411,412,425,426,427,428,429,430,431,432,433,449,450,451,452,453 +190 - 97,98,99,100,101,102,103,104,105,117,118,119,120,121,122,123,124,125,126,127,128,138,139,140,141,142,143,144,145,146,147,148,149,150,160,161,162,163,169,170,171,172,181,182,183,184,185,190,191,192,193,194,203,204,205,206,208,210,211,212,213,214,215,224,225,226,230,231,232,233,234,235,236,246,247,248,249,254,255,256,257,269,270,271,272,273,274,275,276,277,278,279,291,292,293,294,295,296,297,298,299,300,301,315,316,317,318,319,320,321,322,338,339,340,341,342,343,362,363,364,383,384,385,386,404,405,406,407,426,427,428,447,448,449,468,469,470,471 +191 - 76,77,78,79,96,97,98,99,100,101,102,103,117,118,119,120,121,122,123,124,125,126,138,139,140,141,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,188,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,251,252,253,254,256,257,268,269,270,271,272,273,274,275,278,279,290,291,292,293,294,295,300,301,313,314,315,316,322,323,324,344,345,346,366,367,368,388,389,390,410,411,412,432,433,434,435,455,456,457,477,478,479 +192 - 98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,138,139,140,141,142,143,144,145,146,147,148,159,160,161,162,163,164,165,166,168,169,170,181,182,183,184,185,190,191,192,202,203,204,205,211,212,213,214,224,225,226,227,231,232,233,234,235,236,246,247,248,249,250,251,252,253,254,255,256,257,258,268,269,270,271,272,273,274,275,276,277,278,279,280,291,292,293,294,295,296,297,298,299,300,301,302,315,316,320,321,322,323,342,343,344,345,364,365,366,386,387,388,407,408,409,410,429,430,431,451,452,453,473,474,475 +193 - 99,100,101,102,120,121,122,123,124,125,140,141,142,143,144,145,146,147,148,162,163,164,168,169,170,183,184,185,188,189,190,191,205,206,207,208,209,210,211,212,213,227,228,229,230,231,232,233,234,235,250,251,252,253,254,255,256,257,276,277,278,297,298,299,300,319,320,321,341,342,343,362,363,364,365,384,385,386,406,407,408,427,428,429,449,450,451,470,471,472,473 +194 - 97,98,99,100,101,102,103,118,119,120,121,122,123,124,125,126,139,140,141,142,147,148,161,162,163,168,169,182,183,184,189,190,191,204,205,206,210,211,212,213,226,227,228,229,230,231,232,233,234,249,250,251,252,253,254,255,256,271,272,273,274,275,276,277,297,298,299,318,319,320,340,341,342,361,362,363,383,384,385,404,405,406,426,427,428,447,448,449,468,469,470 +195 - 95,96,97,98,99,100,115,116,117,118,119,120,121,122,126,127,128,136,137,138,139,140,141,146,147,148,149,150,157,158,159,160,167,168,169,170,171,172,178,179,180,181,187,188,189,190,191,192,193,200,201,202,203,206,207,208,209,210,211,213,214,223,224,225,226,227,228,229,230,231,234,235,236,246,247,248,249,250,251,256,257,258,278,279,299,300,301,320,321,322,323,342,343,344,364,365,366,385,386,387,407,408,409,429,430,431,450,451,452,472,473,474,475 +196 - 74,75,76,77,78,95,96,97,98,99,100,101,116,117,118,119,122,123,124,138,139,140,145,146,147,148,159,160,161,162,167,168,169,170,181,182,183,189,190,191,192,203,204,205,211,212,213,214,225,226,227,231,232,233,234,235,247,248,249,250,251,252,253,254,255,256,257,270,271,272,273,274,275,276,277,278,294,295,296,298,299,300,320,321,322,341,342,343,344,363,364,365,366,385,386,387,388,407,408,409,410,429,430,431,432,451,452,453,454,473,474,475 +197 - 99,100,101,102,103,104,105,119,120,121,122,123,124,125,126,127,139,140,141,142,143,144,145,147,148,149,150,160,161,162,163,164,165,170,171,172,182,183,184,185,192,193,194,203,204,205,211,212,213,214,215,216,225,226,227,228,229,230,232,233,234,235,236,237,247,248,249,250,251,252,253,254,255,256,257,258,270,271,272,273,274,275,277,278,279,280,293,294,295,299,300,301,320,321,322,323,341,342,343,344,362,363,364,365,384,385,386,387,405,406,407,408,426,427,428,429,447,448,449,450,468,469,470,471 +198 - 97,98,99,100,101,117,118,119,120,121,122,123,124,125,138,139,140,141,142,144,145,146,147,148,159,160,161,162,167,168,169,170,180,181,182,183,189,190,191,192,202,203,204,205,209,210,211,212,213,214,224,225,226,230,231,232,233,234,235,236,246,247,248,250,251,252,253,254,255,256,257,268,269,270,271,272,273,274,275,277,278,279,291,292,293,294,295,299,300,320,321,322,342,343,344,364,365,366,386,387,388,408,409,410,430,431,451,452,453,473,474,475 +199 - 104,105,106,107,118,119,120,124,125,126,127,128,129,136,137,138,139,140,141,142,145,146,147,148,149,150,158,159,160,161,162,163,165,166,167,168,169,170,171,179,180,181,182,183,185,186,187,188,189,190,191,192,193,200,201,202,203,204,205,206,207,208,209,210,212,213,214,215,223,224,225,226,227,228,229,230,234,235,236,246,247,248,249,250,255,256,257,258,270,277,278,279,298,299,300,301,320,321,322,323,342,343,344,363,364,365,366,385,386,387,406,407,408,409,428,429,430,450,451,452,472,473,474 \ No newline at end of file diff --git a/NeuroData/tempotron.json b/NeuroData/tempotron.json new file mode 100644 index 0000000..b351f0a --- /dev/null +++ b/NeuroData/tempotron.json @@ -0,0 +1,24 @@ +{ + "LTPWIN": 1, + "LTDWIN": 1, + "NETSIZE": 6, + "DEPTH": 2, + "PATTERN_EPOCH": 10, + "NEURONLOCK_ENABLE": 0, + "PFLOOR": 5000, + "PCEIL": 9000, + "WEIGHTSCALE": 1, + "NORMALISE": false, + "FIRETH": 0.015, + "INPUT": 1, + "INPUTROW": 1, + "OUTPUT": 5, + "LEARNINGRATE": 1e-6, + "TAU": 20e-3, + "TAUS": 5e-3, + "TIMESTEP": 1e-3, + "VREST": 0, + "SPIKETRAIN": 25, + "TEMPORALCODING_ENABLE": 1, + "" +} \ No newline at end of file diff --git a/NeuroData/tempotron_connmat.txt b/NeuroData/tempotron_connmat.txt new file mode 100644 index 0000000..bb12480 --- /dev/null +++ b/NeuroData/tempotron_connmat.txt @@ -0,0 +1,5 @@ +1, 2, 1, 1, 1 +1, 3, 1, 2, 1 +1, 4, 1, 3, 1 +1, 5, 1, 4, 1 +1, 6, 1, 5, 1 diff --git a/NeuroData/tempotron_stim.txt b/NeuroData/tempotron_stim.txt new file mode 100644 index 0000000..067eb46 --- /dev/null +++ b/NeuroData/tempotron_stim.txt @@ -0,0 +1,125 @@ +0 - 2 +1 - 2 +2 - 1, 2 +3 - 2 +4 - 2 +5 - 2 +6 - 1, 2 +7 - 2 +8 - 1, 2 +9 - 2 +10 - 1, 2 +11 - 2 +12 - 2 +13 - 2 +14 - 1, 2 +15 - 1, 2 +16 - 1, 2 +17 - 1, 2 +18 - 1, 2 +19 - 1, 2 +20 - 1, 2 +21 - 2 +22 - 2 +23 - 2 +24 - 1, 2 +25 - 1, 3 +26 - 1, 3 +27 - 1, 3 +28 - 1, 3 +29 - 1, 3 +30 - 1, 3 +31 - 3 +32 - 3 +33 - 3 +34 - 3 +35 - 1, 3 +36 - 1, 3 +37 - 1, 3 +38 - 1, 3 +39 - 1, 3 +40 - 1, 3 +41 - 3 +42 - 3 +43 - 3 +44 - 3 +45 - 1, 3 +46 - 1, 3 +47 - 1, 3 +48 - 1, 3 +49 - 1, 3 +50 - 4 +51 - 4 +52 - 1, 4 +53 - 4 +54 - 4 +55 - 4 +56 - 4 +57 - 1, 4 +58 - 4 +59 - 4 +60 - 4 +61 - 4 +62 - 1, 4 +63 - 4 +64 - 4 +65 - 4 +66 - 4 +67 - 1, 4 +68 - 4 +69 - 4 +70 - 4 +71 - 4 +72 - 1, 4 +73 - 4 +74 - 4 +75 - 5 +76 - 1, 5 +77 - 1, 5 +78 - 1, 5 +79 - 5 +80 - 5 +81 - 1, 5 +82 - 5 +83 - 1, 5 +84 - 5 +85 - 5 +86 - 1, 5 +87 - 5 +88 - 1, 5 +89 - 5 +90 - 5 +91 - 1, 5 +92 - 5 +93 - 1, 5 +94 - 5 +95 - 5 +96 - 1, 5 +97 - 1, 5 +98 - 1, 5 +99 - 5 +100 - 1, 6 +101 - 6 +102 - 6 +103 - 6 +104 - 1, 6 +105 - 1, 6 +106 - 6 +107 - 6 +108 - 6 +109 - 1, 6 +110 - 1, 6 +111 - 6 +112 - 6 +113 - 6 +114 - 1, 6 +115 - 1, 6 +116 - 6 +117 - 6 +118 - 6 +119 - 1, 6 +120 - 1, 6 +121 - 1, 6 +122 - 1, 6 +123 - 1, 6 +124 - 1, 6 diff --git a/NeuroPack.py b/NeuroPack.py index de290ac..17a46cb 100644 --- a/NeuroPack.py +++ b/NeuroPack.py @@ -11,6 +11,11 @@ import arc1pyqt.Globals.fonts as fonts import arc1pyqt.Globals.styles as styles +from arc1pyqt.VirtualArC import VirtualArC +from arc1pyqt.VirtualArC import pulse as VirtualArCPulse +from arc1pyqt.VirtualArC import read as VirtualArCRead +from arc1pyqt.VirtualArC.parametric_device import ParametricDevice as memristor +from arc1pyqt.Globals import functions from arc1pyqt import state HW = state.hardware APP = state.app @@ -20,19 +25,13 @@ makeDeviceList, ModTag THIS_DIR = os.path.dirname(__file__) -for ui in ['nnanalysis', 'nnvaravg', 'nnvaravgrow', 'nnvardiff', - 'nnvardiffrow', 'nnvarsnap', 'nnvarsnaprow']: +for ui in ['nnanalysis', 'nnvarsnaprow']: modutils.compile_ui(os.path.join(THIS_DIR, 'uis', '%s.ui' % ui), os.path.join(THIS_DIR, '%s.py' % ui)) from .nnanalysis import Ui_NNAnalysis -from .nnvarsnap import Ui_NNVarSnap from .nnvarsnaprow import Ui_NNVarSnapRow -from .nnvardiff import Ui_NNVarDiff -from .nnvardiffrow import Ui_NNVarDiffRow -from .nnvaravg import Ui_NNVarAvg -from .nnvaravgrow import Ui_NNVarAvgRow from . import NeuroCores @@ -41,22 +40,55 @@ def _log(*args, **kwargs): if bool(os.environ.get('NNDBG', False)): print(*args, file=sys.stderr, **kwargs) - class NetworkState(object): """ NetworkState stores all the information for the state of the training process. All history is available. """ - def __init__(self, NETSIZE, DEPTH, epochs, labelCounter=1): + def __init__(self, NETSIZE, DEPTH, outputNum, epochs, epochsForTesting, temporalCoding_enable, spikeTrain, labelCounter=1): super(NetworkState, self).__init__() self.weight_addresses = [] - self.weights = \ - np.array(NETSIZE*[NETSIZE*[epochs*labelCounter*[0.0]]]) + #self.weights = np.array(NETSIZE*[NETSIZE*[epochs*labelCounter*[0.0]]]) + self.weights = np.array((NETSIZE-outputNum)*[outputNum*[epochs*labelCounter*[0.0]]]) + self.R = np.array((NETSIZE-outputNum)*[outputNum*[4*epochs*labelCounter*[0.0]]]) + #self.weightsExpected =np.array(NETSIZE*[NETSIZE*[epochs*labelCounter*[0.0]]]) + self.weightsExpected =np.array((NETSIZE-outputNum)*[outputNum*[epochs*labelCounter*[0.0]]]) + #self.weightsError = np.array(NETSIZE*[NETSIZE*[epochs*labelCounter*[0.0]]]) + self.weightsError = np.array((NETSIZE-outputNum)*[outputNum*[epochs*labelCounter*[0.0]]]) self.NeurAccum = np.zeros(shape=(epochs, NETSIZE)) + self.NeurAccumForTest = np.zeros(shape=(epochsForTesting, NETSIZE)) #New for test self.fireCells = np.array(epochs*labelCounter*[NETSIZE*[0.0]]) self.firingCells = np.array(NETSIZE*[0.0]) self.fireHist = np.array((DEPTH+1)*[NETSIZE*[0.0]]) + self.fireCellsForTest = np.array(epochsForTesting*labelCounter*[NETSIZE*[0.0]]) #New for test + self.firingCellsForTest = np.array(NETSIZE*[0.0]) #New for test + self.fireHistForTest = np.array((DEPTH+1)*[NETSIZE*[0.0]]) #New for test + self.outputFlag = 0 + self.neuronFixed = 0 + self.fixedNeuronID = -1 + self.voltMax = np.array(NETSIZE*[0.0]) + self.voltMaxForTest = np.array(NETSIZE*[0.0]) + self.tMax = 0 + self.NeurRecov = np.zeros(shape=(epochs, NETSIZE)) + self.NeurRecovForTest = np.zeros(shape=(epochsForTesting, NETSIZE)) + self.fixedRandomWeights = np.random.rand(NETSIZE, NETSIZE) + self.spikeTrain_cnt = 0 + self.errorSteps_cnt = 0 + self.errorStepsForTest_cnt = 0 + self.lastSpikeTrain = 0 + + self.temporalCoding_enable = temporalCoding_enable + self.spikeTrain = spikeTrain + + if self.temporalCoding_enable == 1: + self.errorSteps = epochs // self.spikeTrain + self.errorStepsForTest = epochsForTesting // self.spikeTrain + else: + self.errorSteps = epochs + self.errorStepsForTest = epochsForTesting + self.errorList = np.zeros(shape=(self.errorSteps, NETSIZE)) + self.errorListForTest = np.zeros(shape=(self.errorStepsForTest, NETSIZE)) class Network(BaseThreadWrapper): @@ -105,7 +137,7 @@ class Network(BaseThreadWrapper): * `Network.stimin`: Forced stimulus as loaded from the stimulus file * `Network.epochs`: Total number of iterations * `Network.LTP_V` and `Network.LTD_V`: Potentiation and depression - amplitude in Volts (these are set in the main neuropack UI) + amplitude in Volts (these are set in the main UI) * `Network.LTP_pw` and `Network.LTD_pw`: Potentiation and depression pulse widths in seconds (again these are picked up from the main neuropack UI) @@ -125,47 +157,103 @@ class Network(BaseThreadWrapper): """ - def __init__(self, conn_mat, stimin, data, params, tsteps, core, labelCounter=1): + def __init__(self, conn_mat, stimin, stiminForTesting, test_enable, data, params, tsteps, testSteps, core, labelCounter=1): super(Network, self).__init__() self.ConnMat = conn_mat self.stimin = stimin - - self.LTP_V = data["LTP_V"] - self.LTP_pw = data["LTP_pw"] - self.LTD_V = data["LTD_V"] - self.LTD_pw = data["LTD_pw"] + self.stiminForTesting = stiminForTesting + self.testEnable = test_enable + + self.Ap = data["Ap"] + self.An = data["An"] + self.a0p = data["a0p"] + self.a1p = data["a1p"] + self.a0n = data["a0n"] + self.a1n = data["a1n"] + self.tp = data["tp"] + self.tn = data["tn"] self.epochs = data["epochs"] + self.epochsForTesting = data["epochsForTesting"] self.filename = data["fname"] + print('Ap:%f, An:%f, a0p:%f, a0n:%f, a1p:%f, a1n:%f, tp:%f, tn:%f'%(self.Ap, self.An, self.a0p, self.a0n, self.a1p, self.a1n, self.tp, self.tn)) + # pop the core parameters into distinct fields self.NETSIZE = params.pop("NETSIZE") - self.LTPWIN = params.pop("LTPWIN") - self.LTDWIN = params.pop("LTDWIN") self.DEPTH = params.pop("DEPTH") - + self.Pattern_epoch = params.pop("PATTERN_EPOCH") + self.neuronLock_enable = params.pop('NEURONLOCK_ENABLE') + self.temporalCoding_enable = params.pop('TEMPORALCODING_ENABLE') + self.spikeTrain = params.pop('SPIKETRAIN', 1) + self.layers = params.pop('LAYER') + self.inputNum = self.layers[0] + self.outputNum = self.layers[-1] + + self.prefixSum_layers = [] + self.prefixSum_layers.append(self.layers[0]) + for i in range(1, len(self.layers)): + self.prefixSum_layers.append(self.prefixSum_layers[i - 1] + self.layers[i]) + + self.dt = params.pop("dt") + self.initR = params.pop("INITRES") + self.variation = params.pop("DEVICEINITVARIATION") + self.pos_voltOfPulseList = params.pop("POSVOLTOFPULSELIST") + self.pos_pulsewidthOfPulseList = params.pop("POSPULSEWIDTHOFPULSELIST") + self.pos_pulseList = list(zip(self.pos_voltOfPulseList, self.pos_pulsewidthOfPulseList)) + self.neg_voltOfPulseList = params.pop("NEGVOLTOFPULSELIST") + self.neg_pulsewidthOfPulseList = params.pop("NEGPULSEWIDTHOFPULSELIST") + self.neg_pulseList = list(zip(self.neg_voltOfPulseList, self.neg_pulsewidthOfPulseList)) # and bundle the rest under self.params + self.RTolerance = params.pop('RTOLERANCE') + self.maxSteps = params.pop('MAXUPDATESTEPS') + self.params = params self.tsteps = tsteps + self.testSteps = testSteps self.rawin = np.array(self.NETSIZE*[0]) + self.rawin_pseudo = np.array(self.NETSIZE*[0]) + self.outputSpike = 0 + self.neuronLocked = 0 + self.lockedNeuronID = -1 self.Vread = HW.conf.Vread - self.state = NetworkState(self.NETSIZE, self.DEPTH, \ - self.epochs, labelCounter) + self.state = NetworkState(self.NETSIZE, self.DEPTH, self.outputNum, self.epochs, self.epochsForTesting, self.temporalCoding_enable, self.spikeTrain, labelCounter) self.plot_counter_trigger = 100 self.plot_counter = 0 + self.spikeTrainStep = 0 self.core = self.load_core(core) def log(self, *args, **kwargs): """ Write to stderr if CTSDBG is set""" - _log(*args, **kwargs) - def load_core(self, name): - results = imp.find_module(name, NeuroCores.__path__) - return imp.load_module(name, *results) + def load_core(self, corename): + from pkgutil import iter_modules + import importlib + basecoremod = 'arc1pyqt.ExtPanels.NeuroPack.NeuroCores' + + for (finder, name, ispkg) in iter_modules(NeuroCores.__path__): + loader = finder.find_module(name) + if name == corename: + mod = importlib.import_module('%s.%s' % (basecoremod, name)) + return mod + + def custom_init(self): + if not isinstance(HW.ArC, VirtualArC): + return + HW.ArC.crossbar = [[] for x in range(100+1)] + for w in range(100+1): + HW.ArC.crossbar[w].append(0) + for b in range(100+1): + mx=memristor(Ap=self.Ap, An=self.An, tp=self.tp, tn=self.tn, a0p=self.a0p, a0n=self.a0n, a1p=self.a1p, a1n=self.a1n) + mx.initialise(self.initR + (np.random.rand()-0.5)*self.variation) + HW.ArC.crossbar[w].append(mx) + #functions.updateHistory(w, b, mx.Rmem, self.Vread, 0.0, 'S R') + #functions.displayUpdate.cast() + @BaseThreadWrapper.runner def run(self): @@ -173,19 +261,21 @@ def run(self): self.log("Reading all devices and initialising weights") - + self.custom_init() +# f = open("C:/Users/jh1d18/debug_log.txt", "a") # For every neuron in the system. - for postidx in range(len(self.ConnMat)): +# for postidx in range(len(self.ConnMat)): # For every presynaptic input the neuron receives. - for preidx in np.where(self.ConnMat[:, postidx, 0] != 0)[0]: - w, b=self.ConnMat[preidx, postidx, 0:2] - self.read(w,b) - self.state.weights[preidx, postidx, 0] = \ - 1.0/self.read(w, b) +# for preidx in np.where(self.ConnMat[:, postidx, 0] != 0)[0]: +# w, b=self.ConnMat[preidx, postidx, 0:2] +# r = self.read(w,b) +# f.write('device RS: %f, w: %d, b: %d\n' % (r, w, b)) +# f.close() +# self.state.weights[preidx, postidx - self.inputNum, 0] = 1.0/self.read(w, b) # store device address and neuron ids for easy access in # history_panel - self.state.weight_addresses.append([[w,b],[preidx,postidx]]) - self.log("Done.") +# self.state.weight_addresses.append([[w,b],[preidx,postidx]]) +# self.log("Done.") print("Starting Neural Net simulator") @@ -193,13 +283,38 @@ def run(self): self.core.init(self) + pattern_epoch_cnt = 0 + print('start training!') for t in range(self.tsteps): self.rawin = self.state.firingCells - self.log("---> Time step: %d RAWIN: %s STIMIN: %s" % (t, self.rawin, self.stimin[:, t])) + self.outputSpike = self.state.outputFlag + if pattern_epoch_cnt == self.Pattern_epoch and self.neuronLock_enable == 1: + self.neuronLocked = 0 + self.lockedNeuronID = -1 + pattern_epoch_cnt = 0 + else: + self.neuronLocked = self.state.neuronFixed + self.lockedNeuronID = self.state.fixedNeuronID + self.log("---> Time step neuron update in trianing: %d RAWIN: %s STIMIN: %s outputFlag: %d" % (t, self.rawin, self.stimin[:, t], self.outputSpike)) self.core.neurons(self, t) + if self.neuronLock_enable: + pattern_epoch_cnt += 1 + self.rawin = self.state.firingCells + self.outputSpike = self.state.outputFlag + self.log("---> Time step synapses update in trianing: %d RAWIN: %s STIMIN: %s outputFlag: %d" % (t, self.rawin, self.stimin[:, t], self.outputSpike)) self.core.plast(self, t) self.displayData.emit() + print('testenable in Network: ', self.testEnable) + if self.testEnable == 1: + print('start testing!') + self.weightsForTest = self.state.weights[:, :, self.tsteps - 1] + for t in range(self.testSteps): + self.rawin = self.state.firingCells + self.log("---> Time step neuron update in testing: %d RAWIN: %s STIMIN: %s outputFlag: %d" % (t, self.rawin, self.stiminForTesting[:, t], self.outputSpike)) + self.core.neuronsForTest(self, t) + self.displayData.emit() + self.log("Final reading of all devices") # For every neuron in the system. for postidx in range(len(self.ConnMat)): @@ -208,26 +323,38 @@ def run(self): w,b=self.ConnMat[preidx, postidx, 0:2] self.read(w, b) + print('fireHistForTest: ', self.state.fireCellsForTest) # Save data if so requested if self.filename is not None: data = {} # metadata; this is a numpy structured array - meta = np.array([(self.epochs, self.LTP_V, self.LTP_pw, self.LTD_V, self.LTD_pw)], - dtype=[('trials', 'u8'), ('LTP_V', 'f4'), ('LTP_pw', 'f4'), - ('LTD_V', 'f4'), ('LTD_pw', 'f4')]) + meta = np.array([(self.epochs, self.epochsForTesting, self.NETSIZE, self.DEPTH, self.inputNum, self.layers, self.Ap, self.An, self.tp, self.tn, self.a0p, self.a0n, self.a1p, self.a1n)], + dtype=[('trials', 'u8'), ('trialsForTesting', 'u8'), ('netsize', 'u8'), ('depth', 'u8'), ('inputNum', 'u8'), ('layers', 'O'), ('Ap', 'f4'), ('An', 'f4'), + ('tp', 'f4'), ('tn', 'f4'), ('a0p', 'f4'), ('a0n', 'f4'), ('a1p', 'f4'), ('a1n', 'f4')]) data['meta'] = meta # standard data first # all weights data['weights'] = self.state.weights + data['weightsExpected'] = self.state.weightsExpected + data['weightsError'] = self.state.weightsError # calculated stimuli for each step data['stimulus'] = self.stimin + data['stimulusForTest'] = self.stiminForTesting # history of cells that have fired data['fires'] = self.state.fireCells.T + data['firesForTest'] = self.state.fireCellsForTest.T # accumulator snapshots data['accumulator'] = self.state.NeurAccum.T + data['accumulatorForTest'] = self.state.NeurAccumForTest.T + data['membraneRecoveryVariable'] = self.state.NeurRecov.T + data['membraneRecoveryVariableForTest'] = self.state.NeurRecovForTest.T + # error between outputs and labels. No error for unsupervised learning + data['error'] = self.state.errorList + data['errorForTest'] = self.state.errorListForTest + data['R'] = self.state.R # and then any other arrays the core has produced additional_data = self.core.additional_data(self) @@ -246,8 +373,8 @@ def read(self, w, b): # update interface self.highlight.emit(w, b) - Mnow = HW.ArC.read_one(w, b) - + #Mnow = HW.ArC.read_one(w, b) + Mnow = VirtualArCRead(HW.ArC.crossbar, w, b) self.sendData.emit(w, b, Mnow, self.Vread, 0, \ 'S R%d V=%.1f' % (HW.conf.readmode, HW.conf.Vread)) self.updateTree.emit(w, b) @@ -259,7 +386,9 @@ def pulse(self, w, b, A, pw): # can instead apply any voltage series self.highlight.emit(w,b) - Mnow = HW.ArC.pulseread_one(w, b, A, pw) + #Mnow = HW.ArC.pulseread_one(w, b, A, pw) + VirtualArCPulse(HW.ArC.crossbar, w, b, A, pw, self.dt) + Mnow = VirtualArCRead(HW.ArC.crossbar, w, b) self.sendData.emit(w, b, Mnow, A, pw, 'P') self.updateTree.emit(w, b) @@ -276,6 +405,7 @@ def __init__(self, short=False): self.base_conf_fname = None self.conn_matrix_fname = None self.stim_file_fname = None + self.test_file_fname = None self.output_file_fname = None self.initUI() @@ -284,6 +414,50 @@ def __init__(self, short=False): "NeuroBase.json")) self.apply_base_conf(params, os.path.basename(fname), fname) + # def execute(self, wrapper, entrypoint=None, deferredUpdate=False, signals=True): + # """ + # This function schedules a wrapper for execution taking care of the + # standard signals. The wrapped action (`wrapper`) will be passed + # along a thread which will call the `entrypoint` function of + # `wrapper`. If `entrypoint` is None the default `wrapper.run` + # entrypoint will be used. Argument `deferredUpdate` prevents the history + # tree from updating until the thread operation has finished. This can + # be useful in situations where multiple different devices are used or + # when a module uses many individual operations that would otherwise + # trigger a tree update (for instance hundreds of reads/pulses over + # ten different devices). + # """ + # if (HW.ArC is None) or (self.thread is not None): + # return + + # if entrypoint is None: + # entrypoint = wrapper.run + + # self.threadWrapper = wrapper + # self.thread = QtCore.QThread() + + # # When deferring tree updates store current point in history for the + # # whole crossbar. Once the operation is finished the history tree will + # # then be populated starting from this point in history + # if deferredUpdate: + # for (r, row) in enumerate(CB.history): + # for (c, col) in enumerate(row): + # self._deferredUpdates['%d%d' % (r, c)] = (r, c, len(col)) + + # self.threadWrapper.moveToThread(self.thread) + # self.thread.started.connect(entrypoint) + # self.threadWrapper.finished.connect(self.thread.quit) + # if signals: + # #self.threadWrapper.sendData.connect(functions.updateHistory) + # #self.threadWrapper.highlight.connect(functions.cbAntenna.cast) + # #self.threadWrapper.displayData.connect(functions.displayUpdate.cast) + # if not deferredUpdate: + # self.threadWrapper.updateTree.connect(\ + # functions.historyTreeAntenna.updateTree.emit) + # self.threadWrapper.disableInterface.connect(functions.interfaceAntenna.cast) + # self.thread.finished.connect(partial(self._onThreadFinished, deferredUpdate, signals)) + # self.thread.start() + def initUI(self): vbox1=QtWidgets.QVBoxLayout() @@ -313,33 +487,41 @@ def initUI(self): ################################################ LOAD ############## self.push_load_base_conf = QtWidgets.QPushButton("Load Base conf.") self.push_load_base_conf.clicked.connect(self.open_base_conf) - self.base_conf_filename = QtWidgets.QLabel("Filename") + self.base_conf_filename = QtWidgets.QLabel("Load Base conf.") gridLayout.addWidget(self.push_load_base_conf, 0, 1) gridLayout.addWidget(self.base_conf_filename, 0, 0) self.push_load_conn_matrix = QtWidgets.QPushButton("Load Conn. Matrix") self.push_load_conn_matrix.clicked.connect(self.open_conn_matrix) - self.matrix_filename = QtWidgets.QLabel("Filename") + self.matrix_filename = QtWidgets.QLabel("Load Conn. Matrix") gridLayout.addWidget(self.push_load_conn_matrix, 1, 1) gridLayout.addWidget(self.matrix_filename, 1, 0) self.push_load_stim_file = QtWidgets.QPushButton("Load Stim. File") self.push_load_stim_file.clicked.connect(self.open_stim_file) - self.stim_filename = QtWidgets.QLabel("Filename") + self.stim_filename = QtWidgets.QLabel("Load Stim. File") gridLayout.addWidget(self.push_load_stim_file, 2 ,1) gridLayout.addWidget(self.stim_filename, 2, 0) + self.check_test_file = QtWidgets.QCheckBox("Load Test File") + self.check_test_file.clicked.connect(self.check_test_file_clicked) + self.test_filename = QtWidgets.QPushButton("Load Test File") + self.test_filename.clicked.connect(self.open_test_file) + self.test_filename.setEnabled(False) + gridLayout.addWidget(self.check_test_file, 3, 0) + gridLayout.addWidget(self.test_filename, 3, 1) + self.check_save_data = QtWidgets.QCheckBox("Save to:") self.check_save_data.clicked.connect(self.check_save_data_clicked) self.push_save_filename = QtWidgets.QPushButton("No file selected") self.push_save_filename.clicked.connect(self.load_output_file) self.push_save_filename.setEnabled(False) - gridLayout.addWidget(self.check_save_data, 4, 0) - gridLayout.addWidget(self.push_save_filename, 4, 1) + gridLayout.addWidget(self.check_save_data, 5, 0) + gridLayout.addWidget(self.push_save_filename, 5, 1) self.push_show_analysis_tool = QtWidgets.QPushButton("Start analysis tool") self.push_show_analysis_tool.clicked.connect(self.startAnalysisTool) - gridLayout.addWidget(self.push_show_analysis_tool, 5, 0, 1, 2) + gridLayout.addWidget(self.push_show_analysis_tool, 9, 0, 1, 2) #################################################################### @@ -350,48 +532,57 @@ def initUI(self): if not is_pkg and name.startswith("core_"): self.rulesCombo.addItem(name.replace("core_", ""), name) - gridLayout.addWidget(QtWidgets.QLabel("Network core:"), 3, 0) - gridLayout.addWidget(self.rulesCombo, 3, 1) + gridLayout.addWidget(QtWidgets.QLabel("Network core:"), 4, 0) + gridLayout.addWidget(self.rulesCombo, 4, 1) #################################################################### - leftLabels=[] + leftLabels=['Trials for training',\ + 'Trials for testing'] self.leftEdits=[] - rightLabels=['LTP pulse voltage (V)', \ - 'LTP pulse width (us)',\ - 'LTD pulse voltage (V)',\ - 'LTD pulse width (us)', \ - 'Trials'] - + rightLabels=['Ap',\ + 'An',\ + 'a0p',\ + 'a0n',\ + 'a1p',\ + 'a1n',\ + 'tp',\ + 'tn' + ] self.rightEdits=[] - leftInit= [] - rightInit= ['1.1', \ - '10',\ - '-1.1',\ - '10',\ - '100',\ + leftInit= ['10',\ '10'] + rightInit = ['0.21388644421061628',\ + '-0.813018367268805',\ + '37086.67218413958',\ + '43430.02023698205',\ + '-20193.23957579438',\ + '34332.85303661032',\ + '1.6590989889370842',\ + '1.5148294827972748' + ] + #setup a line separator lineLeft = QtWidgets.QFrame() lineLeft.setFrameShape(QtWidgets.QFrame.VLine); lineLeft.setFrameShadow(QtWidgets.QFrame.Raised); lineLeft.setLineWidth(1) - gridLayout.addWidget(lineLeft, 0, 2, 7, 1) + gridLayout.addWidget(lineLeft, 0, 2, 11, 1) for i in range(len(leftLabels)): lineLabel=QtWidgets.QLabel() lineLabel.setText(leftLabels[i]) - gridLayout.addWidget(lineLabel, i,0) + gridLayout.addWidget(lineLabel, i+6,0) lineEdit=QtWidgets.QLineEdit() lineEdit.setText(leftInit[i]) lineEdit.setValidator(isFloat) self.leftEdits.append(lineEdit) - gridLayout.addWidget(lineEdit, i,1) + gridLayout.addWidget(lineEdit, i+6,1) for i in range(len(rightLabels)): lineLabel=QtWidgets.QLabel() @@ -404,10 +595,16 @@ def initUI(self): self.rightEdits.append(lineEdit) gridLayout.addWidget(lineEdit, i,5) - self.LTP_V=float(self.rightEdits[0].text()) - self.LTP_pw=float(self.rightEdits[1].text())/1000000 - self.LTD_V=float(self.rightEdits[2].text()) - self.LTD_pw=float(self.rightEdits[3].text())/1000000 + self.Ap=float(self.rightEdits[0].text()) + self.An=float(self.rightEdits[1].text()) + self.a0p=float(self.rightEdits[2].text()) + self.a0n=float(self.rightEdits[3].text()) + self.a1p=float(self.rightEdits[4].text()) + self.a1n=float(self.rightEdits[5].text()) + self.tp=float(self.rightEdits[6].text()) + self.tn=float(self.rightEdits[7].text()) + self.epochs=int(self.leftEdits[0].text()) + self.epochsForTesting=int(self.leftEdits[1].text()) ################################################ LTD/LTP ########### @@ -455,11 +652,16 @@ def gather_data(self): fname = None return { \ - "LTP_V": float(self.rightEdits[0].text()), \ - "LTP_pw": float(self.rightEdits[1].text())/1000000, \ - "LTD_V": float(self.rightEdits[2].text()),\ - "LTD_pw": float(self.rightEdits[3].text())/1000000,\ - "epochs": int(self.rightEdits[4].text()), + "Ap": float(self.rightEdits[0].text()), \ + "An": float(self.rightEdits[1].text()), \ + "a0p": float(self.rightEdits[2].text()),\ + "a0n": float(self.rightEdits[3].text()),\ + "a1p": float(self.rightEdits[4].text()),\ + "a1n": float(self.rightEdits[5].text()),\ + "tp": float(self.rightEdits[6].text()),\ + "tn": float(self.rightEdits[7].text()),\ + "epochs": int(self.leftEdits[0].text()),\ + "epochsForTesting": int(self.leftEdits[1].text()),\ "fname": fname } @@ -501,19 +703,22 @@ def _check_output_file(fname): # epochs times the nr of time steps # that are defined in the stimulus file tsteps = data["epochs"] * self.labelCounter + testSteps = data["epochsForTesting"] # Reload the stimulus file to account for any changes in the epochs # Could possibly check if the field is "tainted" before loading to # avoid accessing the file again self.stimin = self.load_stim_file(self.stim_file_fname, \ params["NETSIZE"], data["epochs"]) + self.stiminForTesting = self.load_test_file(self.test_file_fname, \ + params["NETSIZE"], data["epochsForTesting"]) if HW.ArC is not None: coreIdx = self.rulesCombo.currentIndex() coreName = self.rulesCombo.itemData(coreIdx) - - network = Network(self.ConnMat, self.stimin, data, params, \ - tsteps, coreName, self.labelCounter) + print('test_enable before calling network:', self.test_enable) + network = Network(self.ConnMat, self.stimin, self.stiminForTesting, self.test_enable, data, params, \ + tsteps, testSteps, coreName, self.labelCounter) self.execute(network, network.run, True) def load_base_conf(self, fname): @@ -526,7 +731,7 @@ def open_base_conf(self): try: data = self.load_base_conf(path.filePath()) - for x in ["LTDWIN", "LTPWIN", "NETSIZE", "DEPTH"]: + for x in ["NETSIZE", "DEPTH"]:#!!!!!!!!!!!! if x not in data.keys(): errMessage = QtWidgets.QMessageBox() errMessage.setText("Missing required parameter %s" % x) @@ -553,6 +758,12 @@ def apply_base_conf(self, params, name, path): data["epochs"]) self.apply_stim_file(stims) + if self.test_file_fname is not None: + data = self.gather_data() + stims = self.load_test_file(self.test_file_fname, params["NETSIZE"],\ + data["epochsForTesting"]) + self.apply_test_file(stims) + def load_stim_file(self, fname, NETSIZE, epochs): _log("Allocating stimin") stimin = np.array(NETSIZE*[epochs*[0]]) @@ -666,6 +877,76 @@ def apply_conn_matrix(self, matrix, name=None, path=None): if name is not None: self.conn_matrix_fname = str(path) + def check_test_file_clicked(self, checked): + self.test_filename.setEnabled(checked) + if checked == True: + self.test_enable = 1 + else: + self.test_enable = 0 + print('test_enable in checked_save_data_clicked:', self.test_enable) + + def load_test_file(self, fname, NETSIZE, epochsForTesting): + _log("Allocating test stimin") + _log('epochsForTesting when loading test file:', epochsForTesting) + stiminForTesting = np.array(NETSIZE*[epochsForTesting*[0]]) + if fname is not None: + _log(fname) + with open(fname, 'r') as f: + _log("File opened") + for line in f: + line = line.strip() + if (line[0] != "\n") and (line[0] != "#"): + # split into timestamp - list of neurons IDs scheduled to spike + timestamp, neuronIDs = re.split("\s*-\s*", line) + timestamp = int(timestamp) + if timestamp >= epochsForTesting: + break + _log(timestamp, neuronIDs) + # split the string into an int list of neurons + spikeNeuronID = [int(x) - 1 for x in re.split("\s*,\s*", neuronIDs.strip())] + for i, spiker in enumerate(spikeNeuronID): + stiminForTesting[spiker, timestamp] = 1 + return stiminForTesting + + def open_test_file(self): + _log("Loading test file...") + + params = self.gather_params() + data = self.gather_data() + + path = QtCore.QFileInfo(QtWidgets.QFileDialog().getOpenFileName(self,\ + 'Open test file', THIS_DIR, filter="*.txt")[0]) + name = path.fileName() + + error = False + try: + res = self.load_test_file(path.filePath(), params["NETSIZE"], \ + data["epochsForTesting"]) + except Exception as exc: + _log(exc) + error = True + + #print(self.stimin) + + if error: + self.stiminForTesting = np.array(params["NETSIZE"]*[data["epochsForTesting"]*[0]]) + errMessage = QtWidgets.QMessageBox() + errMessage.setText("Invalid network test file! Possible problem with syntax.") + errMessage.setIcon(QtWidgets.QMessageBox.Critical) + errMessage.setWindowTitle("Error") + errMessage.exec_() + else: + self.apply_test_file(res, name, path.filePath()) + + _log("done") + + def apply_test_file(self, stim, name=None, path=None): + self.stiminForTesting = stim + if name is not None: + self.test_filename.setText(name) + if path is not None: + self.test_file_fname = str(path) + def check_save_data_clicked(self, checked): self.push_save_filename.setEnabled(checked) @@ -716,11 +997,15 @@ def __init__(self, dataset, parent=None): self.selected = False self.setupUi(self) self.plotWidget = None + self.currentIdx = None self.updateDataset(dataset) self.setSelected(self.selected) self.stepSlider.valueChanged.connect(self.sliderChanged) self.stepSpinBox.valueChanged.connect(self.stepSpinBoxChanged) + self.NeuronSpinBox.valueChanged.connect(self.NeuronSpinBoxChanged) + self.LayerSpinBox.valueChanged.connect(self.LayerSpinBoxChanged) + self.RowNumSpinBox.valueChanged.connect(self.RowNumSpinBoxChanged) self.variableSelectionCombo.currentIndexChanged.connect(self.variableChanged) def _clearGraphs(self): @@ -746,69 +1031,196 @@ def setStep(self, step): self.stepSpinBox.setValue(step) self.updatePlotToStep(step) - def _updateGraph(self, data, step): + def NeuronSpinBoxChanged(self, val): + self.NeuronSpinBox.blockSignals(True) + self.NeuronSpinBox.setValue(val) + self.NeuronSpinBox.blockSignals(False) + currentStep = self.stepSpinBox.value() + self.updatePlotToStep(currentStep) - plotArgs = {'pen': None, 'symbolPen': None, 'symbolBrush': (255,0,0), \ - 'symbol':'+'} + def LayerSpinBoxChanged(self, val): + self.LayerSpinBox.blockSignals(True) + self.LayerSpinBox.setValue(val) + self.LayerSpinBox.blockSignals(False) + currentStep = self.stepSpinBox.value() + self.updatePlotToStep(currentStep) - # determine the plot type for the existing graph, if any - if self.plotWidget is None: - wdgDim = -1 # no widget yet - else: - if isinstance(self.plotWidget, pg.PlotWidget): - wdgDim = 2 - else: - wdgDim = 3 + def RowNumSpinBoxChanged(self, val): + self.RowNumSpinBox.blockSignals(True) + self.RowNumSpinBox.setValue(val) + self.RowNumSpinBox.blockSignals(False) + currentStep = self.stepSpinBox.value() + self.updatePlotToStep(currentStep) + + def _updateGraph(self, data): + + inputNeuronNum = int(self.dataset['meta']['inputNum'][0]) + + plotArgs = {'pen': pg.mkPen(color=(80, 129, 204), width=1, style=QtCore.Qt.SolidLine), 'symbolPen': None, 'symbolBrush': (80, 129, 204), \ + 'symbol':'+'} + colors = [(185,119,165), (229,129,158), (16,749,453), (255,147,141), (255,175,120), (249,248,113)] - # and either generate a new plot or update the existing one - # (if dimensions match) - if wdgDim != len(data.shape): - # changed from 2 to 3D or vice-versa; need to update widget + if self.idx != self.currentIdx: + self.currentIdx = self.idx self._clearGraphs() - if len(data.shape) == 2: + if self.idx == 0: # weight mapping + wdg = pg.ImageView() + wdg.ui.menuBtn.hide() + wdg.ui.roiBtn.hide() + wdg.setImage(data.T[self.step]) + cmap = pg.ColorMap(pos=np.linspace(0.0, 1.0, 6), color = colors) + wdg.setColorMap(cmap) + elif self.idx == 1: # weight for each layer + wdg = pg.ImageView() + wdg.ui.menuBtn.hide() + wdg.ui.roiBtn.hide() + wdg.setImage(data[self.prefixSum_layerList[self.layerIdx - 1] : self.prefixSum_layerList[self.layerIdx], (self.neuronIdx - inputNeuronNum), self.step].reshape((self.RowNumIdx, -1))) + cmap = pg.ColorMap(pos=np.linspace(0.0, 1.0, 6), color = colors) + wdg.setColorMap(cmap) + elif self.idx == 2: # accumulator for training wdg = pg.PlotWidget() - wdg.plot(np.arange(len(data.T[step]))+1, data.T[step], **plotArgs) - elif len(data.shape) == 3: + wdg.plot(np.arange(len(data[0])), data[self.neuronIdx], **plotArgs) + elif self.idx == 3: # accumulator for test + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data[0])), data[self.neuronIdx], **plotArgs) + elif self.idx == 4: # neuron recovery variable for training, only for Izhikevich neuron model + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data[0])), data[self.neuronIdx], **plotArgs) + elif self.idx == 5: # neuron recovery variable for test, only for Izhikevich neuron model + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data[0])), data[self.neuronIdx], **plotArgs) + elif self.idx == 6: # fire history for training + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data[0])) + 1, data[self.neuronIdx], **plotArgs) + elif self.idx == 7: # fire history for test + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data[0])) + 1, data[self.neuronIdx], **plotArgs) + print('neuron index: ', self.neuronIdx) + print('fireHist: ', data[self.neuronIdx]) + elif self.idx == 8: # input stimulus for training wdg = pg.ImageView() wdg.ui.menuBtn.hide() wdg.ui.roiBtn.hide() - wdg.setImage(data.T[step]) - else: - # more dimensions unable to visualise - wdg = QtWidgets.QLabel("Cannot visualise > 3 dimensions") + wdg.setImage(data[:inputNeuronNum, self.step].reshape((self.RowNumIdx, -1))) + elif self.idx == 9: # input stimulus for test + wdg = pg.ImageView() + wdg.ui.menuBtn.hide() + wdg.ui.roiBtn.hide() + wdg.setImage(data[:inputNeuronNum, self.step].reshape((self.RowNumIdx, -1))) + elif self.idx == 10: # error for training + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data)), data[:, self.neuronIdx], **plotArgs) + elif self.idx == 11: # error for test + wdg = pg.PlotWidget() + wdg.plot(np.arange(len(data)), data[:, self.neuronIdx], **plotArgs) + elif self.idx == 12: # expected weights for each layer + wdg = pg.ImageView() + wdg.ui.menuBtn.hide() + wdg.ui.roiBtn.hide() + wdg.setImage(data[self.prefixSum_layerList[self.layerIdx - 1] : self.prefixSum_layerList[self.layerIdx], (self.neuronIdx - inputNeuronNum), self.step].reshape((self.RowNumIdx, -1))) + cmap = pg.ColorMap(pos=np.linspace(0.0, 1.0, 6), color = colors) + wdg.setColorMap(cmap) + elif self.idx == 13: # weight error for each layer + wdg = pg.ImageView() + wdg.ui.menuBtn.hide() + wdg.ui.roiBtn.hide() + wdg.setImage(data[self.prefixSum_layerList[self.layerIdx - 1] : self.prefixSum_layerList[self.layerIdx], (self.neuronIdx - inputNeuronNum), self.step].reshape((self.RowNumIdx, -1))) + cmap = pg.ColorMap(pos=np.linspace(0.0, 1.0, 6), color = colors) + wdg.setColorMap(cmap) self.graphHolderLayout.addWidget(wdg) self.plotWidget = wdg else: - if wdgDim == 2: - self.plotWidget.plot(np.arange(len(data.T[step]))+1, - data.T[step], clear=True, **plotArgs) - elif wdgDim == 3: - self.plotWidget.setImage(data.T[step]) + if self.idx == 0: # weight mapping + self.plotWidget.setImage(data.T[self.step]) + elif self.idx == 1: # weight for each layer + self.plotWidget.setImage(data[self.prefixSum_layerList[self.layerIdx - 1] : self.prefixSum_layerList[self.layerIdx], (self.neuronIdx - inputNeuronNum), self.step].reshape((self.RowNumIdx, -1))) + elif self.idx == 2: # accumulator for training + self.plotWidget.plot(np.arange(len(data[0])), data[self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 3: # accumulator for test + self.plotWidget.plot(np.arange(len(data[0])), data[self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 4: # neuron recovery variable for training, only for Izhikevich neuron model + self.plotWidget.plot(np.arange(len(data[0])), data[self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 5: # neuron recovery variable for test, only for Izhikevich neuron model + self.plotWidget.plot(np.arange(len(data[0])), data[self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 6: # fire history for training + self.plotWidget.plot(np.arange(len(data[0])) + 1, data[self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 7: # fire history for test + self.plotWidget.plot(np.arange(len(data[0])) + 1, data[self.neuronIdx], clear=True, **plotArgs) + print('neuron index: ', self.neuronIdx) + print('fireHist: ', data[self.neuronIdx]) + elif self.idx == 8: # input stimulus for training + self.plotWidget.setImage(data[:inputNeuronNum, self.step].reshape((self.RowNumIdx, -1))) + elif self.idx == 9: # input stimulus for test + self.plotWidget.setImage(data[:inputNeuronNum, self.step].reshape((self.RowNumIdx, -1))) + elif self.idx == 10: # error for training + self.plotWidget.plot(np.arange(len(data)), data[:, self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 11: # error for test + self.plotWidget.plot(np.arange(len(data)), data[:, self.neuronIdx], clear=True, **plotArgs) + elif self.idx == 12: # expected weights for each layer + self.plotWidget.setImage(data[self.prefixSum_layerList[self.layerIdx - 1] : self.prefixSum_layerList[self.layerIdx], (self.neuronIdx - inputNeuronNum), self.step].reshape((self.RowNumIdx, -1))) + elif self.idx == 13: # weight error for each layer + self.plotWidget.setImage(data[self.prefixSum_layerList[self.layerIdx - 1] : self.prefixSum_layerList[self.layerIdx], (self.neuronIdx - inputNeuronNum), self.step].reshape((self.RowNumIdx, -1))) def updatePlotToStep(self, step): - idx = self.variableSelectionCombo.currentIndex() - data = self.variableSelectionCombo.itemData(idx) - - self._updateGraph(data, step) + self.idx = self.variableSelectionCombo.currentIndex() + self.step = step + self.neuronIdx = self.NeuronSpinBox.value() + self.layerIdx = self.LayerSpinBox.value() + self.RowNumIdx = self.RowNumSpinBox.value() + self.layerList = self.dataset['meta']['layers'][0] + self.prefixSum_layerList = [] + self.prefixSum_layerList.append(0) + for i in range(len(self.layerList)): + self.prefixSum_layerList.append(self.prefixSum_layerList[i - 1] + self.layerList[i]) + + if self.idx == 0 or self.idx == 1: # weight mapping + data = self.dataset['weights'] + elif self.idx == 2: # membrane volt for training + data = self.dataset['accumulator'] + elif self.idx == 3: # membrane volt for test + data = self.dataset['accumulatorForTest'] + elif self.idx == 4: # membrane Recovery Variable for training + data = self.dataset['membraneRecoveryVariable'] + elif self.idx == 5: # membrane Recovery Variable for test + data = self.dataset['membraneRecoveryVariableForTest'] + elif self.idx == 6: # fire history for training + data = self.dataset['fires'] + elif self.idx == 7: # fire history for test + data = self.dataset['firesForTest'] + print('fireCellsForTest in GUI:', self.dataset['firesForTest']) + elif self.idx == 8: # stimulus for training + data = self.dataset['stimulus'] + elif self.idx == 9: # stimulus for test + data = self.dataset['stimulusForTest'] + elif self.idx == 10: # error for training + data = self.dataset['error'] + elif self.idx == 11: # error for test + data = self.dataset['errorForTest'] + elif self.idx == 12: # expected weight for each layer + data = self.dataset['weightsExpected'] + elif self.idx == 13: # weight error for each layer + data = self.dataset['weightsError'] + self._updateGraph(data) def updateDataset(self, dataset): if dataset is None: return - self.variableSelectionCombo.clear() - - for k in dataset.files: - if k == 'meta': - continue - self.variableSelectionCombo.addItem(k, dataset[k]) - self.stepSlider.setMinimum(0) self.stepSlider.setMaximum(int(dataset['meta']['trials'][0])-1) self.stepSpinBox.setMinimum(0) self.stepSpinBox.setMaximum(int(dataset['meta']['trials'][0])-1) + self.NeuronSpinBox.setMinimum(0) + self.NeuronSpinBox.setMaximum(int(dataset['meta']['netsize'][0])-1) + + self.LayerSpinBox.setMinimum(1) + self.LayerSpinBox.setMaximum(len(dataset['meta']['layers'][0])-1) + + self.RowNumSpinBox.setMinimum(1) + self.dataset = dataset def variableChanged(self, idx): @@ -825,22 +1237,26 @@ def setSelected(self, status): self.rowFrame.setStyleSheet("#rowFrame {border: 1px solid %s}" % colour) -class NeuroVarSnapWidget(Ui_NNVarSnap, QtWidgets.QWidget): - - def __init__(self, dataset, parent=None): - super(NeuroVarSnapWidget, self).__init__(parent=parent) - self.dataset = dataset +class NeuroAnalysis(Ui_NNAnalysis, QtWidgets.QWidget): - self.rows = [] - self.selectedRow = None + def __init__(self, parent=None): + super(NeuroAnalysis, self).__init__(parent=parent) + self.dataset = None self.setupUi(self) + self.setWindowTitle("NeuroPack Analysis Tool") + + self.openDatasetButton.clicked.connect(self._openDataset) - self.lockStepsCheckBox.stateChanged.connect(self.lockStepsChecked) + self.rows = [] + self.selectedRow = None + self.AddRowBotton.clicked.connect(self.addRow) + self.RemoveRowBotton.clicked.connect(self.removeRow) + self.checkBox.stateChanged.connect(self.lockStepsChecked) self.globalStepSlider.valueChanged.connect(self.stepSliderChanged) self.globalStepSpinBox.valueChanged.connect(self.stepSpinBoxChanged) - self.addRowButton.clicked.connect(self.addRow) - self.deleteRowButton.clicked.connect(self.removeRow) + + self.show() def mousePressEvent(self, evt): for (idx, row) in enumerate(self.rows): @@ -848,8 +1264,50 @@ def mousePressEvent(self, evt): self.selectedRow = idx row.setSelected(row.underMouse()) + def _openDataset(self): + path = QtWidgets.QFileDialog().getOpenFileName(self, \ + 'Open dataset', filter="*.npz")[0] + + if path is None or len(path) == 0: + return + + try: + self._updateFromDataset(path) + except (Exception, ValueError) as exc: + msgbox = QtWidgets.QMessageBox(QtWidgets.QMessageBox.Critical, \ + "Error loading file", str(exc), parent=self) + msgbox.exec_() + + def _updateFromDataset(self, path): + self.dataset = np.load(path, allow_pickle=True) + + meta = self.dataset['meta'] + + Training = pg.siFormat(meta['trials'][0]) + Test = pg.siFormat(meta['trialsForTesting'][0]) + Ap = pg.siFormat(meta['Ap'][0]) + An = pg.siFormat(meta['An'][0]) + tp = pg.siFormat(meta['tp'][0]) + tn = pg.siFormat(meta['tn'][0]) + a0p = pg.siFormat(meta['a0p'][0]) + a0n = pg.siFormat(meta['a0n'][0]) + a1p = pg.siFormat(meta['a1p'][0]) + a1n = pg.siFormat(meta['a1n'][0]) + + self.datasetEdit.setText(os.path.basename(path)) + self.TrainingEdit.setText(Training) + self.testEdit.setText(Test) + self.ApEdit.setText(Ap) + self.AnEdit.setText(An) + self.tpEdit.setText(tp) + self.tnEdit.setText(tn) + self.a0pEdit.setText(a0p) + self.a0nEdit.setText(a0n) + self.a1pEdit.setText(a1p) + self.a1nEdit.setText(a1n) + def lockStepsChecked(self): - checked = self.lockStepsCheckBox.isChecked() + checked = self.checkBox.isChecked() self.globalStepSlider.setEnabled(checked) self.globalStepSpinBox.setEnabled(checked) @@ -869,19 +1327,6 @@ def updateGlobalStep(self, step): for row in self.rows: row.setStep(step) - def updateDataset(self, dataset): - if dataset is None: - return - - for row in self.rows: - row.updateDataset(dataset) - - self.globalStepSlider.setMinimum(0) - self.globalStepSlider.setMaximum(int(dataset['meta']['trials'][0])-1) - self.globalStepSpinBox.setMinimum(0) - self.globalStepSpinBox.setMaximum(int(dataset['meta']['trials'][0])-1) - self.dataset = dataset - def addRow(self): self.rows.append(NeuroVarSnapRowWidget(self.dataset)) self.mainSnapLayout.addWidget(self.rows[-1]) @@ -899,509 +1344,4 @@ def removeRow(self): row.setSelected(False) -class NeuroVarDiffRowWidget(Ui_NNVarDiffRow, QtWidgets.QWidget): - - def __init__(self, dataset, parent=None): - super(NeuroVarDiffRowWidget, self).__init__(parent=parent) - self.dataset = None - self.selected = False - self.setupUi(self) - self.plotWidget = None - self.updateDataset(dataset) - self.setSelected(self.selected) - - self.initialStepSpinBox.valueChanged.connect(\ - lambda val: self.stepSpinBoxChanged(self.initialStepSpinBox, self.initialStepSlider, val)) - self.initialStepSlider.valueChanged.connect(\ - lambda val: self.stepSliderChanged(self.initialStepSpinBox, self.initialStepSlider, val)) - self.finalStepSpinBox.valueChanged.connect(\ - lambda val: self.stepSpinBoxChanged(self.finalStepSpinBox, self.finalStepSlider, val)) - self.finalStepSlider.valueChanged.connect(\ - lambda val: self.stepSliderChanged(self.finalStepSpinBox, self.finalStepSlider, val)) - self.variableSelectionCombo.currentIndexChanged.connect(self.variableChanged) - - def _clearGraphs(self): - for idx in reversed(range(self.graphHolderLayout.count())): - wdg = self.graphHolderLayout.itemAt(idx).widget() - self.graphHolderLayout.removeWidget(wdg) - wdg.setParent(None) - - def updateDataset(self, dataset): - - if dataset is None: - return - - self.variableSelectionCombo.clear() - - for k in dataset.files: - if k == 'meta': - continue - self.variableSelectionCombo.addItem(k, dataset[k]) - - self.initialStepSlider.setMinimum(0) - self.finalStepSlider.setMinimum(0) - self.initialStepSlider.setMaximum(int(dataset['meta']['trials'][0])-1) - self.finalStepSlider.setMaximum(int(dataset['meta']['trials'][0])-1) - - self.initialStepSpinBox.setMinimum(0) - self.finalStepSpinBox.setMinimum(0) - self.initialStepSpinBox.setMaximum(int(dataset['meta']['trials'][0])-1) - self.finalStepSpinBox.setMaximum(int(dataset['meta']['trials'][0])-1) - - def setSelected(self, status): - self.selected = status - if self.selected: - colour = "#F00" - else: - colour = "#000" - - self.rowFrame.setStyleSheet("#rowFrame {border: 1px solid %s}" % colour) - - def variableChanged(self, idx): - initialStep = self.initialStepSpinBox.value() - finalStep = self.finalStepSpinBox.value() - self.updatePlotToStep(initialStep, finalStep) - - def stepSpinBoxChanged(self, box, slider, val): - slider.blockSignals(True) - slider.setValue(val) - slider.blockSignals(False) - - initialStep = self.initialStepSpinBox.value() - finalStep = self.finalStepSpinBox.value() - self.updatePlotToStep(initialStep, finalStep) - - def stepSliderChanged(self, box, slider, val): - box.blockSignals(True) - box.setValue(val) - box.blockSignals(False) - - initialStep = self.initialStepSpinBox.value() - finalStep = self.finalStepSpinBox.value() - self.updatePlotToStep(initialStep, finalStep) - - def updatePlotToStep(self, initialStep, finalStep): - idx = self.variableSelectionCombo.currentIndex() - data = self.variableSelectionCombo.itemData(idx) - - self._updateGraph(data, initialStep, finalStep) - - def _updateGraph(self, data, initialStep, finalStep): - - plotArgs = {'pen': None, 'symbolPen': None, 'symbolBrush': (255,0,0), \ - 'symbol':'+'} - - # determine the plot type for the existing graph, if any - if self.plotWidget is None: - wdgDim = -1 # no widget yet - else: - if isinstance(self.plotWidget, pg.PlotWidget): - wdgDim = 2 - else: - wdgDim = 3 - - # and either generate a new plot or update the existing one - # (if dimensions match) - if wdgDim != len(data.shape): - # changed from 2 to 3D or vice-versa; need to update widget - self._clearGraphs() - if len(data.shape) == 2: - wdg = pg.PlotWidget() - diff = data.T[finalStep] - data.T[initialStep] - # regardless of where you are in time the length of - # the data will always be the same; so either finalStep - # or initialStep is good enough for the X-axis - wdg.plot(np.arange(len(data.T[finalStep]))+1, diff, **plotArgs) - elif len(data.shape) == 3: - wdg = pg.ImageView() - wdg.ui.menuBtn.hide() - wdg.ui.roiBtn.hide() - diff = data.T[finalStep] - data.T[initialStep] - wdg.setImage(diff) - else: - # more dimensions unable to visualise - wdg = QtWidgets.QLabel("Cannot visualise > 3 dimensions") - self.graphHolderLayout.addWidget(wdg) - self.plotWidget = wdg - else: - if wdgDim == 2: - diff = data.T[finalStep] - data.T[initialStep] - # regardless of where you are in time the length of - # the data will always be the same; so either finalStep - # or initialStep is good enough for the X-axis - self.plotWidget.plot(np.arange(len(data.T[finalStep]))+1, - diff, clear=True, **plotArgs) - elif wdgDim == 3: - diff = data.T[finalStep] - data.T[initialStep] - self.plotWidget.setImage(diff) - - -class NeuroVarDiffWidget(Ui_NNVarDiff, QtWidgets.QWidget): - - def __init__(self, dataset, parent=None): - super(NeuroVarDiffWidget, self).__init__(parent=parent) - self.dataset = dataset - - self.rows = [] - self.selectedRow = None - - self.setupUi(self) - - self.addRowButton.clicked.connect(self.addRow) - self.deleteRowButton.clicked.connect(self.removeRow) - - def mousePressEvent(self, evt): - for (idx, row) in enumerate(self.rows): - if row.underMouse(): - self.selectedRow = idx - row.setSelected(row.underMouse()) - - def updateDataset(self, dataset): - if dataset is None: - return - - for row in self.rows: - row.updateDataset(dataset) - - self.dataset = dataset - - def addRow(self): - self.rows.append(NeuroVarDiffRowWidget(self.dataset)) - self.mainSnapLayout.addWidget(self.rows[-1]) - self.rows[-1].setMinimumHeight(350) - - def removeRow(self): - if self.selectedRow is None: - return - - wdg = self.rows.pop(self.selectedRow) - self.mainSnapLayout.removeWidget(wdg) - wdg.setParent(None) - self.selectedRow = None - for row in self.rows: - row.setSelected(False) - - -class NeuroVarAvgRowWidget(Ui_NNVarAvgRow, QtWidgets.QWidget): - - def __init__(self, dataset, parent=None): - super(NeuroVarAvgRowWidget, self).__init__(parent=parent) - self.dataset = None - self.selected = False - self.setupUi(self) - self.plotWidget = None - self.updateDataset(dataset) - self.setSelected(self.selected) - - self.fromStepSpinBox.valueChanged.connect(\ - lambda val: self.stepSpinBoxChanged(self.fromStepSpinBox, self.fromStepSlider, val)) - self.fromStepSlider.valueChanged.connect(\ - lambda val: self.stepSliderChanged(self.fromStepSpinBox, self.fromStepSlider, val)) - self.toStepSpinBox.valueChanged.connect(\ - lambda val: self.stepSpinBoxChanged(self.toStepSpinBox, self.toStepSlider, val)) - self.toStepSlider.valueChanged.connect(\ - lambda val: self.stepSliderChanged(self.toStepSpinBox, self.toStepSlider, val)) - self.variableSelectionCombo.currentIndexChanged.connect(self.variableChanged) - - def _clearGraphs(self): - for idx in reversed(range(self.graphHolderLayout.count())): - wdg = self.graphHolderLayout.itemAt(idx).widget() - self.graphHolderLayout.removeWidget(wdg) - wdg.setParent(None) - - def updateDataset(self, dataset): - - if dataset is None: - return - - self.variableSelectionCombo.clear() - - for k in dataset.files: - if k == 'meta': - continue - self.variableSelectionCombo.addItem(k, dataset[k]) - - self.fromStepSlider.setMinimum(0) - self.toStepSlider.setMinimum(0) - self.fromStepSlider.setMaximum(int(dataset['meta']['trials'][0])-1) - self.toStepSlider.setMaximum(int(dataset['meta']['trials'][0])-1) - - self.fromStepSpinBox.setMinimum(0) - self.toStepSpinBox.setMinimum(0) - self.fromStepSpinBox.setMaximum(int(dataset['meta']['trials'][0])-1) - self.toStepSpinBox.setMaximum(int(dataset['meta']['trials'][0])-1) - - def setSelected(self, status): - self.selected = status - if self.selected: - colour = "#F00" - else: - colour = "#000" - - self.rowFrame.setStyleSheet("#rowFrame {border: 1px solid %s}" % colour) - - def variableChanged(self, idx): - fromStep = self.fromStepSpinBox.value() - toStep = self.toStepSpinBox.value() - self.updatePlotToStep(fromStep, toStep) - - def stepSpinBoxChanged(self, box, slider, val): - slider.blockSignals(True) - slider.setValue(val) - slider.blockSignals(False) - - fromStep = self.fromStepSpinBox.value() - toStep = self.toStepSpinBox.value() - self.updatePlotToStep(fromStep, toStep) - - def stepSliderChanged(self, box, slider, val): - box.blockSignals(True) - box.setValue(val) - box.blockSignals(False) - - fromStep = self.fromStepSpinBox.value() - toStep = self.toStepSpinBox.value() - self.updatePlotToStep(fromStep, toStep) - - def setSteps(self, fromStep, toStep): - self.fromStepSlider.blockSignals(True) - self.toStepSlider.blockSignals(True) - self.fromStepSpinBox.blockSignals(True) - self.toStepSpinBox.blockSignals(True) - - self.fromStepSlider.setValue(fromStep) - self.fromStepSpinBox.setValue(fromStep) - self.toStepSlider.setValue(toStep) - self.toStepSpinBox.setValue(toStep) - self.updatePlotToStep(fromStep, toStep) - - self.fromStepSlider.blockSignals(False) - self.toStepSlider.blockSignals(False) - self.fromStepSpinBox.blockSignals(False) - self.toStepSpinBox.blockSignals(False) - - def updatePlotToStep(self, fromStep, toStep): - idx = self.variableSelectionCombo.currentIndex() - data = self.variableSelectionCombo.itemData(idx) - - self._updateGraph(data, fromStep, toStep) - - def _updateGraph(self, data, fromStep, toStep): - - if toStep < fromStep: - # swap variables if from > to - toStep, fromStep = fromStep, toStep - - plotArgs = {'pen': None, 'symbolPen': None, 'symbolBrush': (255,0,0), \ - 'symbol':'+'} - - # determine the plot type for the existing graph, if any - if self.plotWidget is None: - wdgDim = -1 # no widget yet - else: - if isinstance(self.plotWidget, pg.PlotWidget): - wdgDim = 2 - else: - wdgDim = 3 - - # and either generate a new plot or update the existing one - # (if dimensions match) - if wdgDim != len(data.shape): - # changed from 2 to 3D or vice-versa; need to update widget - self._clearGraphs() - if len(data.shape) == 2: - wdg = pg.PlotWidget() - # nothing to average between identical timesteps - if fromStep == toStep: - avg = data[:,fromStep] - else: - avg = np.average(data[:, fromStep:toStep], axis=1) - # regardless of where you are in time the length of - # the data will always be the same; so either finalStep - # or initialStep is good enough for the X-axis - wdg.plot(np.arange(len(data.T[fromStep]))+1, avg, **plotArgs) - elif len(data.shape) == 3: - wdg = pg.ImageView() - wdg.ui.menuBtn.hide() - wdg.ui.roiBtn.hide() - if fromStep == toStep: - avg = data[:,:,fromStep] - else: - avg = np.average(data[:,:,fromStep:toStep], axis=2) - wdg.setImage(avg) - else: - # more dimensions unable to visualise - wdg = QtWidgets.QLabel("Cannot visualise > 3 dimensions") - self.graphHolderLayout.addWidget(wdg) - self.plotWidget = wdg - else: - if wdgDim == 2: - if fromStep == toStep: - avg = data[:,fromStep] - else: - avg = np.average(data[:, fromStep:toStep], axis=1) - # regardless of where you are in time the length of - # the data will always be the same; so either finalStep - # or initialStep is good enough for the X-axis - self.plotWidget.plot(np.arange(len(data.T[fromStep]))+1, - avg, clear=True, **plotArgs) - elif wdgDim == 3: - if fromStep == toStep: - avg = data[:,:,fromStep] - else: - avg = np.average(data[:,:,fromStep:toStep], axis=2) - self.plotWidget.setImage(avg) - - -class NeuroVarAvgWidget(Ui_NNVarAvg, QtWidgets.QWidget): - - def __init__(self, dataset, parent=None): - super(NeuroVarAvgWidget, self).__init__(parent=parent) - self.dataset = dataset - - self.rows = [] - self.selectedRow = None - - self.setupUi(self) - - self.lockStepsCheckBox.stateChanged.connect(self.lockStepsChecked) - self.globalFromSpinBox.valueChanged.connect(self.globalFromSpinBoxChanged) - self.globalToSpinBox.valueChanged.connect(self.globalToSpinBoxChanged) - self.globalFromSlider.valueChanged.connect(self.globalFromSliderChanged) - self.globalToSlider.valueChanged.connect(self.globalToSliderChanged) - self.addRowButton.clicked.connect(self.addRow) - self.deleteRowButton.clicked.connect(self.removeRow) - - def mousePressEvent(self, evt): - for (idx, row) in enumerate(self.rows): - if row.underMouse(): - self.selectedRow = idx - row.setSelected(row.underMouse()) - - def lockStepsChecked(self): - checked = self.lockStepsCheckBox.isChecked() - self.globalFromSlider.setEnabled(checked) - self.globalToSlider.setEnabled(checked) - self.globalFromSpinBox.setEnabled(checked) - self.globalToSpinBox.setEnabled(checked) - - def globalFromSliderChanged(self, val): - toStep = self.globalToSpinBox.value() - - self.globalFromSpinBox.blockSignals(True) - self.globalFromSpinBox.setValue(val) - self.globalFromSpinBox.blockSignals(False) - self.updateGlobalSteps(val, toStep) - - def globalToSliderChanged(self, val): - fromStep = self.globalFromSpinBox.value() - - self.globalToSpinBox.blockSignals(True) - self.globalToSpinBox.setValue(val) - self.globalToSpinBox.blockSignals(False) - self.updateGlobalSteps(fromStep, val) - - def globalFromSpinBoxChanged(self, val): - toStep = self.globalToSpinBox.value() - - self.globalFromSlider.blockSignals(True) - self.globalFromSlider.setValue(val) - self.globalFromSlider.blockSignals(False) - self.updateGlobalSteps(val, toStep) - - def globalToSpinBoxChanged(self, val): - fromStep = self.globalFromSpinBox.value() - - self.globalToSlider.blockSignals(True) - self.globalToSlider.setValue(val) - self.globalToSlider.blockSignals(False) - self.updateGlobalSteps(fromStep, val) - - def updateGlobalSteps(self, fromStep, toStep): - for row in self.rows: - row.setSteps(fromStep, toStep) - - def updateDataset(self, dataset): - if dataset is None: - return - - for row in self.rows: - row.updateDataset(dataset) - - self.dataset = dataset - - def addRow(self): - self.rows.append(NeuroVarAvgRowWidget(self.dataset)) - self.mainSnapLayout.addWidget(self.rows[-1]) - self.rows[-1].setMinimumHeight(350) - - def removeRow(self): - if self.selectedRow is None: - return - - wdg = self.rows.pop(self.selectedRow) - self.mainSnapLayout.removeWidget(wdg) - wdg.setParent(None) - self.selectedRow = None - for row in self.rows: - row.setSelected(False) - - -class NeuroAnalysis(Ui_NNAnalysis, QtWidgets.QWidget): - - def __init__(self, parent=None): - super(NeuroAnalysis, self).__init__(parent=parent) - self.dataset = None - - self.setupUi(self) - self.setWindowTitle("NeuroPack Analysis Tool") - - self.openDatasetButton.clicked.connect(self._openDataset) - - self.mainStackedWidget.addWidget(NeuroVarSnapWidget(self.dataset)) - self.mainStackedWidget.addWidget(NeuroVarDiffWidget(self.dataset)) - self.mainStackedWidget.addWidget(NeuroVarAvgWidget(self.dataset)) - self.mainStackedWidget.setCurrentIndex(0) - - self.toolsListWidget.currentRowChanged.connect(self.mainStackedWidget.setCurrentIndex) - - self.show() - - def _openDataset(self): - path = QtWidgets.QFileDialog().getOpenFileName(self, \ - 'Open dataset', filter="*.npz")[0] - - if path is None or len(path) == 0: - return - - try: - self._updateFromDataset(path) - except (Exception, ValueError) as exc: - msgbox = QtWidgets.QMessageBox(QtWidgets.QMessageBox.Critical, \ - "Error loading file", str(exc), parent=self) - msgbox.exec_() - - def _updateFromDataset(self, path): - self.dataset = np.load(path) - - meta = self.dataset['meta'] - - trials = pg.siFormat(meta['trials'][0]) - LTP_V = pg.siFormat(meta['LTP_V'][0], suffix='V') - LTP_pw = pg.siFormat(meta['LTP_pw'][0], suffix='s') - LTD_V = pg.siFormat(meta['LTD_V'][0], suffix='V') - LTD_pw = pg.siFormat(meta['LTD_pw'][0], suffix='s') - - self.datasetEdit.setText(os.path.basename(path)) - self.trialsEdit.setText(trials) - self.ltpVEdit.setText(LTP_V) - self.ltpPWEdit.setText(LTP_pw) - self.ltdVEdit.setText(LTD_V) - self.ltdPWEdit.setText(LTD_pw) - - for i in range(self.mainStackedWidget.count()): - wdg = self.mainStackedWidget.widget(i) - wdg.updateDataset(self.dataset) - - tags = { 'top': modutils.ModTag("NN", "NeuroPack", None) } diff --git a/uis/nnanalysis.ui b/uis/nnanalysis.ui index 8d35c12..994d675 100644 --- a/uis/nnanalysis.ui +++ b/uis/nnanalysis.ui @@ -6,8 +6,8 @@ 0 0 - 676 - 540 + 1275 + 1242 @@ -16,36 +16,29 @@ - - + + - Trials + tp - - + + - LTD Voltage + Dataset - LTP Pulse Width + a0p - - - - LTD Pulse Width - - - - - + + false @@ -57,8 +50,22 @@ - - + + + + a1n + + + + + + + Ap + + + + + false @@ -70,8 +77,56 @@ - - + + + + + + + + + Qt::Horizontal + + + + + + + + + + Locked step + + + + + + + + + + + false + + + false + + + true + + + + + + + Open + + + + + + + false @@ -83,8 +138,15 @@ - - + + + + Training + + + + + false @@ -96,15 +158,66 @@ - - + + - LTP Voltage + Step - - + + + + tn + + + + + + + An + + + + + + + + + + a0n + + + + + + + + + + a1p + + + + + + + + + + Remove + + + + + + + Add + + + + + false @@ -116,85 +229,37 @@ - - + + - Dataset + Test - - - - - - false - - - false - - - true - - - - - - - Open - - - - + + - - - - 0 - 0 - + + + true - - Qt::Horizontal - - - - - 175 - 16777215 - - - - #toolsListWidget::item { - padding: 5px; -} - - - - Variable snapshots - - - - - Difference snapshots - - - - - Variable averages - - - - - - - 0 - 0 - + + + + 0 + 0 + 1243 + 952 + + + + + + diff --git a/uis/nnvarsnaprow.ui b/uis/nnvarsnaprow.ui index 125c2be..3dd8ae8 100644 --- a/uis/nnvarsnaprow.ui +++ b/uis/nnvarsnaprow.ui @@ -6,8 +6,8 @@ 0 0 - 581 - 426 + 1113 + 1211 @@ -40,6 +40,30 @@ + + + + Neuron + + + + + + + Row Number + + + + + + + + 75 + 0 + + + + @@ -47,7 +71,10 @@ - + + + + @@ -60,26 +87,103 @@ - - - - + + + true + Qt::Horizontal - - - - - 75 - 0 - + + + + + weight mapping in the array + + + + + weight mapping for each layer + + + + + membrane voltage changes (training) + + + + + membrane voltage changes (test) + + + + + membrane recovery variable changes (training, only for Izhikevich neuron model) + + + + + membrane recovery variable changes (test, only for Izhikevich neuron model) + + + + + fire history (training) + + + + + fire history (test) + + + + + input stimulus (training) + + + + + input stimulus (test) + + + + + error for each neuron (training, not applicable for unsupervised learning) + + + + + error for each neuron (test, not applicable for unsupervised learning) + + + + + expected weight mapping for each layer + + + + + weight error for each layer + + + + + + + + + + + Layer + + +